当前位置:网站首页>pytorch模型转libtorch和onnx格式的通用代码
pytorch模型转libtorch和onnx格式的通用代码
2022-08-02 14:09:00 【虹夭】
依赖
- torch
- onnx
- onnx simplifer
需要自己设置的重要参数
- model_path 模型权重路径
- model 网络实例
- inp 样例输入,就是一个shape合法的tensor,batchsize(第一维)设置为1就行
下面以torchvision自带的resnet101模型为例。权重是使用官方的预训练模型,调用resnet101(pretrained=True)时会自动下载到%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 # 是否动态输入batchsize,需要设置下面两个选项
input_names = ['inputs']
dynamic_axes = {
'inputs': {
0: 'batch', 1: 'kp28'}, # 动态batchsize设置
'output': {
0: 'batch', 1: 'classes'}}
simplify = True # 是否简化
# libtorch profile
libtorch_export = True # 是否输出libtorch格式
optimize = False # 针对移动端优化,不是移动端别用
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}')
边栏推荐
猜你喜欢
蓝牙温度检测系统(基于BT08-B蓝牙模块)
Win11怎么在右键菜单添加一键关机选项
【我的电赛日记(二)】ADF4351锁相环模块
Win11 system cannot find dll file how to fix
Mysql connection error solution
内存申请(malloc)和释放(free)之下篇
内存申请(malloc)和释放(free)之上篇
Win10电脑不能读取U盘怎么办?不识别U盘怎么解决?
How to add a one-key shutdown option to the right-click menu in Windows 11
【使用Pytorch实现ResNet网络模型:ResNet50、ResNet101和ResNet152】
随机推荐
DP1332E刷卡芯片支持NFC内置mcu智能楼宇/终端poss机/智能门锁
CMAKE
Win11声卡驱动如何更新?Win11声卡驱动更新方法
Do Windows 10 computers need antivirus software installed?
设备驱动框架简介
Fast advanced TypeScript
Pytorch(16)---搭建一个完整的模型
CS4398音频解码替代芯片DP4398完全兼容DAC解码
source /build/envsetup.sh和lunch)
Win10安装了固态硬盘还是有明显卡顿怎么办?
FP6296锂电池升压 5V9V12V内置 MOS 大功率方案原理图
【深度学习中的损失函数整理与总结】
利用红外-可见光图像数据集OTCBVS打通图像融合、目标检测和目标跟踪
PyTorch②---transforms结构及用法、常见的Transforms
关系代数、SQL与逻辑式语言
Win11 computer off for a period of time without operating network how to solve
FP7195芯片PWM转模拟调光至0.1%低亮度时恒流一致性的控制原理
Win11怎么在右键菜单添加一键关机选项
PyTorch②---transforms结构及用法
The overlapping effect of the two surfaceviews is similar to the video and handout practice in the live effect