小编NEW*_*ONS的帖子

如何在我的代码中检查pytorch中每一层的输出梯度?

我正在pytorch上工作来学习。

还有一个问题如何检查我的代码中每一层的输出梯度。

我的代码如下

#import the nescessary libs
import numpy as np
import torch
import time

# Loading the Fashion-MNIST dataset
from torchvision import datasets, transforms

# Get GPU Device

device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")


# Define a transform to normalize the data
transform = transforms.Compose([transforms.ToTensor(),
                                    transforms.Normalize((0.5,), (0.5,))
                                                                   ])
# Download and load the training data
trainset = datasets.FashionMNIST('MNIST_data/', download = True, train = True, transform = transform)
testset = datasets.FashionMNIST('MNIST_data/', download = True, train = False, transform = …
Run Code Online (Sandbox Code Playgroud)

python gradient artificial-intelligence machine-learning pytorch

8
推荐指数
1
解决办法
2万
查看次数