All Projects → cvjena → Cnn Models

cvjena / Cnn Models

Licence: bsd-2-clause
ImageNet pre-trained models with batch normalization for the Caffe framework

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Cnn Models

Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+164.23%)
Mutual labels:  resnet, imagenet, pretrained-models, vgg
Resnet Cifar10 Caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Stars: ✭ 161 (-54.65%)
Mutual labels:  caffe, resnet, vgg16
Imagenet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
Stars: ✭ 126 (-64.51%)
Mutual labels:  resnet, imagenet, vgg
Vgg16 Pytorch
VGG16 Net implementation from PyTorch Examples scripts for ImageNet dataset
Stars: ✭ 26 (-92.68%)
Mutual labels:  resnet, vgg16, vgg
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (-62.25%)
Mutual labels:  resnet, pretrained-models, vgg
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+254.37%)
Mutual labels:  caffe, resnet, imagenet
Resnet Imagenet Caffe
train resnet on imagenet from scratch with caffe
Stars: ✭ 105 (-70.42%)
Mutual labels:  caffe, resnet, imagenet
Senet Caffe
A Caffe Re-Implementation of SENet
Stars: ✭ 169 (-52.39%)
Mutual labels:  caffe, resnet, imagenet
neural-dream
PyTorch implementation of DeepDream algorithm
Stars: ✭ 110 (-69.01%)
Mutual labels:  vgg, resnet
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+121.97%)
Mutual labels:  imagenet, resnet
RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
Stars: ✭ 129 (-63.66%)
Mutual labels:  vgg, resnet
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 (-90.14%)
Mutual labels:  imagenet, pretrained-models
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-88.17%)
Mutual labels:  imagenet, resnet
Keras-CIFAR10
practice on CIFAR10 with Keras
Stars: ✭ 25 (-92.96%)
Mutual labels:  vgg, resnet
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (-22.25%)
Mutual labels:  imagenet, resnet
PyVGGFace
VGG-Face CNN descriptor in PyTorch.
Stars: ✭ 21 (-94.08%)
Mutual labels:  vgg, cnn-model
regnet.pytorch
PyTorch-style and human-readable RegNet with a spectrum of pre-trained models
Stars: ✭ 50 (-85.92%)
Mutual labels:  imagenet, pretrained-models
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+20.85%)
Mutual labels:  imagenet, pretrained-models
Faster-RCNN-TensorFlow
TensorFlow implementation of Faster RCNN for Object Detection
Stars: ✭ 13 (-96.34%)
Mutual labels:  vgg, resnet
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (-1.41%)
Mutual labels:  caffe, imagenet

CNN Models by CVGJ

Intro

This repository contains convolutional neural network (CNN) models trained on ImageNet by Marcel Simon at the Computer Vision Group Jena (CVGJ) using the Caffe framework as published in the accompanying technical report. Each model is in a separate subfolder and contains everything needed to reproduce the results. This repository focuses currently contains the batch-normalization-variants of AlexNet and VGG19 as well as the training code for Residual Networks (Resnet).

How to use

No mean subtraction is required for the pre-trained models! We have a batch-normalization layer which basically does the same.

The pre-trained models can be obtained by the download link written in model_download_link.txt.

If you want to train on your own dataset, simply execute caffe train --solver train.solver --gpu 0 2> train.log to start the training and write the output to the log file train.log. Please note, that we pre-scaled all images of the dataset such that the smaller side has a length of 256 pixels while keeping the aspect ratio. You can use convert input.jpg -resize 256x256^ output.jpg to convert the images using the command line.

To evaluate the final model, execute caffe train --solver test.solver --gpu 0 2> test.log.

Accuracy on ImageNet

Single-crop error rates on the validation set of the ILSVRC 2012--16 classification task.

Model Top-1 error (vs. original) Top-5 error (vs. original)
AlexNet_cvgj 39.9% (vs. 42.6%) 18.1% (vs. 19.6%)
VGG19_cvgj 26.9% (vs. 28.7%) 8.8% (vs. 9.9%)
ResNet10_cvgj 36.1% 14.8%
ResNet50_cvgj 24.6% (vs. 24.7%) 7.6% (vs. 7.8%)

Citation

Please cite the following technical report if our models helped your research:

@article{simon2016cnnmodels,
  Author = {Simon, Marcel and Rodner, Erik and Denzler, Joachim},
  Journal = {arXiv preprint arXiv:1612.01452},
  Title = {ImageNet pre-trained models with batch normalization},
  Year = {2016}
}

The report also contains an overview and analysis of the models shown here.

Appendix: convergence plots

AlexNet_cvgj

Convergence plot of AlexNet with batch normalization

VGG19_cvgj

Convergence plot of AlexNet with batch normalization

ResNet10_cvgj

Convergence plot of AlexNet with batch normalization

Further details

Please see the accompanying technical report for further information about the models and the training procedure:

@article{simon2016cnnmodels,
  Author = {Simon, Marcel and Rodner, Erik and Denzler, Joachim},
  Journal = {arXiv preprint arXiv:1612.01452},
  Title = {ImageNet pre-trained models with batch normalization},
  Year = {2016}
}

License and support

The models are released under BSD 2-clause license allowing both academic and commercial use. I would appreciate if you give credit to this work by citing our paper in academic works and referencing to this Github repository in commercial works. If you need any support, please open an issue or contact Marcel Simon.

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].