上一页 1 ··· 22 23 24 25 26 27 28 29 30 ··· 73 下一页
摘要: 论文信息 论文标题:Graph Contrastive Learning with Augmentations论文作者:Yuning You, Tianlong Chen, Yongduo Sui, Ting Chen, Zhangyang Wang, Yang Shen论文来源:2020, Neu 阅读全文
posted @ 2022-03-21 20:07 多发Paper哈 阅读(2483) 评论(0) 推荐(1) 编辑
摘要: 矩阵的迹的定义:一个 $n \times n$ 的矩阵 A 的迹是指 A 的主对角线上各元素的总和,记作 $\operatorname{tr}(A)$ 。即 $\operatorname{tr}(A)=\sum\limits\limits _{i=1}^{n} a_{i i}$ 定理1: $\ope 阅读全文
posted @ 2022-03-21 19:29 多发Paper哈 阅读(1429) 评论(0) 推荐(0) 编辑
摘要: Paper Information Title:Cauchy Graph EmbeddingAuthors:Dijun Luo, C. Ding, F. Nie, Heng HuangSources:2011, ICMLOthers:71 Citations, 30 References Abstr 阅读全文
posted @ 2022-03-20 20:58 多发Paper哈 阅读(369) 评论(0) 推荐(1) 编辑
摘要: 1 介绍 拉普拉斯特征映射(Laplacian Eigenmaps)是一种不太常见的降维算法,它看问题的角度和常见的降维算法不太相同,是从局部的角度去构建数据之间的关系。具体来讲,拉普拉斯特征映射是一种基于图的降维算法,它希望相互间有关系的点(在图中相连的点)在降维后的空间中尽可能的靠近,从而在降维 阅读全文
posted @ 2022-03-20 14:45 多发Paper哈 阅读(1823) 评论(0) 推荐(1) 编辑
摘要: Example:稀疏矩阵乘法 import math import torch import torch.nn.functional as F from torch.nn.parameter import Parameter from torch.nn.modules.module import M 阅读全文
posted @ 2022-03-15 20:01 多发Paper哈 阅读(174) 评论(0) 推荐(1) 编辑
摘要: Example: import torch indices = torch.tensor([[0,1], [0,1]]) values = torch.tensor([2,3]) shape = torch.Size((2,2)) s = torch.sparse.FloatTensor(indic 阅读全文
posted @ 2022-03-15 19:45 多发Paper哈 阅读(1038) 评论(0) 推荐(0) 编辑
摘要: Example import torch import torch.nn as nn # 判断模型是在CPU还是GPU上 model = nn.LSTM(input_size=10, hidden_size=4, num_layers=1, batch_first=True) print(next( 阅读全文
posted @ 2022-03-15 16:51 多发Paper哈 阅读(201) 评论(0) 推荐(0) 编辑
摘要: Example: import scipy.sparse as sp import numpy as np import torch adj_matrix = torch.randint(0,2,(4,4)) print(adj_matrix) tensor([[1, 1, 0, 0], [0, 1 阅读全文
posted @ 2022-03-15 16:11 多发Paper哈 阅读(366) 评论(0) 推荐(0) 编辑
摘要: 1 导入包 import torch import torch.nn as nn import numpy as np import torchvision import torchvision.transforms as transforms import matplotlib.pyplot as 阅读全文
posted @ 2022-03-09 10:17 多发Paper哈 阅读(559) 评论(0) 推荐(1) 编辑
摘要: 1 nn.L1Loss torch.nn.L1Loss(reduction='mean') 就是 MAE(mean absolute error),计算公式为 $\ell(x, y)=L=\left\{l_{1}, \ldots, l_{N}\right\}^{\top}, \quad l_{n}= 阅读全文
posted @ 2022-03-09 09:21 多发Paper哈 阅读(339) 评论(0) 推荐(0) 编辑
上一页 1 ··· 22 23 24 25 26 27 28 29 30 ··· 73 下一页
Live2D