A154609's Stars
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
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
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/
jwyang/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
dmlc/gluon-cv
Gluon CV Toolkit
amusi/AI-Job-Notes
AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
Lyken17/pytorch-OpCounter
Count the MACs / FLOPs of your PyTorch model.
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
weiaicunzai/awesome-image-classification
A curated list of deep learning image classification papers and codes
ufoym/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
CoinCheung/pytorch-loss
label-smooth, amsoftmax, partial-fc, focal-loss, triplet-loss, lovasz-softmax. Maybe useful
pytorch/tnt
A lightweight library for PyTorch training tools and utilities
bubbliiiing/faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
AgaMiko/data-augmentation-review
List of useful data augmentation resources. You will find here some not common techniques, libraries, links to GitHub repos, papers, and others.
lxztju/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
luuuyi/CBAM.PyTorch
Non-official implement of Paper:CBAM: Convolutional Block Attention Module
DLLXW/data-science-competition
该仓库用于记录作者本人参加的各大数据科学竞赛的获奖方案源码以及一些新比赛的原创baseline. 主要涵盖:kaggle, 阿里天池,华为云大赛校园赛,百度aistudio,和鲸社区,datafountain等
GitDzreal93/dev-tester
测试开发面试资源、复习资料汇总
chenyuntc/pytorch-best-practice
A Guidance on PyTorch Coding Style Based on Kaggle Dogs vs. Cats
lxztju/leetcode-algorithm
分类整理leetcode算法题解,代码语言采用c++与python实现
DWCTOD/ICCV2021-Papers-with-Code-Demo
ICCV 2021 paper with code
ngthanhtin/Muiltiple-Object-Tracking
Project-Using Background Subtraction Method, Kalman Filter and Hungary Algorithm.
2014Vee/ssd-pytorch
基于pytorch版ssd进行改进注入CBAM空间通道注意力机制,加入FPN,类别损失函数改为focalloss
xuzr/multiclassify-eval
a simple python module for multiclassify eval
HaoGood/MOD
A154609/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.