All Projects → balancap → tf-imagenet

balancap / tf-imagenet

Licence: Apache-2.0 license
TensorFlow ImageNet - Training and SOTA checkpoints

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to tf-imagenet

pigallery
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Stars: ✭ 35 (-30%)
Mutual labels:  imagenet, inception
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (+28%)
Mutual labels:  imagenet, inception
Tensorflow object tracking video
Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition
Stars: ✭ 491 (+882%)
Mutual labels:  imagenet, inception
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+2416%)
Mutual labels:  imagenet, inception
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+16536%)
Mutual labels:  imagenet, inception
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-62%)
Mutual labels:  imagenet, inception
PyTorch-Model-Compare
Compare neural networks by their feature similarity
Stars: ✭ 119 (+138%)
Mutual labels:  imagenet
alexnet-architecture.tensorflow
Unofficial TensorFlow implementation of "AlexNet" architecture.
Stars: ✭ 15 (-70%)
Mutual labels:  imagenet
ShapeTextureDebiasedTraining
Code and models for the paper Shape-Texture Debiased Neural Network Training (ICLR 2021)
Stars: ✭ 95 (+90%)
Mutual labels:  imagenet
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+448%)
Mutual labels:  imagenet
Tiny-Imagenet-200
🔬 Some personal research code on analyzing CNNs. Started with a thorough exploration of Stanford's Tiny-Imagenet-200 dataset.
Stars: ✭ 68 (+36%)
Mutual labels:  imagenet
lambda.pytorch
PyTorch implementation of Lambda Network and pretrained Lambda-ResNet
Stars: ✭ 54 (+8%)
Mutual labels:  imagenet
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (+40%)
Mutual labels:  imagenet
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+758%)
Mutual labels:  imagenet
Adversarial-Examples-in-PyTorch
Pytorch code to generate adversarial examples on mnist and ImageNet data.
Stars: ✭ 112 (+124%)
Mutual labels:  imagenet
etiketai
Etiketai is an online tool designed to label images, useful for training AI models
Stars: ✭ 63 (+26%)
Mutual labels:  imagenet
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-16%)
Mutual labels:  imagenet
SKNet-PyTorch
Nearly Perfect & Easily Understandable PyTorch Implementation of SKNet
Stars: ✭ 62 (+24%)
Mutual labels:  imagenet
inception2
一个集审核、执行、备份及生成回滚语句于一身的MySQL自动化运维工具(inception) 的增强版本
Stars: ✭ 20 (-60%)
Mutual labels:  inception
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-78%)
Mutual labels:  imagenet

TensorFlow ImageNet

High performance (hopefully!) training of ImageNet TensorFlow Models.

This repository is a (shameful!) fork of the official TensorFlow benchmarks source. Whereas the latter provides a fully optimized TF benchmark on the imagenet dataset (yes, TF can be competitive with other frameworks in terms of speed!), it does not provide a full environment for obtaining the best trained models and reproducing SOTA results.

Hence, this fork focuses on providing a tested and complete implementation for training TF models on ImageNet (on deep learning stations, but also AWS P3 instances). More specifically, here are the main improvements / modifications compared to the original repo

  • No additional custom layer API. Use TF slim / Keras for models definition;
  • Support TF weight decay API instead of uniform L2-weight decay on every variable (which can lead a large drop of the final accuracy).
  • Support moving_average_decay, label_smoothing and gradient_clipping to improve accuracy;
  • VGG and Inception evaluation modes;
  • Additional information recorded in TensorBoard.

State-of-the art reproduction

An important aspect of this project is to be able to reproduce SOTA results reported in the literature. Having reliable baselines has become an important subject in modern Machine Learning as improvements reported in more recent articles are not necessarily due to the introduction of new architectures, but can also be induced by different hyperparameters and training setups.

Trained models

We have trained a couple of models to reproduce (or even improve!) results reported in the litterature. We are trying to focus on CNNs which can be used in multiple practical applications (e.g. MobileNets). Feel free to suggest some models you would to see in the following list!

Note that for relatively small models, the evaluation mode (VGG or Inception cropping) can have no negligeable impact on the top-1 and top-5 accuracies.

Publication Model Name Top-1 (VGG / Inception) Top-5 (VGG / Inception)
MobileNets v1 mobilenet_v1_relu 72.9 / 72.2 90.6 / 90.5
MobileNets v2 - Multiplier 1.0 mobilenet_v2_d1 72.1 / 71.4 90.5 / 90.1
MobileNets v2 - Multiplier 1.4 mobilenet_v2_d14 75.0 / 74.6 92.0 / 91.9

To evaluate a checkpoint, simply use the eval.py script as following:

DATASET_DIR=/media/datasets/datasets/imagenet/tfrecords/
python eval.py \
    --num_gpus=1 \
    --batch_size=50 \
    --data_dir=$DATASET_DIR \
    --data_name=imagenet \
    --data_subset=validation \
    --train_dir=./checkpoints/mobilenets/mobilenets_v1_relu.ckpt \
    --ckpt_scope=v/cg/:v0/cg/ \
    --eval_method=inception \
    --data_format=NHWC \
    --moving_average_decay=0.9999 \
    --model=mobilenet_v1_relu

Install

Dependencies

  • Git LFS (to get checkpoints)
  • TensorFlow

Prepare ImageNet

Download the training and evaluation archives to some DATA_DIR. Then, to convert to TFRecords files, simply used:

DATA_DIR=$HOME/imagenet-data
bazel build download_and_convert_imagenet
bazel-bin/download_and_convert_imagenet "${DATA_DIR}"

Training

Please refer to the documentation of every model for the details on training.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].