小编Mr.*_*bot的帖子

PyTorch中的双层神经网络无法融合

问题

我正在尝试使用不同的方法(TensorFlow,PyTorch和从头开始)实现2层神经网络,然后基于MNIST数据集比较它们的性能.

我不确定我犯了什么错误,但PyTorch的准确率只有10%左右,这基本上是随机猜测.我想权重可能根本没有更新.

请注意,我故意使用TensorFlow提供的数据集来保持我使用的数据通过3种不同的方法保持一致,以便进行准确比较.

from tensorflow.examples.tutorials.mnist import input_data
import torch

class Net(torch.nn.Module):
    def __init__(self):
      super(Net, self).__init__()
      self.fc1 =  torch.nn.Linear(784, 100)
      self.fc2 =  torch.nn.Linear(100, 10)

    def forward(self, x):
      # x -> (batch_size, 784)
      x = torch.relu(x)
      # x -> (batch_size, 10)
      x = torch.softmax(x, dim=1)
      return x

net = Net()
net.zero_grad()
Loss = torch.nn.CrossEntropyLoss()
optimizer =  torch.optim.SGD(net.parameters(), lr=0.01)

for epoch in range(1000):  # loop over the dataset multiple times

    batch_xs, batch_ys = mnist_m.train.next_batch(100)
    # convert to appropriate settins
    # note the …
Run Code Online (Sandbox Code Playgroud)

deep-learning pytorch

3
推荐指数
1
解决办法
712
查看次数

标签 统计

deep-learning ×1

pytorch ×1