Pytorch-Onnx-TensorRT

TensorRT严格地依赖于硬件条件,所以与Cuda、Cudnn版本强相关。

Following are the four steps for this example application:

  1. Convert the pretrained image segmentation PyTorch model into ONNX. ONNX是一个深度学习模型的标准,来帮助从不同的框架中进行转换,例如Caffe2、Chainer、PaddlePaddle、Pytorch、MXNet。

  2. Import the ONNX model into TensorRT. 导入 ONNX 模型包括从磁盘上保存的文件中加载它,并将其从其原生框架或格式转换为 TensorRT 网络。

  3. Apply optimizations and generate an engine. TensorRT可以基于输入模型、目标 GPU 平台和指定的其他配置参数构建优化的 TensorRT 引擎。

  4. Perform inference on the GPU. 为TensorRT导入输入数据,进行模型推理,计算速度。

ONNX parser:

Takes a converted PyTorch trained model into the ONNX format as input and populates a network object in TensorRT.

model = model.cuda()
model.eval()
_, c, h, w = input_size
dummy_input = torch.randn(1, c, h, w, device='cuda')
torch.onnx.export(model, dummy_input, "model.onnx", verbose=False, input_names=["input"], output_names=["output"])

# torch.onnx.export(model, dummy_input, model_onnx_path, input_names=inputs, output_names=outputs, dynamic_axes=dynamic_axes)
# model表示要导出的模型
# dummy_inputs表示模型的输入,任何非Tensor参数都将硬编码到导出的模型中;任何Tensor参数都将成为导出的模型的输入,并按照他们在dummy_input中出现的顺序输入。
# input_names/output_names按顺序分配名称到图中的输入/输出节点,只需保持数量对应,可以任意命名
# dynamic_axes表示动态轴,可以动态改变相关维度的输入尺寸

print('loading ONNX model and check that the IR is well formed')
onnx_model = onnx.load('model.onnx')
onnx.checker.check_model(onnx_model)
# print('ONNX model graph...')
# model_graph = onnx.helper.printable_graph(onnx_model.graph)

print('Onnxruntime for inference...')
image = np.random.randn(1, 3, 1024, 1024).astype(np.float32)
sess = rt.InferenceSession('model.onnx')
input_name1 = sess.get_inputs()[0].name

print('Check the performance of Pytorch and ONNX')
output = sess.run(None, {input_name1: image})[0]  # 1, C, 1024, 1024
image_tensor = torch.tensor(image)
output_tensor = model(image_tensor)
diff = torch.max(torch.abs(output_tensor - torch.tensor(output)))
print('different is :', diff)

Pytorch支持原生的Onnx格式转码:

import torch
from torchvision import models
import onnx
import onnxruntime as rt

net = models.resnet.resnet18(pretrained=True)
dummpy_input = torch.randn(1,3,224,224)
torch.onnx.export(net, dummpy_input, 'resnet18.onnx')  # 直接函数调用

# Load the ONNX model 加载模型
model = onnx.load("resnet18.onnx")

# Check that the IR is well formed 验证模型合法性
onnx.checker.check_model(model)

# Print a human readable representation of the graph  打印模型,查看ONNX,共由3个字典组成,input/initializers/operators
# ONNX的可视化,Netron和visualDL
print(onnx.helper.printable_graph(model.graph))

# 支持ONNX的runtime将统一的ONNX格式的模型包运行起来,包括对ONNX模型进行解读,优化,运行。
data = np.array(np.random.randn(1,3,224,224))
sess = rt.InferenceSession('resnet18.onnx')
input_name = sess.get_inputs()[0].name
label_name = sess.get_outputs()[0].name

pred_onx = sess.run([label_name], {input_name:data.astype(np.float32)})[0]
print(pred_onx)
print(np.argmax(pred_onx))

ONNX to TensorRT

使用TensorRT Backend For ONNX快速地将ONNX转换为trt模型,以及测试转换后的Trt模型有多快

TensorRT

TRT_LOGGER = trt.Logger(trt.Logger.INFO)
TRT_LOGGER = trt.Logger(trt.Logger.WARNING)

with trt.Builder(TRT_LOGGER) as builder, builder.create_network() as network, trt.OnnxParser(network, TRT_LOGGER) as parser:
  builder.max_workspace_size = MAX_WORKSPACE_SIZE
  builder.max_batch_size = MAX_BATCH_SIZE

  with open(model_file, 'rb') as model:
    parser.parse(model.read())
    return builder.build_cuda_engine(network)
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

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

余额充值