imagenet
There are 632 repositories under imagenet topic.
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
HumanSignal/labelImg
LabelImg is now part of the Label Studio community. The popular image annotation tool created by Tzutalin is no longer actively being developed, but you can check out Label Studio, the open source data labeling tool for images, text, hypertext, audio, video and time-series data.
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
cvat-ai/cvat
Annotate better with CVAT, the industry-leading data engine for machine learning. Used and trusted by teams at any scale, for data of any scale.
qubvel-org/segmentation_models.pytorch
Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
tensorlayer/TensorLayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers
ml5js/ml5-library
Friendly machine learning for the web! 🤖
huawei-noah/Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.
tinyvision/DAMO-YOLO
DAMO-YOLO: a fast and accurate object detection method with some new techs, including NAS backbones, efficient RepGFPN, ZeroHead, AlignedOTA, and distillation enhancement.
osmr/imgclsmob
Sandbox for training deep learning networks
mit-han-lab/efficientvit
Efficient vision foundation models for high-resolution generation and perception.
qubvel/efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
apple/ml-cvnets
CVNets: A library for training computer vision networks
bearpaw/pytorch-classification
Classification with PyTorch.
google-research/big_transfer
Official repository for the "Big Transfer (BiT): General Visual Representation Learning" paper.
TsingZ0/PFLlib
37 traditional FL (tFL) or personalized FL (pFL) algorithms, 3 scenarios, and 20 datasets.
yoshitomo-matsubara/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆25 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
hysts/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
soeaver/caffe-model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
shicai/MobileNet-Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
Hyperparticle/one-pixel-attack-keras
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
qubvel/classification_models
Classification models trained on ImageNet. Keras.
hendrycks/robustness
Corruption and Perturbation Robustness (ICLR 2019)
snap-research/EfficientFormer
EfficientFormerV2 [ICCV 2023] & EfficientFormer [NeurIPs 2022]
HRNet/HRNet-Image-Classification
Train the HRNet model on ImageNet
huawei-noah/AdderNet
Code for paper " AdderNet: Do We Really Need Multiplications in Deep Learning?"
switchablenorms/Switchable-Normalization
Code for Switchable Normalization from "Differentiable Learning-to-Normalize via Switchable Normalization", https://arxiv.org/abs/1806.10779
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
megvii-research/mdistiller
The official implementation of [CVPR2022] Decoupled Knowledge Distillation https://arxiv.org/abs/2203.08679 and [ICCV2023] DOT: A Distillation-Oriented Trainer https://openaccess.thecvf.com/content/ICCV2023/papers/Zhao_DOT_A_Distillation-Oriented_Trainer_ICCV_2023_paper.pdf
kuan-wang/pytorch-mobilenet-v3
MobileNetV3 in pytorch and ImageNet pretrained models
zhirongw/lemniscate.pytorch
Unsupervised Feature Learning via Non-parametric Instance Discrimination
ducha-aiki/caffenet-benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
szq0214/MEAL-V2
MEAL V2: Boosting Vanilla ResNet-50 to 80%+ Top-1 Accuracy on ImageNet without Tricks. In NeurIPS 2020 workshop.
seungwonpark/RandWireNN
Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"