当前位置:   article > 正文

TensorRT基础_nvinfer1::icudaengine

nvinfer1::icudaengine

目录

1.1 TensorRT构建和编译一个模型

1.2 Interference

1.3 动态shape

1.4 ONNX 

  • TensorRT的核心在于对模型算子的优化(合并算子、利用GPU特性选择特定核函数等多种策略),通过tensorRT,能够在Nvidia系列GPU上获得最好的性能
  • 因此tensorRT的模型,需要在目标GPU实际运行的方式选择最优算法和配置
  • 也因此tensorRT生成的模型只能在特定条件下运行(编译的trt版本、cuda版本、编译时的GPU型号)
  • 主要知识点,是模型结构定义方式、编译过程配置、推理过程实现、插件实现、onnx理解

 合并算子:

 工作流程:

 常见的方案:

方案一:基于tensorRT的发布,又有人在之上做了工作https://github.com/wang-xinyu/tensorrtx。为每个模型写硬代码,并已写好了大量的常见模型代码

 方案二:onnx路线的模型编译、推理和部署,原因主要有

若使用onnx,则导出或者修改好的onnx模型,可以轻易的移植到其他引擎上、例如ncnnrknn,这一点硬代码无法做到。并且用于排查错误,修改调整时也非常方便

 TensorRT库文件:

1.1 TensorRT构建和编译一个模型

学习使用TensorRT-CPPAPI构建网络模型,并进行编译的流程

TensorRT工作流程如下图:

  1. 首先定义网络
  2. 优化builder参数
  3. 通过builder生成engine,用于模型保存、推理等
  4. engine可以通过序列化和逆序列转化模型数据类型(转化为二进制byte文件,加快传输速率),再进一步推动模型由输入张量到输出张量的推理)

  1. // tensorRT include
  2. #include <NvInfer.h>
  3. #include <NvInferRuntime.h>
  4. // cuda include
  5. #include <cuda_runtime.h>
  6. // system include
  7. #include <stdio.h>
  8. class TRTLogger : public nvinfer1::ILogger{
  9. public:
  10. virtual void log(Severity severity, nvinfer1::AsciiChar const* msg) noexcept override{
  11. if(severity <= Severity::kVERBOSE){ //自己判断日志的级别来打印哪些
  12. printf("%d: %s\n", severity, msg);
  13. }
  14. }
  15. };
  16. nvinfer1::Weights make_weights(float* ptr, int n){
  17. nvinfer1::Weights w;
  18. w.count = n;
  19. w.type = nvinfer1::DataType::kFLOAT;
  20. w.values = ptr;
  21. return w;
  22. }
  1. int main(){
  2. // 本代码主要实现一个最简单的神经网络 figure/simple_fully_connected_net.png
  3. TRTLogger logger; // logger是必要的,用来捕捉warning和info等
  4. // ----------------------------- 1. 定义 builder, config 和network -----------------------------
  5. // 这是基本需要的组件
  6. //形象的理解是你需要一个builder去build这个网络,网络自身有结构,这个结构可以有不同的配置
  7. nvinfer1::IBuilder* builder = nvinfer1::createInferBuilder(logger);
  8. // 创建一个构建配置,指定TensorRT应该如何优化模型,tensorRT生成的模型只能在特定配置下运行
  9. nvinfer1::IBuilderConfig* config = builder->createBuilderConfig();
  10. // 创建网络定义,其中createNetworkV2(1)表示采用显性batch size,新版tensorRT(>=7.0)时,不建议采用0非显性batch size
  11. // 因此贯穿以后,请都采用createNetworkV2(1)而非createNetworkV2(0)或者createNetwork
  12. nvinfer1::INetworkDefinition* network = builder->createNetworkV2(1);
  13. // 构建一个模型
  14. /*
  15. Network definition:
  16. image
  17. |
  18. linear (fully connected) input = 3, output = 2, bias = True w=[[1.0, 2.0, 0.5], [0.1, 0.2, 0.5]], b=[0.3, 0.8]
  19. |
  20. sigmoid
  21. |
  22. prob
  23. */
  24. // ----------------------------- 2. 输入,模型结构和输出的基本信息 -----------------------------
  25. const int num_input = 3; // in_channel
  26. const int num_output = 2; // out_channel
  27. float layer1_weight_values[] = {1.0, 2.0, 0.5, 0.1, 0.2, 0.5}; // 前3个给w1的rgb,后3个给w2的rgb
  28. float layer1_bias_values[] = {0.3, 0.8};
  29. //输入指定数据的名称、数据类型和完整维度,将输入层添加到网络
  30. nvinfer1::ITensor* input = network->addInput("image", nvinfer1::DataType::kFLOAT, nvinfer1::Dims4(1, num_input, 1, 1));
  31. nvinfer1::Weights layer1_weight = make_weights(layer1_weight_values, 6);
  32. nvinfer1::Weights layer1_bias = make_weights(layer1_bias_values, 2);
  33. //添加全连接层
  34. auto layer1 = network->addFullyConnected(*input, num_output, layer1_weight, layer1_bias); // 注意对input进行了解引用
  35. //添加激活层
  36. auto prob = network->addActivation(*layer1->getOutput(0), nvinfer1::ActivationType::kSIGMOID); // 注意更严谨的写法是*(layer1->getOutput(0)) 即对getOutput返回的指针进行解引用
  37. // 将我们需要的prob标记为输出
  38. network->markOutput(*prob->getOutput(0));
  39. printf("Workspace Size = %.2f MB\n", (1 << 28) / 1024.0f / 1024.0f); // 256Mib
  40. config->setMaxWorkspaceSize(1 << 28);
  41. builder->setMaxBatchSize(1); // 推理时 batchSize = 1
  42. // ----------------------------- 3. 生成engine模型文件 -----------------------------
  43. //TensorRT 7.1.0版本已弃用buildCudaEngine方法,统一使用buildEngineWithConfig方法
  44. nvinfer1::ICudaEngine* engine = builder->buildEngineWithConfig(*network, *config);
  45. if(engine == nullptr){
  46. printf("Build engine failed.\n");
  47. return -1;
  48. }
  49. // ----------------------------- 4. 序列化模型文件并存储 -----------------------------
  50. // 将模型序列化,并储存为文件
  51. nvinfer1::IHostMemory* model_data = engine->serialize();
  52. FILE* f = fopen("engine.trtmodel", "wb");
  53. fwrite(model_data->data(), 1, model_data->size(), f);
  54. fclose(f);
  55. // 卸载顺序按照构建顺序倒序
  56. model_data->destroy();
  57. engine->destroy();
  58. network->destroy();
  59. config->destroy();
  60. builder->destroy();
  61. printf("Done.\n");
  62. return 0;
  63. }

注意:

  • 必须使用createNetworkV2,并指定为1(表示显性batch)。createNetwork已经废弃,非显性batch官方不推荐。这个方式直接影响推理时enqueue还是enqueueV2
  • builderconfig等指针,记得释放,否则会有内存泄漏,使用ptr->destroy()释放
  • markOutput表示是该模型的输出节点,mark几次,就有几个输出,addInput几次就有几个输入。这与推理时相呼应
  • workspaceSize是工作空间大小,某些layer需要使用额外存储时,不会自己分配空间,而是为了内存复用,直接找tensorRTworkspace空间。指的这个意思
  • 一定要记住,保存的模型只能适配编译时的trt版本编译时指定的设备。也只能保证在这种配置下是最优的。如果用trt跨不同设备执行,有时候可以运行,但不是最优的,也不推荐

1.2 Interference

  编译好的模型进行推理

  1. void inference(){
  2. // ------------------------------ 1. 准备模型并加载 ----------------------------
  3. TRTLogger logger;
  4. auto engine_data = load_file("engine.trtmodel");
  5. // 执行推理前,需要创建一个推理的runtime接口实例。与builer一样,runtime需要logger:
  6. nvinfer1::IRuntime* runtime = nvinfer1::createInferRuntime(logger);
  7. // 将模型从读取到engine_data中,则可以对其进行反序列化以获得engine
  8. nvinfer1::ICudaEngine* engine = runtime->deserializeCudaEngine(engine_data.data(), engine_data.size());
  9. if(engine == nullptr){
  10. printf("Deserialize cuda engine failed.\n");
  11. runtime->destroy();
  12. return;
  13. }
  14. nvinfer1::IExecutionContext* execution_context = engine->createExecutionContext();
  15. cudaStream_t stream = nullptr;
  16. // 创建CUDA流,以确定这个batch的推理是独立的
  17. cudaStreamCreate(&stream);
  18. /*
  19. Network definition:
  20. image
  21. |
  22. linear (fully connected) input = 3, output = 2, bias = True w=[[1.0, 2.0, 0.5], [0.1, 0.2, 0.5]], b=[0.3, 0.8]
  23. |
  24. sigmoid
  25. |
  26. prob
  27. */
  28. // ------------------------------ 2. 准备好要推理的数据并搬运到GPU ----------------------------
  29. float input_data_host[] = {1, 2, 3};
  30. float* input_data_device = nullptr;
  31. float output_data_host[2];
  32. float* output_data_device = nullptr;
  33. cudaMalloc(&input_data_device, sizeof(input_data_host));
  34. cudaMalloc(&output_data_device, sizeof(output_data_host));
  35. cudaMemcpyAsync(input_data_device, input_data_host, sizeof(input_data_host), cudaMemcpyHostToDevice, stream);
  36. // 用一个指针数组指定input和output在gpu中的指针。
  37. float* bindings[] = {input_data_device, output_data_device};
  38. // ------------------------------ 3. 推理并将结果搬运回CPU ----------------------------
  39. bool success = execution_context->enqueueV2((void**)bindings, stream, nullptr);
  40. cudaMemcpyAsync(output_data_host, output_data_device, sizeof(output_data_host), cudaMemcpyDeviceToHost, stream);
  41. cudaStreamSynchronize(stream);
  42. printf("output_data_host = %f, %f\n", output_data_host[0], output_data_host[1]);
  43. // ------------------------------ 4. 释放内存 ----------------------------
  44. printf("Clean memory\n");
  45. cudaStreamDestroy(stream);
  46. execution_context->destroy();
  47. engine->destroy();
  48. runtime->destroy();
  49. // ------------------------------ 5. 手动推理进行验证 ----------------------------
  50. const int num_input = 3;
  51. const int num_output = 2;
  52. float layer1_weight_values[] = {1.0, 2.0, 0.5, 0.1, 0.2, 0.5};
  53. float layer1_bias_values[] = {0.3, 0.8};
  54. printf("手动验证计算结果:\n");
  55. for(int io = 0; io < num_output; ++io){
  56. float output_host = layer1_bias_values[io];
  57. for(int ii = 0; ii < num_input; ++ii){
  58. output_host += layer1_weight_values[io * num_input + ii] * input_data_host[ii];
  59. }
  60. // sigmoid
  61. float prob = 1 / (1 + exp(-output_host));
  62. printf("output_prob[%d] = %f\n", io, prob);
  63. }
  64. }
  • bindingstensorRT对输入输出张量的描述,bindings = input-tensor + output-tensor。比如inputaoutputb, c, d,那么bindings = [a, b, c, d]bindings[0] = abindings[2] = c。此时看到engine->getBindingDimensions(0)你得知道获取的是什么
  • enqueueV2异步推理,加入到stream队列等待执行。输入的bindings则是tensors的指针(注意是device pointer)。其shape对应于编译时指定的输入输出的shape(这里只演示全部shape静态)
  • createExecutionContext可以执行多次,允许一个引擎具有多个执行上下文,不过看看就好,别当真。

1.3 动态shape

动态shape,即编译时指定可动态的范围[L-H]推理时可以允许 L <= shape <= H

  1. // --------------------------------- 2.1 关于profile ----------------------------------
  2. // 如果模型有多个输入,则必须多个profile
  3. auto profile = builder->createOptimizationProfile();
  4. // 配置最小允许1 x 1 x 3 x 3
  5. profile->setDimensions(input->getName(), nvinfer1::OptProfileSelector::kMIN, nvinfer1::Dims4(1, num_input, 3, 3));
  6. profile->setDimensions(input->getName(), nvinfer1::OptProfileSelector::kOPT, nvinfer1::Dims4(1, num_input, 3, 3));
  7. // 配置最大允许10 x 1 x 5 x 5
  8. // if networkDims.d[i] != -1, then minDims.d[i] == optDims.d[i] == maxDims.d[i] == networkDims.d[i]
  9. profile->setDimensions(input->getName(), nvinfer1::OptProfileSelector::kMAX, nvinfer1::Dims4(maxBatchSize, num_input, 5, 5));
  10. config->addOptimizationProfile(profile);
  • OptimizationProfile是一个优化配置文件,用来指定输入的shape可以变换的范围的,不要被优化两个字蒙蔽了双眼
  • 如果onnx的输入某个维度是-1,表示该维度动态,否则表示该维度是明确的,明确维度的minDims, optDims, maxDims一定是一样的

1.4 ONNX 

用python将torch转为onnx: 

  1. class Model(torch.nn.Module):
  2. def __init__(self):
  3. super().__init__()
  4. self.conv = nn.Conv2d(1, 1, 3, padding=1)
  5. self.relu = nn.ReLU()
  6. self.conv.weight.data.fill_(1)
  7. self.conv.bias.data.fill_(0)
  8. def forward(self, x):
  9. x = self.conv(x)
  10. x = self.relu(x)
  11. return x
  12. # 这个包对应opset11的导出代码,如果想修改导出的细节,可以在这里修改代码
  13. # import torch.onnx.symbolic_opset11
  14. print("对应opset文件夹代码在这里:", os.path.dirname(torch.onnx.__file__))
  15. model = Model()
  16. dummy = torch.zeros(1, 1, 3, 3)
  17. torch.onnx.export(
  18. model,
  19. # 这里的args,是指输入给model的参数,需要传递tuple,因此用括号
  20. (dummy,),
  21. # 储存的文件路径
  22. "demo.onnx",
  23. # 打印详细信息
  24. verbose=True,
  25. # 为输入和输出节点指定名称,方便后面查看或者操作
  26. input_names=["image"],
  27. output_names=["output"],
  28. # 这里的opset,指,各类算子以何种方式导出,对应于symbolic_opset11
  29. opset_version=11,
  30. # 表示他有batch、height、width3个维度是动态的,在onnx中给其赋值为-1
  31. # 通常,我们只设置batch为动态,其他的避免动态
  32. dynamic_axes={
  33. "image": {0: "batch", 2: "height", 3: "width"},
  34. "output": {0: "batch", 2: "height", 3: "width"},
  35. }
  36. )

  

  • ONNX的本质,是一种Protobuf格式文件
  • Protobuf则通过onnx-ml.proto编译得到onnx-ml.pb.honnx-ml.pb.cconnx_ml_pb2.py
  • 然后用onnx-ml.pb.cc和代码来操作onnx模型文件,实现增删改
  • onnx-ml.proto则是描述onnx文件如何组成的,具有什么结构,他是操作onnx经常参照的东西

 Onnx主要结构:日日日日日日日日日日日日日日

 model表示整个onnx的模型,包含图结构和解析器格式、opset版本、导出程序类型

model.graph表示图结构,通常是我们netron看到的主要结构

model.graph.node表示图中的所有节点,数组,例如convbn等节点就是在这里的,通过inputoutput表示节点之间的连接关系

model.graph.initializer权重类的数据大都储存在这里

model.graph.input整个模型的输入储存在这里,表明哪个节点是输入节点,shape是多少

model.graph.output整个模型的输出储存在这里,表明哪个节点是输出节点,shape是多少

表示onnx中有节点类型叫node

  • input属性,是repeated,即重复类型,数组
  • output属性,是repeated,即重复类型,数组
  • name属性是string类型
  • 对于repeated是数组,对于optional无视他
  • 对于input = 1,后面的数字是id,无视他

我们只关心是否数组,类型是什么

  查看onnx信息:

  1. model = onnx.load("demo.change.onnx")
  2. #打印信息
  3. print("==============node信息")
  4. # print(helper.printable_graph(model.graph))
  5. print(model)
  6. conv_weight = model.graph.initializer[0]
  7. conv_bias = model.graph.initializer[1]
  8. # 数据是以protobuf的格式存储的,因此当中的数值会以bytes的类型保存,通过np.frombuffer方法还原成类型为float32的ndarray
  9. print(f"===================={conv_weight.name}==========================")
  10. print(conv_weight.name, np.frombuffer(conv_weight.raw_data, dtype=np.float32))
  11. print(f"===================={conv_bias.name}==========================")
  12. print(conv_bias.name, np.frombuffer(conv_bias.raw_data, dtype=np.float32))

创建onnx:

  1. import onnx # pip install onnx>=1.10.2
  2. import onnx.helper as helper
  3. import numpy as np
  4. # https://github.com/onnx/onnx/blob/v1.2.1/onnx/onnx-ml.proto
  5. nodes = [
  6. helper.make_node(
  7. name="Conv_0", # 节点名字,不要和op_type搞混了
  8. op_type="Conv", # 节点的算子类型, 比如'Conv'、'Relu'、'Add'这类,详细可以参考onnx给出的算子列表
  9. inputs=["image", "conv.weight", "conv.bias"], # 各个输入的名字,结点的输入包含:输入和算子的权重。必有输入X和权重W,偏置B可以作为可选。
  10. outputs=["3"],
  11. pads=[1, 1, 1, 1], # 其他字符串为节点的属性,attributes在官网被明确的给出了,标注了default的属性具备默认值。
  12. group=1,
  13. dilations=[1, 1],
  14. kernel_shape=[3, 3],
  15. strides=[1, 1]
  16. ),
  17. helper.make_node(
  18. name="ReLU_1",
  19. op_type="Relu",
  20. inputs=["3"],
  21. outputs=["output"]
  22. )
  23. ]
  24. initializer = [
  25. helper.make_tensor(
  26. name="conv.weight",
  27. data_type=helper.TensorProto.DataType.FLOAT,
  28. dims=[1, 1, 3, 3],
  29. vals=np.array([1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0], dtype=np.float32).tobytes(),
  30. raw=True
  31. ),
  32. helper.make_tensor(
  33. name="conv.bias",
  34. data_type=helper.TensorProto.DataType.FLOAT,
  35. dims=[1],
  36. vals=np.array([0.0], dtype=np.float32).tobytes(),
  37. raw=True
  38. )
  39. ]
  40. inputs = [
  41. helper.make_value_info(
  42. name="image",
  43. type_proto=helper.make_tensor_type_proto(
  44. elem_type=helper.TensorProto.DataType.FLOAT,
  45. shape=["batch", 1, 3, 3]
  46. )
  47. )
  48. ]
  49. outputs = [
  50. helper.make_value_info(
  51. name="output",
  52. type_proto=helper.make_tensor_type_proto(
  53. elem_type=helper.TensorProto.DataType.FLOAT,
  54. shape=["batch", 1, 3, 3]
  55. )
  56. )
  57. ]
  58. graph = helper.make_graph(
  59. name="mymodel",
  60. inputs=inputs,
  61. outputs=outputs,
  62. nodes=nodes,
  63. initializer=initializer
  64. )
  65. # 如果名字不是ai.onnx,netron解析就不是太一样了
  66. opset = [
  67. helper.make_operatorsetid("ai.onnx", 11)
  68. ]
  69. # producer主要是保持和pytorch一致
  70. model = helper.make_model(graph, opset_imports=opset, producer_name="pytorch", producer_version="1.9")
  71. onnx.save_model(model, "my.onnx")
  72. print(model)
  73. print("Done.!")

ONNX重点:

  • ONNX的主要结构:graphgraph.nodegraph.initializergraph.inputgraph.output
  • ONNX的节点构建方式:onnx.helper,各种make函数
  • ONNXproto文件,https://github.com/onnx/onnx/blob/main/onnx/onnx-ml.proto
  • 理解模型结构的储存、权重的储存、常量的储存、netron的解读对应到代码中的部分
  • ONNX的解析器的理解,包括如何使用nv发布的解析器源代码https://github.com/onnx/onnx-tensorrt

预处理preprocess.onnx

  1. import torch
  2. '''用pytorch写好预处理,生成再加载'''
  3. class Preprocess(torch.nn.modules):
  4. def __init__(self) -> None:
  5. super().__init__()
  6. self.mean = torch.rand(1,1,1,3)
  7. self.std = torch.rand(1,1,1,3)
  8. def forward(self,x):
  9. # x = B*H*W*C Uint8
  10. # y = B*C*H*W F=loart32 减去均值除以标准差
  11. x.float()
  12. x = (x/255.0 - self.mean) /self.std
  13. return x
  14. pre = Preprocess()
  15. torch.onnx.export(
  16. pre,(torch.zeros(1,640,640,3,dtype=torch.uint8),), "preprocess.onnx"
  17. )
  18. pre_onnx = onnx.load("preprocess.onnx")
  19. #0.先把pre_onnx的所有节点以及输入输出名称都加上前缀
  20. #1.yolov5中的image输入节点修改为pre_onnx的输出节点
  21. #2.把pre_onnx的node全部放到yolov5s的node中
  22. #3.把pre_onnx的输入名称作为yolov5s的input名称
  23. for n in pre_onnx.graph.node:
  24. n.name = f"pre/{n.name}"
  25. for n in model.graph.node:
  26. if n.name == "Conv_0":
  27. n.imput[0] = "pre/" + pre_onnx.graph.output[0].name
  28. #2.将pre_onnxpre_onnx的node全部放到yolov5s的node中
  29. for n in pre_onnx.graph.node:
  30. model.graph.node.append(n)
  31. input_name = "pre/" + pre_onnx.graph.input[0].name
  32. model.input[0].CopyFrom(pre_onnx.graph.input[0])
  33. model.input[0].name = input_name

正确导出ONNX:

  • 对于任何用到shapesize返回值的参数时,例如:tensor.view(tensor.size(0), -1)这类操作,避免直接使用tensor.size的返回值,而是加上int转换tensor.view(int(tensor.size(0)), -1),断开跟踪。
  • 对于nn.Upsamplenn.functional.interpolate函数,使用scale_factor指定倍率,而不是使用size参数指定大小。
  • 对于reshapeview操作时,-1的指定请放到batch维度。其他维度可以计算出来即可。batch维度禁止指定为大于-1的明确数字
  • torch.onnx.export指定dynamic_axes参数,并且只指定batch维度,禁止其他动态
  • 使用opset_version=11,不要低于11
  • 避免使用inplace操作,例如y[…, 0:2] = y[…, 0:2] * 2 - 0.5
  • 尽量少的出现5个维度,例如ShuffleNet Module,可以考虑合并wh避免出现5
  • 尽量把让后处理部分在onnx模型中实现,降低后处理复杂度
  • 掌握了这些,就可以保证后面各种情况的顺利

ONNX解析器:

onnx解析器有两个选项:

  • libnvonnxparser.so
  • https://github.com/onnx/onnx-tensorrt(源代码)。                                                          使用源代码的目的,是为了更好的进行自定义封装,简化插件开发或者模型编译的过程,更加具有定制化,遇到问题可以调试

插件的实现: 

 重点:

1. 如何在 pytorch里面导出一个插件
2. 插件解析时如何对应,在 onnx parser 中如何处理
3. 插件的 creator实现
4. 插件的具体实现, 继承自IPluginV2DynamicExt
5. 插件的序列化与反序列化

  MYSELU:

  1. #include "onnx-tensorrt/onnxplugin.hpp"
  2. using namespace ONNXPlugin;
  3. static __device__ float sigmoid(float x){
  4. return 1 / (1 + expf(-x));
  5. }
  6. static __global__ void MYSELU_kernel_fp32(const float* x, float* output, int edge) {
  7. int position = threadIdx.x + blockDim.x * blockIdx.x;
  8. if(position >= edge) return;
  9. output[position] = x[position] * sigmoid(x[position]);
  10. }
  11. class MYSELU : public TRTPlugin {
  12. public:
  13. SetupPlugin(MYSELU); //定义宏
  14. virtual void config_finish() override{
  15. printf("\033[33minit MYSELU config: %s\033[0m\n", config_->info_.c_str());
  16. printf("weights count is %d\n", config_->weights_.size());
  17. }
  18. int enqueue(const std::vector<GTensor>& inputs, std::vector<GTensor>& outputs, const std::vector<GTensor>& weights, void* workspace, cudaStream_t stream) override{
  19. int n = inputs[0].count();
  20. const int nthreads = 512;
  21. int block_size = n < nthreads ? n : nthreads;
  22. int grid_size = (n + block_size - 1) / block_size;
  23. //执行核函数
  24. MYSELU_kernel_fp32 <<<grid_size, block_size, 0, stream>>> (inputs[0].ptr<float>(), outputs[0].ptr<float>(), n);
  25. return 0;
  26. }
  27. };
  28. RegisterPlugin(MYSELU); //注册插件

Int8量化:

int8量化是利用int8乘法替换float32乘法实现性能加速的一种方法

1. 对于常规模型有: y = kx + b ,此时 x k b 都是 float32, 对于 kx 的计算使用 float32 的乘法
2. 对于 int8 模型有: y = tofp32(toint8(k) * toint8(x)) + b, 其中 int8 * int8 结果为 int16
3. 因此 int8 模型解决的问题是如何将 float32 合理的转换为 int8 ,使得精度损失最小
4. 也因此,经过 int8 量化的精度会受到影响

 Int8量化步骤:

1. 配置setFlag nvinfer1::BuilderFlag::kINT8

2. 实现Int8EntropyCalibrator类并继承自IInt8EntropyCalibrator2

3. 实例化Int8EntropyCalibrator并且设置到config.setInt8Calibrator

4. Int8EntropyCalibrator的作用,是读取并预处理图像数据作为输入

    - 标定过程的理解:对于输入图像A,使用FP32推理后得到P1再用INT8推理得到      P2,调整int8权重使得P1P2足够的接近

    - 因此标定时需要使用一些图像,正常发布时,使用100张图左右即可

Int8EntropyCalibrator类主要关注:

  • getBatchSize,告诉引擎,这次标定的batch是多少
  • getBatch,告诉引擎,这次标定的输入数据是什么,把指针赋值给bindings即可,返回false表示没有数据了
  • readCalibrationCache,若从缓存文件加载标定信息,则可避免读取文件和预处理,若该函数返回空指针则表示没有缓存,程序会重新通过getBatch重新计算
  • writeCalibrationCache,当标定结束后,会调用该函数,我们可以储存标定后的缓存结果,多次标定可以使用该缓存实现加速

 

参考文献:TensorRT(1)-介绍-使用-安装 | arleyzhang

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/凡人多烦事01/article/detail/136618
推荐阅读
相关标签
  

闽ICP备14008679号