dabblle's Stars
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
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
Tencent/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
zylo117/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
layumi/Person_reID_baseline_pytorch
:bouncing_ball_person: Pytorch ReID: A tiny, friendly, strong pytorch implement of person re-id / vehicle re-id baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
JDAI-CV/fast-reid
SOTA Re-identification Methods and Toolbox
aim-uofa/AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
HobbitLong/SupContrast
PyTorch implementation of "Supervised Contrastive Learning" (and SimCLR incidentally)
roytseng-tw/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
dog-qiuqiu/Yolo-Fastest
:zap: Based on yolo's ultra-lightweight universal target detection algorithm, the calculation amount is only 250mflops, the ncnn model size is only 666kb, the Raspberry Pi 3b can run up to 15fps+, and the mobile terminal can run up to 178fps+
dog-qiuqiu/MobileNet-Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB:fire::fire::fire:
ShuLiu1993/PANet
PANet for Instance Segmentation and Object Detection
akamaster/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
facebookresearch/FixRes
This repository reproduces the results of the paper: "Fixing the train-test resolution discrepancy" https://arxiv.org/abs/1906.06423
rmislam/PythonSIFT
A clean and concise Python implementation of SIFT (Scale-Invariant Feature Transform)
yangyutu/EssentialMath
ethanhe42/KL-Loss
Bounding Box Regression with Uncertainty for Accurate Object Detection (CVPR'19)
lewes6369/TensorRT-Yolov3
TensorRT for Yolov3
WenmuZhou/PSENet.pytorch
A pytorch re-implementation of PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network
ahangchen/TFusion
CVPR2018: Unsupervised Cross-dataset Person Re-identification by Transfer Learning of Spatio-temporal Patterns
JialeCao001/D2Det
D2Det: Towards High Quality Object Detection and Instance Segmentation (CVPR2020)
lucasjinreal/pytorch_image_classifier
Minimal But Practical Image Classifier Pipline Using Pytorch, Finetune on ResNet18, Got 99% Accuracy on Own Small Datasets.
pythonuser200/LLNet
A low light image enhancement with deep learning
X-BrainLab/PI-ReID
HoangTrinh/Vehicle_ReID_using_fusion_of_multi_features
stefanbo92/color-detector
This repository contains an OpenCV program for classifying the color of an object in images with a Support Vector Machine (SVM)
srihari-humbarwadi/Vehicle-Color-Recognition-using-Convolutional-Neural-Network
Keras implementation of https://arxiv.org/abs/1510.07391
tsungjenh/color-detection
An color detection engine for vehicle, person, face and others