上一页 1 ··· 38 39 40 41 42 43 44 45 46 ··· 73 下一页
摘要: import torch #cuda是否可用 torch.cuda.is_available() 结果: True #返回当前设备索引 torch.cuda.current_device() 结果: 0 #返回GPU的数量 torch.cuda.device_count() 结果: 1 #返回gpu 阅读全文
posted @ 2021-10-20 18:37 图神经网络 阅读(347) 评论(0) 推荐(0) 编辑
摘要: Example1: for input, target in dataset: optimizer.zero_grad() output = model(input) loss = loss_fn(output, target) loss.backward() optimizer.step() Ex 阅读全文
posted @ 2021-10-20 17:36 图神经网络 阅读(118) 评论(0) 推荐(0) 编辑
摘要: 参考:官方 1. 均匀分布 torch.nn.init.uniform_(tensor, a=0.0, b=1.0) 解释: Fills the input Tensor with values drawn from the uniform distribution $\mathcal{U}(a, 阅读全文
posted @ 2021-10-20 16:53 图神经网络 阅读(1464) 评论(0) 推荐(0) 编辑
摘要: 1 导入实验所需要的包 import numpy as np import torch from torch import nn from torch.utils import data import matplotlib.pyplot as plt #解决内核挂掉 import os os.env 阅读全文
posted @ 2021-10-20 13:47 图神经网络 阅读(99) 评论(0) 推荐(0) 编辑
摘要: 假设有如下模型 net = nn.Sequential(nn.Linear(2, 1)) 现在要获取其参数值和参数名称 方法一: for parm in net[0].parameters(): print(parm) 结果: Parameter containing: tensor([[-0.07 阅读全文
posted @ 2021-10-20 11:12 图神经网络 阅读(2163) 评论(0) 推荐(0) 编辑
摘要: Tensor 和 NumPy 相互转换常使用 numpy() 和 from_numpy() 。需要注意的是: 这两个函数所产生的 Tensor 和 NumPy 中的数组共享相同的内存(所以他们之间的转换很快),改变其中一个时另一个也会改变! Tensor 转 Numpy 数组 a = torch.o 阅读全文
posted @ 2021-10-20 10:51 图神经网络 阅读(834) 评论(0) 推荐(0) 编辑
摘要: 参考:官方文档 源码 官方文档 nn.Sequential A sequential container. Modules will be added to it in the order they are passed in the constructor. Alternatively, an o 阅读全文
posted @ 2021-10-20 10:33 图神经网络 阅读(5902) 评论(0) 推荐(2) 编辑
摘要: 借助TensorDataset直接将数据包装成dataset类 直接使用 TensorDataset 来将数据包装成Dataset类,再使用dataloader。 import torch from torch import nn from torch.utils.data import Datas 阅读全文
posted @ 2021-10-18 23:09 图神经网络 阅读(331) 评论(0) 推荐(0) 编辑
摘要: 1 导入实验所需要的包 import torch import numpy as np import matplotlib.pyplot as plt from torch import nn from IPython import display #解决内核挂掉 import os os.envi 阅读全文
posted @ 2021-10-18 17:24 图神经网络 阅读(236) 评论(0) 推荐(0) 编辑
摘要: 在深度学习中,我们经常需要对函数求梯度(gradient)。PyTorch提供的autograd包能够根据输入和前向传播过程自动构建计算图,并执行反向传播。 Tensor 是 autograd 包的核心类,如果将其属性 .requires_grad 设置为 True,它将开始追踪(track)在其上 阅读全文
posted @ 2021-10-18 16:24 图神经网络 阅读(281) 评论(0) 推荐(0) 编辑
上一页 1 ··· 38 39 40 41 42 43 44 45 46 ··· 73 下一页
Live2D