1

当我使用 tensorbosrdX 时:

import torch
import torch.nn as nn
import torch.nn.functional as F
from tensorboardX import SummaryWriter


class Net1(nn.Module):
    def __init__(self):
        super(Net1, self).__init__()
        self.conv1 = nn.Conv2d(1, 10, kernel_size=5)
        self.conv2 = nn.Conv2d(10, 20, kernel_size=5)
        self.conv2_drop = nn.Dropout2d()
        self.fc1 = nn.Linear(320, 50)
        self.fc2 = nn.Linear(50, 10)
        self.bn = nn.BatchNorm2d(20)

    def forward(self, x):
        x = F.max_pool2d(self.conv1(x), 2)
        x = F.relu(x) + F.relu(-x)
        x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2))
        x = self.bn(x)
        x = x.view(-1, 320)
        x = F.relu(self.fc1(x))
        x = F.dropout(x, training=self.training)
        x = self.fc2(x)
        x = F.softmax(x, dim=1)
        return x


dummy_input = torch.rand(13, 1, 28, 28)

model = Net1()
with SummaryWriter(comment='Net1') as w:
    w.add_graph(model, (dummy_input,))

` 我得到这个错误:

    Traceback (most recent call last):
  File "/home/user/pych/tensorboardtest.py", line 34, in <module>
    w.add_graph(model, (dummy_input,))
  File "/home/user/anaconda3/envs/jointpy35/lib/python3.5/site-packages/tensorboardX/writer.py", line 566, in add_graph
    self.file_writer.add_graph(graph(model, input_to_model, verbose))
  File "/home/user/anaconda3/envs/jointpy35/lib/python3.5/site-packages/tensorboardX/pytorch_graph.py", line 171, in graph
    from torch.onnx.utils import OperatorExportTypes
ImportError: cannot import name 'OperatorExportTypes'

Process finished with exit code 1

此代码是如何使用 add_graph() 的示例。但它无法在我的计算机上工作,我不知道如何解决它我的环境:

  1. 火炬:0.4.0
  2. 蟒蛇:3.5.0
  3. 张量板X 1.6
4

1 回答 1

0

您需要将 pytorch 的版本更新到 1.0.1

于 2019-02-27T07:41:31.360 回答