GitHub topics: tensorrt-inference
zubairmk83/ViTP
🌟 Pretrain domain-specific models using visual instructions to enhance accuracy and performance in specialized tasks with ViTP.
Language: Python - Size: 24 MB - Last synced at: about 6 hours ago - Pushed at: about 8 hours ago - Stars: 0 - Forks: 0
thillai-c/Vision-Language-Driving-Perception
Vision-Language Model fine-tuning pipeline for autonomous driving with distributed training, TensorRT optimization, and custom evaluation metrics.
Language: Python - Size: 1.71 MB - Last synced at: about 22 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0
HHX300/forward-collision-warning-system
ADAS 前车碰撞预警系统:True innovation does not come from closed barriers, but from sharing knowledge and lowering entry barriers so that more people can benefit.
Language: Python - Size: 67.8 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 4 - Forks: 0
asitiaf/llm-getting-started
Practical, beginner-friendly LLM projects using Python, LangChain, and LangSmith. Modular, reusable, and easy to run.
Language: Python - Size: 12.7 KB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 3 - Forks: 1
umitkacar/awesome-ai-edge-computing-tiny-embedded
Size: 376 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 20 - Forks: 0
laugh12321/TensorRT-YOLO
🚀 Easier & Faster YOLO Deployment Toolkit for NVIDIA 🛠️
Language: C++ - Size: 25.2 MB - Last synced at: 14 days ago - Pushed at: 15 days ago - Stars: 1,512 - Forks: 161
jolibrain/deepdetect
Deep Learning API and Server in C++14 support for PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
Language: C++ - Size: 103 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 2,545 - Forks: 553
NVIDIA-ISAAC-ROS/isaac_ros_dnn_inference
NVIDIA-accelerated DNN model inference ROS 2 packages using NVIDIA Triton/TensorRT for both Jetson and x86_64 with CUDA-capable GPU
Language: C++ - Size: 336 KB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 121 - Forks: 15
emptysoal/YOLOv5-TensorRT-lib-Python
The code of YOLOv5 inferencing with TensorRT C++ api is packaged into a dynamic link library , then called through Python.
Language: Cuda - Size: 753 KB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 15 - Forks: 1
RenatoMaynard/Deepstream-Multistream-Layouts
Multi-camera DeepStream reference with dynamic layouts (mosaic, PiP, focus view), zero-copy paths, and latency-optimized settings. Includes config examples and layout switching without pipeline teardown.
Size: 2.93 KB - Last synced at: 18 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0
emptysoal/tensorrt-experiment
Base on tensorrt version 8.2.4, compare inference speed for different tensorrt api.
Language: Python - Size: 92.1 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 50 - Forks: 4
lona-cn/vision-simple
a lightweight C++ cross-platform vision inference library,support YOLOv10 YOLOv11 PaddleOCR EasyOCR ,using ONNXRuntime/TVM with multiple exectuion providers.QQ群:364057904
Language: C++ - Size: 53.3 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 35 - Forks: 3
emptysoal/TensorRT-YOLOv8
Based on tensorrt v8.0+, deploy detect, pose, segment, tracking of YOLOv8 with C++ and python api.
Language: C++ - Size: 212 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 123 - Forks: 25
emptysoal/Deepsort-YOLOv5-TensorRT
An object tracking project with YOLOv5-v5.0 and Deepsort, speed up by C++ and TensorRT.
Language: C++ - Size: 608 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 17 - Forks: 4
hamdiboukamcha/Yolo-V11-cpp-TensorRT
The YOLOv11 C++ TensorRT Project in C++ and optimized using NVIDIA TensorRT
Language: C++ - Size: 12 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 102 - Forks: 17
JoonHoonKim/cpp-TensorRT
TensorRT Inference Code by cpp
Language: C++ - Size: 79.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
WilliamZhang20/Transformer-from-Scratch
Inference acceleration of transformers implemented from scratch
Language: Jupyter Notebook - Size: 51.8 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
yuvraj108c/ComfyUI-Depth-Anything-Tensorrt
ComfyUI Depth Anything (v1/v2/distill-any-depth) Tensorrt Custom Node (up to 14x faster)
Language: Python - Size: 3.18 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 111 - Forks: 12
Sinapsis-AI/sinapsis-retina-face-trt
Sinapsis repo with templates for face detection, face recognition and face verification
Language: Python - Size: 1.17 MB - Last synced at: 22 days ago - Pushed at: 3 months ago - Stars: 10 - Forks: 6
ammarmalik17/Jetson-Yolo-Tracking-TensorRT
Language: Python - Size: 46.9 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
gpastal24/ViTPose-Pytorch
VitPose without MMCV dependencies
Language: Python - Size: 152 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 44 - Forks: 8
emptysoal/TensorRT-v8-YOLOv5-v5.0
Based on TensorRT v8.2, build network for YOLOv5-v5.0 by myself, speed up YOLOv5-v5.0 inferencing
Language: C++ - Size: 434 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 12 - Forks: 1
HenrikTrom/detection_inference
A high-performance, multi-threaded C++ pipeline for real-time multi-camera object detection using YOLOv8.
Language: C++ - Size: 7.32 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
emptysoal/TensorRT-YOLO11
Based on tensorrt v8.0+, deploy detection, pose, segment, tracking of YOLO11 with C++ and python api.
Language: C++ - Size: 133 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 224 - Forks: 37
bmycheez/EasyDemo
Video Denoising Demo in NVIDIA Jetson Xavier NX + Sony IMX462 Camera Sensor (2023)
Language: Python - Size: 43 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
Koldim2001/TrafficAnalyzer
Анализ трафика на круговом движении с использованием компьютерного зрения
Language: Python - Size: 401 MB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 94 - Forks: 7
PrinceP/tensorrt-sample-on-threads
A tutorial for getting started on running Tensorrt engine and Deep Learning Accelerator (DLA) models on threads
Language: C++ - Size: 2.93 KB - Last synced at: 28 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
jagennath-hari/DepthStream-Accelerator-ROS2-Integrated-Monocular-Depth-Inference
DepthStream Accelerator: A TensorRT-optimized monocular depth estimation tool with ROS2 integration for C++. It offers high-speed, accurate depth perception, perfect for real-time applications in robotics, autonomous vehicles, and interactive 3D environments.
Language: C++ - Size: 10.9 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 22 - Forks: 0
MustaphaU/Simplify-Documentation-Review-on-Atlassian-Confluence-with-LLAMA2-and-NVIDIA-TensorRT-LLM
A simple project demonstrating LLM assisted review of documentation on Atlasssian Confluence.
Language: Python - Size: 927 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
Qengineering/YoloV8-TensorRT-Jetson_Nano
A lightweight C++ implementation of YoloV8 running on NVIDIAs TensorRT engine
Language: C++ - Size: 328 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 1
mohamedsamirx/YOLOv12-TensorRT-CPP
YOLOv12 Inference Using CPP, Tensorrt, And CUDA
Language: C++ - Size: 1.98 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 32 - Forks: 1
fanpeace/dbnet_torch
you can use dbnet to detect word or bar code,Knowledge Distillation is provided,also python tensorrt inference is provided.
Language: Python - Size: 215 MB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 45 - Forks: 10
LCH1238/bevdet-tensorrt-cpp
BEVDet implemented by TensorRT, C++; Achieving real-time performance on Orin
Language: C++ - Size: 6.98 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 253 - Forks: 45
liangxiansheng093/3d-sort
For 3d dynamic target detection and motion tracking includes target detection, 3D tracking program.
Language: C++ - Size: 11.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
NotAP0tato/awesome-ai-toolkit
An extensive curated list of AI tools, frameworks, and libraries to supercharge your artificial intelligence projects.
Size: 1.95 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
parlaynu/inference-tensorrt
Convert ONNX models to TensorRT engines and run inference in containerized environments
Language: Python - Size: 9.77 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 1
xstongxue/TensorRT-Alpha-Plus
TensorRT for Web-RTDETR、Web-YOLOv8、RTDETR、YOLOv8、YOLOv8-Pose、YOLOv8-Seg、YOLOv8-Cls、YOLOv7、YOLOv6、YOLOv5......⭐
Language: C++ - Size: 106 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
mingj2021/segment-anything-tensorrt
Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 77 - Forks: 9
kamalkraj/stable-diffusion-tritonserver
Deploy stable diffusion model with onnx/tenorrt + tritonserver
Language: Jupyter Notebook - Size: 2.62 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 123 - Forks: 19
cuixing158/yolo-tensorRT-cpp
部署量化库,适合pc,jetson,int8量化, yolov3/v4/v5
Language: C++ - Size: 610 KB - Last synced at: 9 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
spacewalk01/nanosam-cpp
C++ TensorRT Implementation of NanoSAM
Language: C++ - Size: 7.1 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 30 - Forks: 3
ggluo/TensorRT-Cpp-Example
C++/C TensorRT Inference Example for models created with Pytorch/JAX/TF
Language: C++ - Size: 767 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
YuzhouPeng/unet-tensorrt
this is a tensorrt version unet, inspired by tensorrtx
Language: C++ - Size: 32.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 11
ce-dric/TensorRT-Batch
TensorRT capable of processing batch units
Language: Jupyter Notebook - Size: 145 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
djetshu/yolo_nas_trt_training
Anaconda environment to train YOLONAS, to convert yolonas.onnx to TensorRT model and to test it with webcam in real time.
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
BlueMirrors/Yolov5-TensorRT
Yolov5 TensorRT Implementations
Language: Python - Size: 46.9 KB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 67 - Forks: 13
vossr/YOLOX-custom Fork of Megvii-BaseDetection/YOLOX
YOLOX TensorRT object detection
Language: Python - Size: 7.43 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
surajiitd/NVIDIA_Jetson_Inference
This repo contains model compression(using TensorRT) and documentation of running various deep learning models on NVIDIA Jetson Orin, Nano (aarch64 architectures)
Language: Makefile - Size: 1.39 GB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 2
gitctrlx/xtrt
A lightweight, high-performance deep learning inference tool.
Language: C++ - Size: 265 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
rolson24/ImprovedAssociationTrack-cpp
C++ implementation of An Improved Association Pipeline for Multi-Person Tracking
Language: C++ - Size: 27.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
CactusQ/TensorRT-LLM-Tutorial
Getting started with TensorRT-LLM using BLOOM as a case study
Language: Jupyter Notebook - Size: 85 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
teamunitlab/yolo8-segmentation-deploy
Production-ready YOLO8 Segmentation deployment with TensorRT and ONNX support for CPU/GPU, including AI model integration guidance for Unitlab Annotate.
Language: Python - Size: 1.58 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 20 - Forks: 5
MaximeDebarbat/Dolphin
Dolphin is a python toolkit meant to speed up inference of TensorRT by providing CUDA-Accelerated processing.
Language: Python - Size: 588 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0
Jayveersinh-Raj/cross-lingual-zero-shot-transfer
This is cross based project for industrial purposes. This would then be integrated as API, and repository would be made private accordingly
Language: Jupyter Notebook - Size: 5.74 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
edicek/JetsonNanoUbuntu20_Disk
32 GB SD card image for Jetson Nano based on Ubuntu 20 and compatible Yolov8 Ultralytics library
Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
yunkai1841/eipl-deploy
Inference code of `ogata-lab/eipl`. Control robots with machine learning models on edge computer.
Language: Python - Size: 247 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
gitctrlx/NarrativeCanvas
"Narrative Canvas" project is an edge computing project based on Nvidia Jetson. It can transform uploaded images into captivating stories and artworks.
Language: Python - Size: 94.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 0
col-in-coding/Tensorrt-CV
Using TensorRT for Inference Model Deployment.
Language: Cuda - Size: 90.9 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 38 - Forks: 9
thaitc-hust/Yolo-TensorRT
Convert yolo models to ONNX, TensorRT add NMSBatched.
Language: Python - Size: 5.46 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 4
littletomatodonkey/model_inference
不同backend的模型转换与推理代码
Language: Python - Size: 48.8 KB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
ltkong218/FastFlowNet
FastFlowNet: A Lightweight Network for Fast Optical Flow Estimation (ICRA 2021)
Language: Python - Size: 37.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 196 - Forks: 39
ycchen218/Pytorch-to-TensorRT-example
This is an mnist example of how to transfer a .pt file to .onnx, then transfer .onnx file to .trt file.
Language: Python - Size: 37.1 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
uschen/face-inference-rs
Rust GRPC server for face recognition, face detection and face alignment using TensorRT, Cuda on JetPack SDK (Jetson Nano, Jetson Xavier NX)
Language: C++ - Size: 39.1 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
Rumeysakeskin/Speech-Command-Recognition
Classify input audio segment into categories for keyword spotting with MatchboxNet with training, exporting onnx model, accelerating inference via TensorRT
Language: Python - Size: 349 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 0
lzh420202/TensorRT_Inference
An oriented object detection framework based on TensorRT
Language: Python - Size: 57.3 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 0
Rumeysakeskin/NLP-Onnx-TensorRT
Joint Intent/Slot Classification for Jetson Nano, TX1/TX2, Xavier NX, and AGX Xavier
Language: Jupyter Notebook - Size: 146 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
leandro-svg/SparseInst_TensorRT
The real-time Instance Segmentation Algorithm SparseInst running on TensoRT and ONNX
Language: Python - Size: 57.6 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 18 - Forks: 3
storrrrrrrrm/tensorrt_smoke
3d object detection model smoke c++ inference code
Language: C++ - Size: 68.9 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1
yester31/TensorRT_ONNX
Generating tensorrt model using onnx
Language: C++ - Size: 91.6 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
frannecki/trt_classification
TensorRT example for image classification inference
Language: C++ - Size: 18.6 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
CuteBoiz/TensorRT_Parser_Python
Export (from Onnx) and Inference TensorRT engine with Python
Language: Python - Size: 46.9 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1
k9ele7en/ONNX-TensorRT-Inference-CRAFT-pytorch 📦
Advance inference performance using TensorRT for CRAFT Text detection. Implemented modules to convert Pytorch -> ONNX -> TensorRT, with dynamic shapes (multi-size input) inference.
Language: Python - Size: 12.3 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 2
vnghia/minrt
MIN(R)T: Minimal TensorRT inference
Language: C++ - Size: 26.4 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
ashBabu/object_detection
Deployment using torchscript and tensorrt
Language: C++ - Size: 35.7 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0
CuteBoiz/TensorRT_Parser_Cpp
Export (from Onnx) and Inference TensorRT engine with C++.
Language: C++ - Size: 95.7 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 4