├── AI推理芯片分析.md ├── README.md ├── ai_model_benchmark.md ├── asp ├── kcrs.png ├── readme.md └── sparsity │ ├── COPYRIGHT │ ├── README.md │ ├── __init__.py │ ├── asp.py │ ├── permutation_lib.py │ ├── permutation_search_kernels │ ├── CUDA_kernels │ │ └── permutation_search_kernels.cu │ ├── __init__.py │ ├── call_permutation_search_kernels.py │ ├── channel_swap.py │ ├── exhaustive_search.py │ └── permutation_utilities.py │ ├── permutation_tests │ ├── README.md │ ├── ablation_studies.sh │ ├── permutation_test.py │ ├── runtime_table.sh │ └── unstructured_study.sh │ ├── sparse_masklib.py │ └── test │ ├── checkpointing_test_part1.py │ ├── checkpointing_test_part2.py │ ├── checkpointing_test_reference.py │ ├── test_permutation_application.py │ └── toy_problem.py ├── calibration ├── calib_pth.md ├── conv+bn在ptq时分析.md ├── demo │ ├── ImagenetCalibrator.py │ ├── README.md │ ├── SimpleCalibrator.py │ ├── caches │ │ ├── inception_v1.cache │ │ ├── mobilenet_v2.cache │ │ ├── resnet50.cache │ │ └── vgg16.cache │ ├── labels │ │ └── imagenet1k_labels.txt │ ├── onnx_to_tensorrt.py │ ├── processing.py │ └── test_images │ │ └── mug.jpg ├── dynamic_shape_ptq.md ├── int4.md ├── readme.md └── trt_int8.md ├── compute_graph_optimize ├── gemm_h2l.py ├── h2l.py ├── readme.md └── test_matmul.py ├── cuda ├── readme.md └── setuptools编译自定义cuda算子.md ├── deploy ├── from_plan.md ├── make_inputs.md ├── nozero2fixedshape.md ├── onnx-ort.md ├── readme.md ├── trex.md └── 部署业务需求.md ├── developer_guide ├── 1.简介 │ └── 1.简介.md ├── 10.TensorRT中的循环 │ ├── TensorRT中的循环.md │ └── loop.png ├── 11.TensorRT之条件控制 │ ├── TensorRT之条件控制.md │ ├── conditional_abstract_model.png │ └── conditional_lazy_eager_execution.png ├── 12.TensorRT和DLA(Deep_Learning_Accelerator) │ └── TensorRT和DLA(Deep_Learning_Accelerator).md ├── 13.TensorRT的最佳性能实践 │ ├── TensorRT的最佳性能实践.md │ ├── kernels-gpu.png │ └── layer-exe.png ├── 14.TensorRT中的常见问题 │ └── TensorRT中的常见问题.md ├── 15.TensorRT网络层 │ ├── TensorRT网络层.md │ ├── bidirectionanl RNNs.png │ ├── islice-equation.png │ └── rnnv2.png ├── 2.TensorRT的功能 │ └── TensorRT的功能.md ├── 3.TensorRT的C++接口 │ └── TensorRT的C++接口.md ├── 4.TensorRT的Python接口 │ └── TensorRT的Python接口.md ├── 5.TensorRT如何工作 │ └── TensorRT如何工作.md ├── 6.TensorRT高级用法 │ └── TensorRT高级用法.md ├── 7.TensorRT中的INT8 │ ├── TensorRT中的INT8.md │ ├── q-dq-limitations.png │ ├── q-dq-placement1.png │ ├── q-dq-placement2.png │ ├── q-dq-placement3.png │ ├── q-dq-placement4.png │ ├── q-dq-placement5.png │ ├── q-dq-placement6.png │ ├── q-dq-propagation.png │ ├── q-dq.png │ └── sub-optimal.png ├── 8.TensorRT中的动态形状 │ ├── TensorRT中的动态形状.md │ └── opt-profile.png ├── 9.TensorRT中的自定义层 │ └── TensorRT中的自定义层.md ├── A1.TensorRT的数据格式定义 │ ├── TensorRT的数据格式定义.md │ ├── fig1.png │ ├── fig2.png │ ├── fig3.png │ └── fig4.png ├── A2.TensorRT的命令行程序 │ ├── TensorRT的命令行程序.md │ └── trtexec.png ├── A3.TensorRT中的术语 │ └── TensorRT中的术语.md ├── A4.致谢 │ └── 致谢.md └── README.md ├── device-benchmark-mps ├── .clang-format ├── .gitignore ├── AddCustomTask.md ├── CLA.md ├── CMakeLists.txt ├── LICENSE.md ├── add_client_server.diff ├── add_mps_support.diff ├── doc │ ├── create_sub_context.drawio.png │ ├── mps_context_swi.png │ ├── multi-thread.drawio.png │ ├── no_mps_context_swi.png │ └── server_client.drawio.png ├── mps │ ├── mps_client.cpp │ ├── mps_server.cpp │ ├── mps_utils.h │ ├── sharedCtx.h │ ├── zmq_u.cpp │ └── zmq_u.hpp ├── pre-commit ├── readme.md ├── src │ ├── Task.cpp │ ├── Task.h │ ├── commandLine.cpp │ ├── commandLine.h │ ├── customtasks │ │ ├── cudaKernelTask │ │ │ ├── cudaKernelTask.cpp │ │ │ ├── cudaKernelTask.cu │ │ │ └── cudaKernelTask.h │ │ ├── customTask.cpp │ │ └── customTask.h │ ├── delayKernel.cu │ ├── delayKernel.h │ ├── tools.cpp │ └── tools.h └── trt_bench.cpp ├── dynamic_shape ├── readme.md └── src │ ├── CMakeLists.txt │ ├── cmdline.h │ ├── dynamic_batch_use_cudagraph.cpp │ └── logging.h ├── incubator └── readme.md ├── inferflow ├── benchmark │ └── .gitkeep ├── docs │ └── multi-thread.md ├── readme.md ├── src │ ├── CMakeLists.txt │ ├── infer.cpp │ ├── infer.h │ └── run_trtexec8510.sh ├── test │ └── readme.md ├── tutorial │ └── .gitkeep ├── 多模型并行加速.md └── 设计.md ├── layout ├── data_p.jpg ├── readme.md └── tf32-fp32-fp16-bf16.png ├── overview.md ├── plugin ├── bertQKVToContextPlugin │ ├── README_CN.md │ ├── export.py │ └── plugin-bertqkv2ctx.md ├── detr3d │ └── decoder │ │ ├── cross_attention.md │ │ ├── export_tf.bk.py │ │ ├── export_tf_v2.py │ │ ├── feature_sampling │ │ ├── feature_sampling.py │ │ ├── feature_sampling_GT.py │ │ ├── feature_sampling_c12.py │ │ ├── feature_sampling_nc6.py │ │ ├── gt.py │ │ ├── utils.py │ │ └── utilsV2.py │ │ ├── para.md │ │ ├── sv_block_dataflow.png │ │ └── workflow.png ├── ffn │ └── readme.md ├── int8-qdq.cpp ├── ln │ └── readme.md ├── multiScaleDeformableAttn │ └── readme.md ├── nonzero │ ├── nv │ │ ├── nonZeroKernel.cu │ │ ├── nonZeroKernel.h │ │ ├── readme.md │ │ └── test.cpp │ ├── v1.cu │ ├── v2.cu │ └── v3.cu ├── readme.md ├── sca │ ├── msda.py │ ├── nonzero.cu │ ├── nonzero.h │ ├── queries_to_slots.cu │ ├── queries_to_slots.h │ ├── readme.md │ ├── rebatch.cu │ ├── rebatch.h │ ├── tensor_warper.py │ ├── test_nonzero.cpp │ ├── test_queries_to_slots.cpp │ ├── test_rebatch.cpp │ ├── test_sca.cpp │ ├── test_sca.py │ ├── test_sca_v2.py │ └── test_sca_v3.py ├── scatter │ ├── v1.cu │ └── v2.cu ├── skipLayerNormPlugin │ └── README.md ├── softmax │ └── readme.md └── svt │ ├── ffn-use-gelu.png │ ├── ln.png │ ├── pt_self_atten-aligned.png │ ├── pt_self_atten.png │ ├── readme.md │ └── svt.md ├── py-tensorrt ├── __init__.py └── readme.md ├── qat ├── AMMO.md ├── layer_info.json.svg ├── readme.md ├── resnet18.log └── torch_ao │ ├── qat_infer.png │ ├── qat_train.md │ ├── qat_train.png │ ├── readme.md │ ├── torch.md │ ├── torch_ao_vs_q.png │ └── torch_softmax_qat.md ├── runtime └── readme.md ├── tool ├── IDA │ └── readme.md ├── auto-run-cuda.sh ├── auto-run-trt.sh ├── benchmark │ ├── Makefile │ ├── main.cpp │ ├── readme.md │ └── tool.h ├── build_from_onnx.py ├── collecting_env.py ├── compare.py ├── dump_network_from_onnx.py ├── export_onnx_gs.py ├── export_onnx_torchvision.py ├── fp6_to_fp32.py ├── infer_from_engine.md ├── infer_from_engine.py ├── infer_from_engine_v10x.py ├── list_plugins.py ├── np2bin.py ├── onnx_check.py ├── onnx_edit.py ├── onnx_op_stats.py ├── plugins │ ├── CustomIPluginV2 │ │ ├── CustomPlugin.cpp │ │ ├── CustomPlugin.h │ │ ├── Makefile │ │ ├── README.md │ │ └── test_plugin.py │ ├── CustomIPluginV2_8.x │ │ ├── readme.md │ │ ├── stub_plugin.cpp │ │ └── stub_plugin.h │ └── README.md ├── prof │ ├── draw.py │ ├── draw_multi_plots.py │ ├── perf.sh │ └── readme.md ├── qat2ptq.py ├── readme.md ├── rename_with_num_ordered.py ├── tensor_print_helper.py ├── trt_batch_onnx_build.sh ├── trt_out2np.py └── trtexec_loop_infer.sh ├── triton-inference-server ├── readme.md └── trt_backend │ └── readme.md └── trtexec ├── TensorRT_Sample_trtexec ├── CMakeLists.txt ├── Toolchain-V5L.cmake └── readme.md ├── build_log.md ├── build_with_plugin.log ├── identity.onnx ├── identity_export.py ├── identity_plugin └── readme.md ├── mnist ├── mnist.onnx └── trt_build_best.log ├── one_input_is_int8 ├── build.sh ├── index_rebatch_plugin.cpp ├── index_rebatch_plugin.h ├── readme.md └── sca_with_int8_input_export.py ├── orin_build_best.log ├── orin_build_from_shqi.log ├── oss └── readme.md ├── readme.md ├── trex.md ├── trt_fp16_build.log └── trt_fp16_build_key_stages.md /AI推理芯片分析.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/AI推理芯片分析.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/README.md -------------------------------------------------------------------------------- /ai_model_benchmark.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/ai_model_benchmark.md -------------------------------------------------------------------------------- /asp/kcrs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/kcrs.png -------------------------------------------------------------------------------- /asp/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/readme.md -------------------------------------------------------------------------------- /asp/sparsity/COPYRIGHT: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/COPYRIGHT -------------------------------------------------------------------------------- /asp/sparsity/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/README.md -------------------------------------------------------------------------------- /asp/sparsity/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/__init__.py -------------------------------------------------------------------------------- /asp/sparsity/asp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/asp.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_lib.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/CUDA_kernels/permutation_search_kernels.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/CUDA_kernels/permutation_search_kernels.cu -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/__init__.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/call_permutation_search_kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/call_permutation_search_kernels.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/channel_swap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/channel_swap.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/exhaustive_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/exhaustive_search.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_search_kernels/permutation_utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_search_kernels/permutation_utilities.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_tests/README.md -------------------------------------------------------------------------------- /asp/sparsity/permutation_tests/ablation_studies.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_tests/ablation_studies.sh -------------------------------------------------------------------------------- /asp/sparsity/permutation_tests/permutation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_tests/permutation_test.py -------------------------------------------------------------------------------- /asp/sparsity/permutation_tests/runtime_table.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_tests/runtime_table.sh -------------------------------------------------------------------------------- /asp/sparsity/permutation_tests/unstructured_study.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/permutation_tests/unstructured_study.sh -------------------------------------------------------------------------------- /asp/sparsity/sparse_masklib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/sparse_masklib.py -------------------------------------------------------------------------------- /asp/sparsity/test/checkpointing_test_part1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/test/checkpointing_test_part1.py -------------------------------------------------------------------------------- /asp/sparsity/test/checkpointing_test_part2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/test/checkpointing_test_part2.py -------------------------------------------------------------------------------- /asp/sparsity/test/checkpointing_test_reference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/test/checkpointing_test_reference.py -------------------------------------------------------------------------------- /asp/sparsity/test/test_permutation_application.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/test/test_permutation_application.py -------------------------------------------------------------------------------- /asp/sparsity/test/toy_problem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/asp/sparsity/test/toy_problem.py -------------------------------------------------------------------------------- /calibration/calib_pth.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/calib_pth.md -------------------------------------------------------------------------------- /calibration/conv+bn在ptq时分析.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/conv+bn在ptq时分析.md -------------------------------------------------------------------------------- /calibration/demo/ImagenetCalibrator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/ImagenetCalibrator.py -------------------------------------------------------------------------------- /calibration/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/README.md -------------------------------------------------------------------------------- /calibration/demo/SimpleCalibrator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/SimpleCalibrator.py -------------------------------------------------------------------------------- /calibration/demo/caches/inception_v1.cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/caches/inception_v1.cache -------------------------------------------------------------------------------- /calibration/demo/caches/mobilenet_v2.cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/caches/mobilenet_v2.cache -------------------------------------------------------------------------------- /calibration/demo/caches/resnet50.cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/caches/resnet50.cache -------------------------------------------------------------------------------- /calibration/demo/caches/vgg16.cache: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/caches/vgg16.cache -------------------------------------------------------------------------------- /calibration/demo/labels/imagenet1k_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/labels/imagenet1k_labels.txt -------------------------------------------------------------------------------- /calibration/demo/onnx_to_tensorrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/onnx_to_tensorrt.py -------------------------------------------------------------------------------- /calibration/demo/processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/processing.py -------------------------------------------------------------------------------- /calibration/demo/test_images/mug.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/demo/test_images/mug.jpg -------------------------------------------------------------------------------- /calibration/dynamic_shape_ptq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/dynamic_shape_ptq.md -------------------------------------------------------------------------------- /calibration/int4.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/int4.md -------------------------------------------------------------------------------- /calibration/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/readme.md -------------------------------------------------------------------------------- /calibration/trt_int8.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/calibration/trt_int8.md -------------------------------------------------------------------------------- /compute_graph_optimize/gemm_h2l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/compute_graph_optimize/gemm_h2l.py -------------------------------------------------------------------------------- /compute_graph_optimize/h2l.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/compute_graph_optimize/h2l.py -------------------------------------------------------------------------------- /compute_graph_optimize/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/compute_graph_optimize/readme.md -------------------------------------------------------------------------------- /compute_graph_optimize/test_matmul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/compute_graph_optimize/test_matmul.py -------------------------------------------------------------------------------- /cuda/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/cuda/readme.md -------------------------------------------------------------------------------- /cuda/setuptools编译自定义cuda算子.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/cuda/setuptools编译自定义cuda算子.md -------------------------------------------------------------------------------- /deploy/from_plan.md: -------------------------------------------------------------------------------- 1 | ## 从plan文件中可以得到哪些信息 2 | 3 | 4 | https://github.com/NVIDIA/TensorRT/issues/4233 5 | -------------------------------------------------------------------------------- /deploy/make_inputs.md: -------------------------------------------------------------------------------- 1 | https://github.com/NVIDIA/TensorRT/issues/850 2 | -------------------------------------------------------------------------------- /deploy/nozero2fixedshape.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/deploy/nozero2fixedshape.md -------------------------------------------------------------------------------- /deploy/onnx-ort.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/deploy/onnx-ort.md -------------------------------------------------------------------------------- /deploy/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/deploy/readme.md -------------------------------------------------------------------------------- /deploy/trex.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /deploy/部署业务需求.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/deploy/部署业务需求.md -------------------------------------------------------------------------------- /developer_guide/1.简介/1.简介.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/1.简介/1.简介.md -------------------------------------------------------------------------------- /developer_guide/10.TensorRT中的循环/TensorRT中的循环.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/10.TensorRT中的循环/TensorRT中的循环.md -------------------------------------------------------------------------------- /developer_guide/10.TensorRT中的循环/loop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/10.TensorRT中的循环/loop.png -------------------------------------------------------------------------------- /developer_guide/11.TensorRT之条件控制/TensorRT之条件控制.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/11.TensorRT之条件控制/TensorRT之条件控制.md -------------------------------------------------------------------------------- /developer_guide/11.TensorRT之条件控制/conditional_abstract_model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/11.TensorRT之条件控制/conditional_abstract_model.png -------------------------------------------------------------------------------- /developer_guide/11.TensorRT之条件控制/conditional_lazy_eager_execution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/11.TensorRT之条件控制/conditional_lazy_eager_execution.png -------------------------------------------------------------------------------- /developer_guide/12.TensorRT和DLA(Deep_Learning_Accelerator)/TensorRT和DLA(Deep_Learning_Accelerator).md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/12.TensorRT和DLA(Deep_Learning_Accelerator)/TensorRT和DLA(Deep_Learning_Accelerator).md -------------------------------------------------------------------------------- /developer_guide/13.TensorRT的最佳性能实践/TensorRT的最佳性能实践.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/13.TensorRT的最佳性能实践/TensorRT的最佳性能实践.md -------------------------------------------------------------------------------- /developer_guide/13.TensorRT的最佳性能实践/kernels-gpu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/13.TensorRT的最佳性能实践/kernels-gpu.png -------------------------------------------------------------------------------- /developer_guide/13.TensorRT的最佳性能实践/layer-exe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/13.TensorRT的最佳性能实践/layer-exe.png -------------------------------------------------------------------------------- /developer_guide/14.TensorRT中的常见问题/TensorRT中的常见问题.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/14.TensorRT中的常见问题/TensorRT中的常见问题.md -------------------------------------------------------------------------------- /developer_guide/15.TensorRT网络层/TensorRT网络层.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/15.TensorRT网络层/TensorRT网络层.md -------------------------------------------------------------------------------- /developer_guide/15.TensorRT网络层/bidirectionanl RNNs.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/15.TensorRT网络层/bidirectionanl RNNs.png -------------------------------------------------------------------------------- /developer_guide/15.TensorRT网络层/islice-equation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/15.TensorRT网络层/islice-equation.png -------------------------------------------------------------------------------- /developer_guide/15.TensorRT网络层/rnnv2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/15.TensorRT网络层/rnnv2.png -------------------------------------------------------------------------------- /developer_guide/2.TensorRT的功能/TensorRT的功能.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/2.TensorRT的功能/TensorRT的功能.md -------------------------------------------------------------------------------- /developer_guide/3.TensorRT的C++接口/TensorRT的C++接口.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/3.TensorRT的C++接口/TensorRT的C++接口.md -------------------------------------------------------------------------------- /developer_guide/4.TensorRT的Python接口/TensorRT的Python接口.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/4.TensorRT的Python接口/TensorRT的Python接口.md -------------------------------------------------------------------------------- /developer_guide/5.TensorRT如何工作/TensorRT如何工作.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/5.TensorRT如何工作/TensorRT如何工作.md -------------------------------------------------------------------------------- /developer_guide/6.TensorRT高级用法/TensorRT高级用法.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/6.TensorRT高级用法/TensorRT高级用法.md -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/TensorRT中的INT8.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/TensorRT中的INT8.md -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-limitations.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-limitations.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement1.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement2.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement3.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement4.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement5.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-placement6.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-placement6.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq-propagation.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq-propagation.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/q-dq.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/q-dq.png -------------------------------------------------------------------------------- /developer_guide/7.TensorRT中的INT8/sub-optimal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/7.TensorRT中的INT8/sub-optimal.png -------------------------------------------------------------------------------- /developer_guide/8.TensorRT中的动态形状/TensorRT中的动态形状.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/8.TensorRT中的动态形状/TensorRT中的动态形状.md -------------------------------------------------------------------------------- /developer_guide/8.TensorRT中的动态形状/opt-profile.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/8.TensorRT中的动态形状/opt-profile.png -------------------------------------------------------------------------------- /developer_guide/9.TensorRT中的自定义层/TensorRT中的自定义层.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/9.TensorRT中的自定义层/TensorRT中的自定义层.md -------------------------------------------------------------------------------- /developer_guide/A1.TensorRT的数据格式定义/TensorRT的数据格式定义.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A1.TensorRT的数据格式定义/TensorRT的数据格式定义.md -------------------------------------------------------------------------------- /developer_guide/A1.TensorRT的数据格式定义/fig1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A1.TensorRT的数据格式定义/fig1.png -------------------------------------------------------------------------------- /developer_guide/A1.TensorRT的数据格式定义/fig2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A1.TensorRT的数据格式定义/fig2.png -------------------------------------------------------------------------------- /developer_guide/A1.TensorRT的数据格式定义/fig3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A1.TensorRT的数据格式定义/fig3.png -------------------------------------------------------------------------------- /developer_guide/A1.TensorRT的数据格式定义/fig4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A1.TensorRT的数据格式定义/fig4.png -------------------------------------------------------------------------------- /developer_guide/A2.TensorRT的命令行程序/TensorRT的命令行程序.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A2.TensorRT的命令行程序/TensorRT的命令行程序.md -------------------------------------------------------------------------------- /developer_guide/A2.TensorRT的命令行程序/trtexec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A2.TensorRT的命令行程序/trtexec.png -------------------------------------------------------------------------------- /developer_guide/A3.TensorRT中的术语/TensorRT中的术语.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A3.TensorRT中的术语/TensorRT中的术语.md -------------------------------------------------------------------------------- /developer_guide/A4.致谢/致谢.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/A4.致谢/致谢.md -------------------------------------------------------------------------------- /developer_guide/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/developer_guide/README.md -------------------------------------------------------------------------------- /device-benchmark-mps/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/.clang-format -------------------------------------------------------------------------------- /device-benchmark-mps/.gitignore: -------------------------------------------------------------------------------- 1 | .vscode/ 2 | build/ 3 | run.sh 4 | data/ -------------------------------------------------------------------------------- /device-benchmark-mps/AddCustomTask.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/AddCustomTask.md -------------------------------------------------------------------------------- /device-benchmark-mps/CLA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/CLA.md -------------------------------------------------------------------------------- /device-benchmark-mps/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/CMakeLists.txt -------------------------------------------------------------------------------- /device-benchmark-mps/LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/LICENSE.md -------------------------------------------------------------------------------- /device-benchmark-mps/add_client_server.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/add_client_server.diff -------------------------------------------------------------------------------- /device-benchmark-mps/add_mps_support.diff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/add_mps_support.diff -------------------------------------------------------------------------------- /device-benchmark-mps/doc/create_sub_context.drawio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/doc/create_sub_context.drawio.png -------------------------------------------------------------------------------- /device-benchmark-mps/doc/mps_context_swi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/doc/mps_context_swi.png -------------------------------------------------------------------------------- /device-benchmark-mps/doc/multi-thread.drawio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/doc/multi-thread.drawio.png -------------------------------------------------------------------------------- /device-benchmark-mps/doc/no_mps_context_swi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/doc/no_mps_context_swi.png -------------------------------------------------------------------------------- /device-benchmark-mps/doc/server_client.drawio.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/doc/server_client.drawio.png -------------------------------------------------------------------------------- /device-benchmark-mps/mps/mps_client.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/mps_client.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/mps/mps_server.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/mps_server.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/mps/mps_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/mps_utils.h -------------------------------------------------------------------------------- /device-benchmark-mps/mps/sharedCtx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/sharedCtx.h -------------------------------------------------------------------------------- /device-benchmark-mps/mps/zmq_u.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/zmq_u.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/mps/zmq_u.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/mps/zmq_u.hpp -------------------------------------------------------------------------------- /device-benchmark-mps/pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/pre-commit -------------------------------------------------------------------------------- /device-benchmark-mps/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/readme.md -------------------------------------------------------------------------------- /device-benchmark-mps/src/Task.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/Task.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/src/Task.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/Task.h -------------------------------------------------------------------------------- /device-benchmark-mps/src/commandLine.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/commandLine.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/src/commandLine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/commandLine.h -------------------------------------------------------------------------------- /device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.cu -------------------------------------------------------------------------------- /device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/customtasks/cudaKernelTask/cudaKernelTask.h -------------------------------------------------------------------------------- /device-benchmark-mps/src/customtasks/customTask.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/customtasks/customTask.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/src/customtasks/customTask.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/customtasks/customTask.h -------------------------------------------------------------------------------- /device-benchmark-mps/src/delayKernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/delayKernel.cu -------------------------------------------------------------------------------- /device-benchmark-mps/src/delayKernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/delayKernel.h -------------------------------------------------------------------------------- /device-benchmark-mps/src/tools.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/tools.cpp -------------------------------------------------------------------------------- /device-benchmark-mps/src/tools.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/src/tools.h -------------------------------------------------------------------------------- /device-benchmark-mps/trt_bench.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/device-benchmark-mps/trt_bench.cpp -------------------------------------------------------------------------------- /dynamic_shape/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/dynamic_shape/readme.md -------------------------------------------------------------------------------- /dynamic_shape/src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/dynamic_shape/src/CMakeLists.txt -------------------------------------------------------------------------------- /dynamic_shape/src/cmdline.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/dynamic_shape/src/cmdline.h -------------------------------------------------------------------------------- /dynamic_shape/src/dynamic_batch_use_cudagraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/dynamic_shape/src/dynamic_batch_use_cudagraph.cpp -------------------------------------------------------------------------------- /dynamic_shape/src/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/dynamic_shape/src/logging.h -------------------------------------------------------------------------------- /incubator/readme.md: -------------------------------------------------------------------------------- 1 | https://github.com/NVIDIA/TensorRT-Incubator/tree/main 2 | -------------------------------------------------------------------------------- /inferflow/benchmark/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /inferflow/docs/multi-thread.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/docs/multi-thread.md -------------------------------------------------------------------------------- /inferflow/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/readme.md -------------------------------------------------------------------------------- /inferflow/src/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /inferflow/src/infer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/src/infer.cpp -------------------------------------------------------------------------------- /inferflow/src/infer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/src/infer.h -------------------------------------------------------------------------------- /inferflow/src/run_trtexec8510.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/src/run_trtexec8510.sh -------------------------------------------------------------------------------- /inferflow/test/readme.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /inferflow/tutorial/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /inferflow/多模型并行加速.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/多模型并行加速.md -------------------------------------------------------------------------------- /inferflow/设计.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/inferflow/设计.md -------------------------------------------------------------------------------- /layout/data_p.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/layout/data_p.jpg -------------------------------------------------------------------------------- /layout/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/layout/readme.md -------------------------------------------------------------------------------- /layout/tf32-fp32-fp16-bf16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/layout/tf32-fp32-fp16-bf16.png -------------------------------------------------------------------------------- /overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/overview.md -------------------------------------------------------------------------------- /plugin/bertQKVToContextPlugin/README_CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/bertQKVToContextPlugin/README_CN.md -------------------------------------------------------------------------------- /plugin/bertQKVToContextPlugin/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/bertQKVToContextPlugin/export.py -------------------------------------------------------------------------------- /plugin/bertQKVToContextPlugin/plugin-bertqkv2ctx.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/bertQKVToContextPlugin/plugin-bertqkv2ctx.md -------------------------------------------------------------------------------- /plugin/detr3d/decoder/cross_attention.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/cross_attention.md -------------------------------------------------------------------------------- /plugin/detr3d/decoder/export_tf.bk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/export_tf.bk.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/export_tf_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/export_tf_v2.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/feature_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/feature_sampling.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/feature_sampling_GT.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/feature_sampling_GT.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/feature_sampling_c12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/feature_sampling_c12.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/feature_sampling_nc6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/feature_sampling_nc6.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/gt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/gt.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/utils.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/feature_sampling/utilsV2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/feature_sampling/utilsV2.py -------------------------------------------------------------------------------- /plugin/detr3d/decoder/para.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/para.md -------------------------------------------------------------------------------- /plugin/detr3d/decoder/sv_block_dataflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/sv_block_dataflow.png -------------------------------------------------------------------------------- /plugin/detr3d/decoder/workflow.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/detr3d/decoder/workflow.png -------------------------------------------------------------------------------- /plugin/ffn/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/ffn/readme.md -------------------------------------------------------------------------------- /plugin/int8-qdq.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/int8-qdq.cpp -------------------------------------------------------------------------------- /plugin/ln/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/ln/readme.md -------------------------------------------------------------------------------- /plugin/multiScaleDeformableAttn/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/multiScaleDeformableAttn/readme.md -------------------------------------------------------------------------------- /plugin/nonzero/nv/nonZeroKernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/nv/nonZeroKernel.cu -------------------------------------------------------------------------------- /plugin/nonzero/nv/nonZeroKernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/nv/nonZeroKernel.h -------------------------------------------------------------------------------- /plugin/nonzero/nv/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/nv/readme.md -------------------------------------------------------------------------------- /plugin/nonzero/nv/test.cpp: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /plugin/nonzero/v1.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/v1.cu -------------------------------------------------------------------------------- /plugin/nonzero/v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/v2.cu -------------------------------------------------------------------------------- /plugin/nonzero/v3.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/nonzero/v3.cu -------------------------------------------------------------------------------- /plugin/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/readme.md -------------------------------------------------------------------------------- /plugin/sca/msda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/msda.py -------------------------------------------------------------------------------- /plugin/sca/nonzero.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/nonzero.cu -------------------------------------------------------------------------------- /plugin/sca/nonzero.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/nonzero.h -------------------------------------------------------------------------------- /plugin/sca/queries_to_slots.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/queries_to_slots.cu -------------------------------------------------------------------------------- /plugin/sca/queries_to_slots.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/queries_to_slots.h -------------------------------------------------------------------------------- /plugin/sca/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /plugin/sca/rebatch.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/rebatch.cu -------------------------------------------------------------------------------- /plugin/sca/rebatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/rebatch.h -------------------------------------------------------------------------------- /plugin/sca/tensor_warper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/tensor_warper.py -------------------------------------------------------------------------------- /plugin/sca/test_nonzero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_nonzero.cpp -------------------------------------------------------------------------------- /plugin/sca/test_queries_to_slots.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_queries_to_slots.cpp -------------------------------------------------------------------------------- /plugin/sca/test_rebatch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_rebatch.cpp -------------------------------------------------------------------------------- /plugin/sca/test_sca.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_sca.cpp -------------------------------------------------------------------------------- /plugin/sca/test_sca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_sca.py -------------------------------------------------------------------------------- /plugin/sca/test_sca_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_sca_v2.py -------------------------------------------------------------------------------- /plugin/sca/test_sca_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/sca/test_sca_v3.py -------------------------------------------------------------------------------- /plugin/scatter/v1.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/scatter/v1.cu -------------------------------------------------------------------------------- /plugin/scatter/v2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/scatter/v2.cu -------------------------------------------------------------------------------- /plugin/skipLayerNormPlugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/skipLayerNormPlugin/README.md -------------------------------------------------------------------------------- /plugin/softmax/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/softmax/readme.md -------------------------------------------------------------------------------- /plugin/svt/ffn-use-gelu.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/ffn-use-gelu.png -------------------------------------------------------------------------------- /plugin/svt/ln.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/ln.png -------------------------------------------------------------------------------- /plugin/svt/pt_self_atten-aligned.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/pt_self_atten-aligned.png -------------------------------------------------------------------------------- /plugin/svt/pt_self_atten.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/pt_self_atten.png -------------------------------------------------------------------------------- /plugin/svt/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/readme.md -------------------------------------------------------------------------------- /plugin/svt/svt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/plugin/svt/svt.md -------------------------------------------------------------------------------- /py-tensorrt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/py-tensorrt/__init__.py -------------------------------------------------------------------------------- /py-tensorrt/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/py-tensorrt/readme.md -------------------------------------------------------------------------------- /qat/AMMO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/AMMO.md -------------------------------------------------------------------------------- /qat/layer_info.json.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/layer_info.json.svg -------------------------------------------------------------------------------- /qat/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/readme.md -------------------------------------------------------------------------------- /qat/resnet18.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/resnet18.log -------------------------------------------------------------------------------- /qat/torch_ao/qat_infer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/qat_infer.png -------------------------------------------------------------------------------- /qat/torch_ao/qat_train.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/qat_train.md -------------------------------------------------------------------------------- /qat/torch_ao/qat_train.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/qat_train.png -------------------------------------------------------------------------------- /qat/torch_ao/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/readme.md -------------------------------------------------------------------------------- /qat/torch_ao/torch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/torch.md -------------------------------------------------------------------------------- /qat/torch_ao/torch_ao_vs_q.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/torch_ao_vs_q.png -------------------------------------------------------------------------------- /qat/torch_ao/torch_softmax_qat.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/qat/torch_ao/torch_softmax_qat.md -------------------------------------------------------------------------------- /runtime/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/runtime/readme.md -------------------------------------------------------------------------------- /tool/IDA/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/IDA/readme.md -------------------------------------------------------------------------------- /tool/auto-run-cuda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/auto-run-cuda.sh -------------------------------------------------------------------------------- /tool/auto-run-trt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/auto-run-trt.sh -------------------------------------------------------------------------------- /tool/benchmark/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/benchmark/Makefile -------------------------------------------------------------------------------- /tool/benchmark/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/benchmark/main.cpp -------------------------------------------------------------------------------- /tool/benchmark/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/benchmark/readme.md -------------------------------------------------------------------------------- /tool/benchmark/tool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/benchmark/tool.h -------------------------------------------------------------------------------- /tool/build_from_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/build_from_onnx.py -------------------------------------------------------------------------------- /tool/collecting_env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/collecting_env.py -------------------------------------------------------------------------------- /tool/compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/compare.py -------------------------------------------------------------------------------- /tool/dump_network_from_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/dump_network_from_onnx.py -------------------------------------------------------------------------------- /tool/export_onnx_gs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/export_onnx_gs.py -------------------------------------------------------------------------------- /tool/export_onnx_torchvision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/export_onnx_torchvision.py -------------------------------------------------------------------------------- /tool/fp6_to_fp32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/fp6_to_fp32.py -------------------------------------------------------------------------------- /tool/infer_from_engine.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/infer_from_engine.md -------------------------------------------------------------------------------- /tool/infer_from_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/infer_from_engine.py -------------------------------------------------------------------------------- /tool/infer_from_engine_v10x.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/infer_from_engine_v10x.py -------------------------------------------------------------------------------- /tool/list_plugins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/list_plugins.py -------------------------------------------------------------------------------- /tool/np2bin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/np2bin.py -------------------------------------------------------------------------------- /tool/onnx_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/onnx_check.py -------------------------------------------------------------------------------- /tool/onnx_edit.py: -------------------------------------------------------------------------------- 1 | # onnx.utils.extract_model 2 | -------------------------------------------------------------------------------- /tool/onnx_op_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/onnx_op_stats.py -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2/CustomPlugin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2/CustomPlugin.cpp -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2/CustomPlugin.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2/CustomPlugin.h -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2/Makefile -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2/README.md -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2/test_plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2/test_plugin.py -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2_8.x/readme.md: -------------------------------------------------------------------------------- 1 | 2 | TensorRT v8.x 版本开发一个stub plugin 3 | 4 | -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2_8.x/stub_plugin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2_8.x/stub_plugin.cpp -------------------------------------------------------------------------------- /tool/plugins/CustomIPluginV2_8.x/stub_plugin.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/CustomIPluginV2_8.x/stub_plugin.h -------------------------------------------------------------------------------- /tool/plugins/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/plugins/README.md -------------------------------------------------------------------------------- /tool/prof/draw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/prof/draw.py -------------------------------------------------------------------------------- /tool/prof/draw_multi_plots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/prof/draw_multi_plots.py -------------------------------------------------------------------------------- /tool/prof/perf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/prof/perf.sh -------------------------------------------------------------------------------- /tool/prof/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/prof/readme.md -------------------------------------------------------------------------------- /tool/qat2ptq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/qat2ptq.py -------------------------------------------------------------------------------- /tool/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/readme.md -------------------------------------------------------------------------------- /tool/rename_with_num_ordered.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/rename_with_num_ordered.py -------------------------------------------------------------------------------- /tool/tensor_print_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/tensor_print_helper.py -------------------------------------------------------------------------------- /tool/trt_batch_onnx_build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/trt_batch_onnx_build.sh -------------------------------------------------------------------------------- /tool/trt_out2np.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/trt_out2np.py -------------------------------------------------------------------------------- /tool/trtexec_loop_infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/tool/trtexec_loop_infer.sh -------------------------------------------------------------------------------- /triton-inference-server/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /triton-inference-server/trt_backend/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /trtexec/TensorRT_Sample_trtexec/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/TensorRT_Sample_trtexec/CMakeLists.txt -------------------------------------------------------------------------------- /trtexec/TensorRT_Sample_trtexec/Toolchain-V5L.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/TensorRT_Sample_trtexec/Toolchain-V5L.cmake -------------------------------------------------------------------------------- /trtexec/TensorRT_Sample_trtexec/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/TensorRT_Sample_trtexec/readme.md -------------------------------------------------------------------------------- /trtexec/build_log.md: -------------------------------------------------------------------------------- 1 | 从trtexec build log中可以看到引擎构建的一些细节 2 | 3 | 4 | -------------------------------------------------------------------------------- /trtexec/build_with_plugin.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/build_with_plugin.log -------------------------------------------------------------------------------- /trtexec/identity.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/identity.onnx -------------------------------------------------------------------------------- /trtexec/identity_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/identity_export.py -------------------------------------------------------------------------------- /trtexec/identity_plugin/readme.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /trtexec/mnist/mnist.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/mnist/mnist.onnx -------------------------------------------------------------------------------- /trtexec/mnist/trt_build_best.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/mnist/trt_build_best.log -------------------------------------------------------------------------------- /trtexec/one_input_is_int8/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/one_input_is_int8/build.sh -------------------------------------------------------------------------------- /trtexec/one_input_is_int8/index_rebatch_plugin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/one_input_is_int8/index_rebatch_plugin.cpp -------------------------------------------------------------------------------- /trtexec/one_input_is_int8/index_rebatch_plugin.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/one_input_is_int8/index_rebatch_plugin.h -------------------------------------------------------------------------------- /trtexec/one_input_is_int8/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/one_input_is_int8/readme.md -------------------------------------------------------------------------------- /trtexec/one_input_is_int8/sca_with_int8_input_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/one_input_is_int8/sca_with_int8_input_export.py -------------------------------------------------------------------------------- /trtexec/orin_build_best.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/orin_build_best.log -------------------------------------------------------------------------------- /trtexec/orin_build_from_shqi.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/orin_build_from_shqi.log -------------------------------------------------------------------------------- /trtexec/oss/readme.md: -------------------------------------------------------------------------------- 1 | 2 | trtexec 中如果gpu资源充沛,开辟多个stream 或 thread 可以提供throughout 或 fps ,待确认。 3 | -------------------------------------------------------------------------------- /trtexec/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/readme.md -------------------------------------------------------------------------------- /trtexec/trex.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/trex.md -------------------------------------------------------------------------------- /trtexec/trt_fp16_build.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/trt_fp16_build.log -------------------------------------------------------------------------------- /trtexec/trt_fp16_build_key_stages.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lix19937/tensorrt-insight/HEAD/trtexec/trt_fp16_build_key_stages.md --------------------------------------------------------------------------------