如何转换 torchscript 模型以在 OpenCV 中使用它?

问题描述

我在 torchscript 'model.pt' 中得到了模型,我想在 OpenCV 中加载它,这可能吗? 我在谷歌找到了一些东西,但没有用;/你有什么东西可以将 torscript 模型导出到 opencv 'onnx' 吗?

import torch

path = "model.pt"

model = torch.jit.load('model.pt')
Convert_ONNX()

def Convert_ONNX():

    # set the model to inference mode
    model.eval()

    # Let's create a dummy input tensor
    dummy_input = torch.randn(1,3,32,requires_grad=True)

    # Export the model
    torch.onnx.export(model,# model being run
         dummy_input,# model input (or a tuple for multiple inputs)
         "ImageClassifier.onnx",# where to save the model
         export_params=True,# store the trained parameter weights inside the model file
         opset_version=10,# the ONNX version to export the model to
         do_constant_folding=True,# whether to execute constant folding for optimization
         input_names = ['modelInput'],# the model's input names
         output_names = ['modelOutput'],# the model's output names
         dynamic_axes={'modelInput' : {0 : 'batch_size'},# variable length axes
                                'modelOutput' : {0 : 'batch_size'}})
    print(" ")
    print('Model has been converted to ONNX')

代码给我错误

RuntimeError:
UnkNown builtin op: torchvision::nms.
Could not find any similar ops to torchvision::nms. This op may not exist or may not be currently supported in TorchScript.

解决方法

暂无找到可以解决该程序问题的有效方法,小编努力寻找整理中!

如果你已经找到好的解决方法,欢迎将解决方案带上本链接一起发送给小编。

小编邮箱:dio#foxmail.com (将#修改为@)