当前位置:网站首页>General code for pytorch model to libtorch and onnx format
General code for pytorch model to libtorch and onnx format
2022-08-02 15:26:00 【Hongyao】
依赖
- torch
- onnx
- onnx simplifer
Important parameters that need to be set by yourself
- model_path 模型权重路径
- model 网络实例
- inp 样例输入,就是一个shape合法的tensor,batchsize(第一维)设置为1就行
下面以torchvision自带的resnet101模型为例.The weights are using the official pretrained model,调用resnet101(pretrained=True)will be downloaded automatically%USERPROFILE%/.cache/torch/hub下面
import onnx
import torch
from torch.utils.mobile_optimizer import optimize_for_mobile
from torchvision.models.resnet import resnet101
from utils.func import file_size, colorstr
model_path = './weights/resnet101.pth' # 模型权重路径
model = resnet101() # 模型对象
height, width = 640, 640
inp = torch.zeros([1, 3, height, width]) # 样例输入,用于trace
# common
half = True # fp16量化
# onnx profile
onnx_export = True # 是否输出onnx格式
opset_version = 13 # 算子集版本
dynamic = False # Whether to enter dynamicallybatchsize,The following two options need to be set
input_names = ['inputs']
dynamic_axes = {
'inputs': {
0: 'batch', 1: 'kp28'}, # 动态batchsize设置
'output': {
0: 'batch', 1: 'classes'}}
simplify = True # whether to simplify
# libtorch profile
libtorch_export = True # 是否输出libtorch格式
optimize = False # 针对移动端优化,Not for mobile use
strict = False # 严格模式,设置False就行
if __name__ == '__main__':
model.load_state_dict(torch.load(model_path))
model.cpu().eval()
if half:
inp, model = inp.half(), model.half()
if onnx_export:
prefix = colorstr('ONNX:')
f = model_path.replace('.pth', '.onnx') # filename
torch.onnx.export(model, inp, f, verbose=False, opset_version=opset_version, input_names=input_names,
training=torch.onnx.TrainingMode.EVAL,
do_constant_folding=True,
dynamic_axes=dynamic_axes if dynamic else None)
# Checks
model_onnx = onnx.load(f) # load onnx model
onnx.checker.check_model(model_onnx) # check onnx model
# print(onnx.helper.printable_graph(model_onnx.graph)) # print
# Simplify
if simplify:
try:
import onnxsim
print(f'simplifying with onnx-simplifier {
onnxsim.__version__}...')
model_onnx, check = onnxsim.simplify(
model_onnx,
dynamic_input_shape=dynamic,
input_shapes={
'images': list(inp.shape)} if dynamic else None)
assert check, 'assert check failed'
onnx.save(model_onnx, f)
except Exception as e:
print(f'{
prefix} simplifier failure: {
e}')
print(f'{
prefix} export success, saved as {
f} ({
file_size(f):.1f} MB)')
if libtorch_export:
prefix = colorstr('TorchScript:')
try:
print(f'\n{
prefix} starting export with torch {
torch.__version__}...')
f = model_path.replace('.pt', '.torchscript.pt') # filename
ts = torch.jit.trace(model, inp, strict=strict)
(optimize_for_mobile(ts) if optimize else ts).save(f)
print(f'{
prefix} export success, saved as {
f} ({
file_size(f):.1f} MB)')
except Exception as e:
print(f'{
prefix} export failure: {
e}')
边栏推荐
猜你喜欢

如何用硬币模拟1/3的概率,以及任意概率?

Do Windows 10 computers need antivirus software installed?

2020-02-06-快速搭建个人博客

cmake配置libtorch报错Failed to compute shorthash for libnvrtc.so

golang之GMP调度模型

为android系统添加产品的过程

FP5207电池升压 5V9V12V24V36V42V大功率方案

How to add a one-key shutdown option to the right-click menu in Windows 11

Win11 computer off for a period of time without operating network how to solve

win10任务栏不合并图标如何设置
随机推荐
LORA芯片ASR6601支持M4内核的远距离传输芯片
golang之GMP调度模型
实战美团Nuxt +Vue全家桶,服务端渲染,邮箱验证,passport鉴权服务,地图API引用,mongodb,redis等技术点
对疫情期间量化策略表现的看法
arm ldr系列指令
Bash shell位置参数
FP7195大功率零压差全程无频闪调光DC-DC恒流芯片(兼容调光器:PWM调光,无极调光,0/1-10V调光)
ASR6601牛羊定位器芯片GPS国内首颗支持LoRa的LPWAN SoC
Win10电脑需要安装杀毒软件吗?
让深度学习歇一会吧
【使用Pytorch实现ResNet网络模型:ResNet50、ResNet101和ResNet152】
2.4G无线小模块CI24R1超低成本
How to set the win10 taskbar does not merge icons
FP6293电池升压5V-12V大电流2APWM模式升压方案
单端K总线收发器DP9637兼容L9637
Makefile容易犯错的语法
【STM32学习1】基础知识与概念明晰
PyTorch(11)---卷积神经网络_一个小的神经网络搭建model
Mysql connection error solution
PyTorch⑩---卷积神经网络_一个小的神经网络搭建