- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.parallel.data_parallel.DataParallel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:404: UnicodeWarning: Unicode unequal comparison failed to convert both arguments to Unicode - interpreting them as being unequal
- if original_source != current_source:
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.conv.Conv2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.batchnorm.BatchNorm2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.activation.PReLU' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.pooling.MaxPool2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.container.Sequential' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.dropout.Dropout' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.linear.Linear' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- /home/yaowei/.local/lib/python2.7/site-packages/torch/serialization.py:435: SourceChangeWarning: source code of class 'torch.nn.modules.batchnorm.BatchNorm1d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
- warnings.warn(msg, SourceChangeWarning)
- Traceback (most recent call last):
- File "pth-to-onnx.py", line 47, in <module>
- torch.onnx.export(resnet100_load, resnet100_dummy_input, resnet100_onnx_model, verbose = True)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/onnx/__init__.py", line 27, in export
- return utils.export(*args, **kwargs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/onnx/utils.py", line 104, in export
- operator_export_type=operator_export_type)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/onnx/utils.py", line 281, in _export
- example_outputs, propagate)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/onnx/utils.py", line 224, in _model_to_graph
- graph, torch_out = _trace_and_get_graph_from_model(model, args, training)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/onnx/utils.py", line 192, in _trace_and_get_graph_from_model
- trace, torch_out = torch.jit.get_trace_graph(model, args, _force_outplace=True)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/jit/__init__.py", line 197, in get_trace_graph
- return LegacyTracedModule(f, _force_outplace)(*args, **kwargs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 489, in __call__
- result = self.forward(*input, **kwargs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/jit/__init__.py", line 252, in forward
- out = self.inner(*trace_inputs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 487, in __call__
- result = self._slow_forward(*input, **kwargs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 477, in _slow_forward
- result = self.forward(*input, **kwargs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 139, in forward
- inputs, kwargs = self.scatter(inputs, kwargs, self.device_ids)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 150, in scatter
- return scatter_kwargs(inputs, kwargs, device_ids, dim=self.dim)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 35, in scatter_kwargs
- inputs = scatter(inputs, target_gpus, dim) if inputs else []
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 28, in scatter
- return scatter_map(inputs)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 15, in scatter_map
- return list(zip(*map(scatter_map, obj)))
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 13, in scatter_map
- return Scatter.apply(target_gpus, None, dim, obj)
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/_functions.py", line 88, in forward
- streams = [_get_stream(device) for device in target_gpus]
- File "/home/yaowei/.local/lib/python2.7/site-packages/torch/nn/parallel/_functions.py", line 115, in _get_stream
- if _streams[device] is None:
- IndexError: list index out of range
复制代码
欢迎光临 Toybrick (https://t.rock-chips.com/) | Powered by Discuz! X3.3 |