longnanxi's Stars
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
pjreddie/darknet
Convolutional Neural Networks
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Megvii-BaseDetection/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
google/automl
Google Brain AutoML
NVIDIA/FasterTransformer
Transformer related optimization, including BERT, GPT
facebookresearch/moco
PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722
liuzhuang13/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
Cartucho/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
princeton-vl/CornerNet
yhenon/pytorch-retinanet
Pytorch implementation of RetinaNet object detection.
Duankaiwen/CenterNet
Codes for our paper "CenterNet: Keypoint Triplets for Object Detection" .
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
zhaoweicai/cascade-rcnn
Caffe implementation of multiple popular object detection frameworks
xingyizhou/ExtremeNet
Bottom-up Object Detection by Grouping Extreme and Center Points
WongKinYiu/CrossStagePartialNetworks
Cross Stage Partial Networks
zengarden/light_head_rcnn
Light-Head R-CNN
berniwal/swin-transformer-pytorch
Implementation of the Swin Transformer in PyTorch.
DA-southampton/Read_Bert_Code
Bert源码阅读与讲解(Pytorch版本)-以BERT文本分类代码为例子
abeardear/pytorch-YOLO-v1
an experiment for yolo-v1, including training and testing.
zhaoweicai/Detectron-Cascade-RCNN
Cascade R-CNN in Detectron
megvii-model/RepVGG
liuyuemaicha/simple_faster_rcnn
run this repository only depend python2.7 and Pytorch (0.3 or 0.4)
liuyuemaicha/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
leviome/yolo_1_pytorch
simplest implementation of yolo v1 via pytorch
MAhaitao999/Yolov3_Dynamic_Batch_TensorRT_Triton
将Yolov3模型转成可以进行动态Batch的TensorRT推理以及Triton Inference Serving上部署的TensorRT模型
tejasdhasarali/triton_inference
Simple Triton Inference Server