上一页 1 ··· 20 21 22 23 24 25 26 27 28 ··· 73 下一页
摘要: 论文信息 论文标题:Graph-MLP: Node Classification without Message Passing in Graph论文作者:Yang Hu, Haoxuan You, Zhecan Wang, Zhicheng Wang,Erjin Zhou, Yue Gao论文来源 阅读全文
posted @ 2022-04-02 20:16 多发Paper哈 阅读(610) 评论(0) 推荐(0) 编辑
摘要: Paper Information Title:Fast Multi-Resolution Transformer Fine-tuning for Extreme Multi-label Text ClassificationAuthors:Jiong Zhang, Wei-Cheng Chang, 阅读全文
posted @ 2022-04-01 22:59 多发Paper哈 阅读(520) 评论(0) 推荐(0) 编辑
摘要: 介绍 相对熵(relative entropy),又被称为Kullback-Leibler散度(Kullback-Leibler divergence)或信息散度(information divergence),是两个概率分布(probability distribution)间差异的非对称性度量。 阅读全文
posted @ 2022-04-01 15:09 多发Paper哈 阅读(210) 评论(0) 推荐(0) 编辑
摘要: class torch.optim.Adam(params, lr=0.001, betas=(0.9, 0.999), eps=1e-08, weight_decay=0)参数:params (iterable) – 待优化参数的iterable或者是定义了参数组的dictlr (float, 可 阅读全文
posted @ 2022-03-31 09:55 多发Paper哈 阅读(169) 评论(0) 推荐(0) 编辑
摘要: 随机梯度下降法 $\theta_{t} \leftarrow \theta_{t-1}-\alpha g_{t}$ Code: optimzer = torch.optim.SGD(model.parameters(),lr = 0.001) 权重衰减 $\theta_{t} \leftarrow( 阅读全文
posted @ 2022-03-31 09:49 多发Paper哈 阅读(1632) 评论(0) 推荐(0) 编辑
摘要: 1 导入实验所需要的包 import torch import torch.nn as nn import torchvision import torchvision.transforms as transforms import torch.nn.functional as F from tor 阅读全文
posted @ 2022-03-30 09:09 多发Paper哈 阅读(1138) 评论(0) 推荐(0) 编辑
摘要: 1、import from numpy / list 方法:torch.from_numpy(ndarray) 常见的初始化有torch.tensor和torch.Tensor 区别: tensor():通过numpy 或 list 的现有数据初始化 Tensor(): 1、接收数据的维度(,)sh 阅读全文
posted @ 2022-03-30 00:45 多发Paper哈 阅读(910) 评论(0) 推荐(1) 编辑
摘要: torch.flatten() torch.flatten(x) 等于 torch.flatten(x,0) 默认将张量拉成一维的向量,也就是说从第一维开始平坦化,torch.flatten(x,1) 代表从第二维开始平坦化。 Example: import torch x=torch.randn( 阅读全文
posted @ 2022-03-30 00:39 多发Paper哈 阅读(3586) 评论(0) 推荐(0) 编辑
摘要: Example: import torch import torch.nn.functional as F from torch.nn.modules.module import Module from torch.nn.parameter import Parameter class GraphC 阅读全文
posted @ 2022-03-28 15:24 多发Paper哈 阅读(161) 评论(0) 推荐(0) 编辑
摘要: Example: import torch import torch.nn as nn import torch.nn.functional as F class FCC(nn.Module): def __init__(self,input_dim,hidden_dim,output_dim): 阅读全文
posted @ 2022-03-28 14:51 多发Paper哈 阅读(239) 评论(0) 推荐(0) 编辑
上一页 1 ··· 20 21 22 23 24 25 26 27 28 ··· 73 下一页
Live2D