libtorch
There are 228 repositories under libtorch topic.
pytorch/TensorRT
PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT
prabhuomkar/pytorch-cpp
C++ Implementation of PyTorch Tutorials for Everyone
dotnet/TorchSharp
A .NET library that provides access to the library that powers PyTorch.
AllentDan/LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
nanoporetech/dorado
Oxford Nanopore's Basecaller
zhiqwang/yolort
yolort is a runtime stack for yolov5 on specialized accelerators such as tensorrt, libtorch, onnxruntime, tvm and ncnn.
rburkholder/trade-frame
C++ 17 based library (with sample applications) for testing equities, futures, currencies, etfs & options based automated trading ideas using DTN IQFeed real time data feed and Interactive Brokers (IB TWS API) for trade execution. libtorch/lstm/cuda demo. Support for Alpaca & Phemex. Notifications via Telegram.
Omegastick/pytorch-cpp-rl
PyTorch C++ Reinforcement Learning
AllentDan/LibtorchSegmentation
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: VGG, ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
walktree/libtorch-yolov3
A Libtorch implementation of the YOLO v3 object detection algorithm
hijkzzz/alpha-zero-gomoku
A Multi-threaded Implementation of AlphaZero (C++)
yasenh/libtorch-yolov5
A LibTorch inference implementation of the yolov5
BIGBALLON/PyTorch-CPP
PyTorch C++ inference with LibTorch
koba-jon/pytorch_cpp
Deep Learning sample programs using PyTorch in C++
LieluoboAi/radish
C++ model train&inference framework
ttanzhiqiang/onnx_tensorrt_project
Support Yolov5(4.0)/Yolov5(5.0)/YoloR/YoloX/Yolov4/Yolov3/CenterNet/CenterFace/RetinaFace/Classify/Unet. use darknet/libtorch/pytorch/mxnet to onnx to tensorrt
ncdhz/Yolo-LibTorch
一个 LibTorch 版本的 Yolo 封装库
anira-project/anira
an architecture for neural network inference in real-time audio applications
Nebula4869/YOLOv5-LibTorch
Real time object detection with deployment of YOLOv5 through LibTorch C++ API
NVIDIA/TorchFort
An Online Deep Learning Interface for HPC programs on NVIDIA GPUs
dotnet/TorchSharpExamples
Repository for TorchSharp examples and tutorials.
Cambridge-ICCS/FTorch
A library for directly calling PyTorch ML models from Fortran.
clearhanhui/LearnLibTorch
LibTorch 中文教程。
DeepVAC/libdeepvac
Use PyTorch model in C++ project
szymonmaszke/torchlambda
Lightweight tool to deploy PyTorch models to AWS Lambda
Qengineering/PyTorch-Jetson-Nano
PyTorch installation wheels for Jetson Nano
Torsion-Audio/nn-inference-template
Neural network inference template for real-time cricital audio environments - presented at ADC23
Qengineering/PyTorch-Raspberry-Pi-64-OS
PyTorch installation wheels for Raspberry Pi 64 OS
AllentDan/LibtorchDetection
C++ trainable detection library based on libtorch (or pytorch c++). Yolov4 tiny provided now.
andrewssobral/dtt
A C++ header-only for data transfer between linear algebra libraries (Eigen, Armadillo, OpenCV, ArrayFire, LibTorch).
lsrock1/maskrcnn_benchmark.cpp
Implementation maskrcnn-benchmark, pytorch c++ frontend
DBraun/PyTorchTOP
GPU PyTorch TOP in TouchDesigner with CUDA-enabled OpenCV
Yulv-git/Model-Inference-Deployment
A curated list of awesome inference deployment framework of artificial intelligence (AI) models. OpenVINO, TensorRT, MediaPipe, TensorFlow Lite, TensorFlow Serving, ONNX Runtime, LibTorch, NCNN, TNN, MNN, TVM, MACE, Paddle Lite, MegEngine Lite, OpenPPL, Bolt, ExecuTorch.
lwch/gotorch
golang libtorch binding
Natsu-Akatsuki/RangeNet-TensorRT
Rangenet++ with high-version TensorRT (e.g.8~10), libtorch, CUDA programming.