利用ONNX进行PyTorch模型部署

使用ONNX进行PyTorch模型部署

程序错误

torch转换onnx

pip install onnx
pip install onnxruntime // cpu
pip install onnxruntime-gpu

https://onnxruntime.ai/

import torch
import torch.nn as nn
import onnx
import numpy as np

class Model(nn.Module):
    def __init__(self):
        super(Model,self).__init__()
        self.conv1=nn.Conv2d(3,3, kernel_size=3, stride=2,padding=1)
    def forward(self,x,y):
        result1=self.conv1(x)
        result2=self.conv1(y)
        return result1,result2

model=Model()
model.eval() # 若存在batchnorm、dropout层则一定要eval()再export

input_names = ["input_0","input_1"]
output_names = ["output_0","output_1"]

x=torch.randn((1,3,12,12))
y=torch.randn((1,3,6,6))

torch.onnx.export(model,(x,y),'model.onnx',input_names=input_names,output_names=output_names, dynamic_axes={'input_0':[0],'output_0':[0]})

onnx进行量化

报错 1 AssertionError: Only Softmax or Logsoftmax operation on Axis 1 is supported if input is non-constant, but got axis 2 in layer Softmax_91

torch版本1.1好使

2 UnicodeDecodeError: 'gbk' codec can't decode byte 0xac in position 3261: illegal multibyte sequence

3
在这里插入图片描述
raise StopIteration
StopIteration

   try:
        images, target = next(batch_iterator)
    except StopIteration:
        batch_iterator = iter(data.DataLoader(dataset, batch_size, shuffle=True, num_workers=num_workers, collate_fn=detection_collate))
        images, target = next(batch_iterator)
   images = images.numpy()
   yield {'input':images}

4 ImportError: libcudart.so.11.0: cannot open shared object file: No such file or directory
环境问题

2

评论 3
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

yddcs

你的鼓励--创作的动力!!!

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值