uCedar's Stars
gpuocelot/gpuocelot
GPUOcelot: A dynamic compilation framework for PTX
metaseed/metaGo
MetaGo provides fast cursor movement/selection for keyboard focused users in vscode
Bruce-Lee-LY/cuda_hook
Hooked CUDA-related dynamic libraries by using automated code generation tools.
Bruce-Lee-LY/cuda_hgemv
Several optimization methods of half-precision general matrix vector multiplication (HGEMV) using CUDA core.
Bruce-Lee-LY/cuda_hgemm
Several optimization methods of half-precision general matrix multiplication (HGEMM) using tensor core with WMMA API and MMA PTX instruction.
fengbintu/Neural-Networks-on-Silicon
This is originally a collection of papers on neural network accelerators. Now it's more like my selection of research on deep learning and computer architecture.
NVIDIA/trt-samples-for-hackathon-cn
Simple samples for TensorRT programming
OpenPPL/ppq
PPL Quantization Tool (PPQ) is a powerful offline neural network quantization tool.
A-suozhang/awesome-quantization-and-fixed-point-training
Neural Network Quantization & Low-Bit Fixed Point Training For Hardware-Friendly Algorithm Design
aim-uofa/AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
grimoire/mmdetection-to-tensorrt
convert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
eweill-nv/dcnv2_trt
TensorRT plugin forDCNv2 layer in ONNX model
CharlesShang/DCNv2
Deformable Convolutional Networks v2 with Pytorch
vietanhdev/open-adas
An open source advanced driver assistance system (ADAS) that uses Jetson Nano as the hardware. Features: Traffic sign detection, Forward collision warning, Lane departure warning.
JosephChenHub/CenterNet-TensorRT
This is a C++ implementation of CenterNet using TensorRT and CUDA
Syencil/tensorRT
TensorRT-7 Network Lib 包括常用目标检测、关键点检测、人脸检测、OCR等 可训练自己数据
geekxh/hello-algorithm
🌍 针对小白的算法训练 | 包括四部分:①.大厂面经 ②.力扣图解 ③.千本开源电子书 ④.百张技术思维导图(项目花了上百小时,希望可以点 star 支持,🌹感谢~)推荐免费ChatGPT使用网站
WongKinYiu/PyTorch_YOLOv4
PyTorch implementation of YOLOv4
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
wang-xinyu/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
prominenceai/deepstream-services-library
A shared library of on-demand DeepStream Pipeline Services for Python and C/C++
smellslikeml/ActionAI
Real-Time Spatio-Temporally Localized Activity Detection by Tracking Body Keypoints
mrtj/pyds_tracker_meta
pybind11 wrapper to access Nvidia DeepStream tracker meta info from Python.
Tianxiaomo/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
CaoWGG/TensorRT-YOLOv4
tensorrt5, yolov4, yolov3,yolov3-tniy,yolov3-tniy-prn
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
wuba/dl_inference
通用深度学习推理工具,可在生产环境中快速上线由TensorFlow、PyTorch、Caffe框架训练出的深度学习模型。
Ewenwan/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.