无法将 Pytorch 转换为 ONNX

6 python pytorch onnx

尝试使用 ONNX 转换pytorch 模型会出现此错误。我搜索过 github,这个错误之前在 1.1.0 版本中出现过,但显然已得到纠正。现在我使用的是 torch 1.4.0。(python 3.6.9),我看到这个错误。

File "/usr/local/lib/python3.6/dist-packages/torch/onnx/init.py", line 148, in export
strip_doc_string, dynamic_axes, keep_initializers_as_inputs)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/utils.py", line 66, in export
dynamic_axes=dynamic_axes, keep_initializers_as_inputs=keep_initializers_as_inputs)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/utils.py", line 416, in _export
fixed_batch_size=fixed_batch_size)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/utils.py", line 296, in _model_to_graph
fixed_batch_size=fixed_batch_size, params_dict=params_dict)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/utils.py", line 135, in _optimize_graph
graph = torch._C._jit_pass_onnx(graph, operator_export_type)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/init.py", line 179, in _run_symbolic_function
return utils._run_symbolic_function(*args, **kwargs)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/utils.py", line 657, in _run_symbolic_function
return op_fn(g, *inputs, **attrs)
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/symbolic_helper.py", line 128, in wrapper
args = [_parse_arg(arg, arg_desc) for arg, arg_desc in zip(args, arg_descriptors)]
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/symbolic_helper.py", line 128, in
args = [_parse_arg(arg, arg_desc) for arg, arg_desc in zip(args, arg_descriptors)]
File "/usr/local/lib/python3.6/dist-packages/torch/onnx/symbolic_helper.py", line 81, in _parse_arg
"', since it's not constant, please try to make "
RuntimeError: Failed to export an ONNX attribute 'onnx::Gather', since it's not constant, please try to make things (e.g., kernel size) static if possible
Run Code Online (Sandbox Code Playgroud)

如何修复它?我也尝试了最新的夜间构建,出现了同样的错误。

我的代码:

from model import BiSeNet
import torch.onnx
import torch

net = BiSeNet(19)
net.cuda()
net.load_state_dict(torch.load('/content/drive/My Drive/Collab/fp/res/cp/79999_iter.pth'))
net.eval()

dummy = torch.rand(1,3,512,512).cuda()
torch.onnx.export(net, dummy, "Model.onnx", input_names=["image"], output_names=["output"])
Run Code Online (Sandbox Code Playgroud)

print (v.node ())在引发运行时错误之前添加到 symbolic_helper.py 以查看导致错误的原因。

这是输出:%595 : Long() = onnx::Gather[axis=0](%592, %594) # /content/drive/My Drive/Collab/fp/model.py:111:0

model.py 中的 111 行是:avg = F.avg_pool2d(feat32, feat32.size()[2:])

消息来源表明pytorch中的tensor.size方法无法被onnx识别,需要修改为常量。

Ahm*_*cat 8

我曾经在使用导出时遇到过类似的错误

torch.onnx.export(model, x, ONNX_FILE_PATH)

我通过指定opset_version类似的方式修复了它:

torch.onnx.export(model, x, ONNX_FILE_PATH, opset_version = 11)


小智 0

你可以:

print(feat32.size()[2:])
Run Code Online (Sandbox Code Playgroud)

并替换:

F.avg_pool2d(feat32, feat32.size()[2:]) 
Run Code Online (Sandbox Code Playgroud)

和:

F.avg_pool2d(feat32, your_print_contant_result)
Run Code Online (Sandbox Code Playgroud)