All Projects → yihui-he → Resnet Imagenet Caffe

yihui-he / Resnet Imagenet Caffe

Licence: mit
train resnet on imagenet from scratch with caffe

Programming Languages

shell
77523 projects

Projects that are alternatives of or similar to Resnet Imagenet Caffe

Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+238.1%)
Mutual labels:  caffe, resnet, imagenet
Senet Caffe
A Caffe Re-Implementation of SENet
Stars: ✭ 169 (+60.95%)
Mutual labels:  caffe, resnet, imagenet
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+1098.1%)
Mutual labels:  caffe, resnet, imagenet
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (+233.33%)
Mutual labels:  caffe, imagenet
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+650.48%)
Mutual labels:  imagenet, resnet
Php Opencv Examples
Tutorial for computer vision and machine learning in PHP 7/8 by opencv (installation + examples + documentation)
Stars: ✭ 333 (+217.14%)
Mutual labels:  caffe, imagenet
caffe-wrn-generator
Caffe Wide-Residual-Network (WRN) Generator
Stars: ✭ 19 (-81.9%)
Mutual labels:  caffe, resnet
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+1107.62%)
Mutual labels:  resnet, imagenet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+406.67%)
Mutual labels:  resnet, imagenet
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+566.67%)
Mutual labels:  caffe, imagenet
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-53.33%)
Mutual labels:  resnet, imagenet
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-60%)
Mutual labels:  imagenet, 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 (+162.86%)
Mutual labels:  imagenet, resnet
Stochastic-Quantization
Training Low-bits DNNs with Stochastic Quantization
Stars: ✭ 70 (-33.33%)
Mutual labels:  caffe, imagenet
Imagenet resnet tensorflow2.0
Train ResNet on ImageNet in Tensorflow 2.0; ResNet 在ImageNet上完整训练代码
Stars: ✭ 42 (-60%)
Mutual labels:  resnet, imagenet
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+7821.9%)
Mutual labels:  resnet, imagenet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+543.81%)
Mutual labels:  resnet, imagenet
SAN
[ECCV 2020] Scale Adaptive Network: Learning to Learn Parameterized Classification Networks for Scalable Input Images
Stars: ✭ 41 (-60.95%)
Mutual labels:  imagenet, resnet
PyTorch-LMDB
Scripts to work with LMDB + PyTorch for Imagenet training
Stars: ✭ 49 (-53.33%)
Mutual labels:  imagenet, resnet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+793.33%)
Mutual labels:  resnet, imagenet

train ResNet on ImageNet with Caffe

All models are trained on 4 GPUs with a minibatch size of 128. Testing is turned off during training due to memory limit(at least 12GB is require). The LMDB data is obtained from the official caffe imagenet tutorial

To train a network, use train.sh. For example, train resnet-50 with gpu 0,1,2,3:

#set caffe path in train.sh
mkdir resnet_50/logs
mkdir resnet_50/snapshot
./train.sh 0,1,2,3 resnet_50 resnet_50_

For better training results, please install my Caffe fork, since the official Caffe ImageData layer doesn't support original paper's augmentation (resize shorter side to 256 then crop to 224x224). Use my 224x224 mean image bgr.binaryproto accordingly
See resnet_50/ResNet-50-test.prototxt ImageData layer for details

Citation

If you find the code useful in your research, please consider citing:

@InProceedings{He_2017_ICCV,
author = {He, Yihui and Zhang, Xiangyu and Sun, Jian},
title = {Channel Pruning for Accelerating Very Deep Neural Networks},
booktitle = {The IEEE International Conference on Computer Vision (ICCV)},
month = {Oct},
year = {2017}
}

resnet-50

use resnet_50/ResNet-50-test.prototxt for training and validation
(new) We've release a 2X accelerated ResNet-50 caffemodel using channel-pruning

resnet-32

This is a bottleneck architecture,
Since there's no strong data augmentation and 10-crop test in caffe, the results maybe a bit low.
test accuracy: [email protected] = 0.67892, [email protected] = 0.88164
training loss for resnet-32 is shown below:
the trained model is provided in release a

Other models on Caffe

Xception-Caffe
ResNet-Cifar10-Caffe

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