All Projects → shicai → Senet Caffe

shicai / Senet Caffe

Licence: bsd-3-clause
A Caffe Re-Implementation of SENet

Projects that are alternatives of or similar to Senet Caffe

Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+644.38%)
Mutual labels:  caffe, resnet, imagenet
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+110.06%)
Mutual labels:  caffe, resnet, imagenet
Resnet Imagenet Caffe
train resnet on imagenet from scratch with caffe
Stars: ✭ 105 (-37.87%)
Mutual labels:  caffe, resnet, imagenet
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+4821.89%)
Mutual labels:  resnet, imagenet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-3.55%)
Mutual labels:  resnet, imagenet
Imagenet resnet tensorflow2.0
Train ResNet on ImageNet in Tensorflow 2.0; ResNet 在ImageNet上完整训练代码
Stars: ✭ 42 (-75.15%)
Mutual labels:  resnet, imagenet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+214.79%)
Mutual labels:  resnet, imagenet
Mobilenet Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
Stars: ✭ 1,217 (+620.12%)
Mutual labels:  caffe, imagenet
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-71.01%)
Mutual labels:  caffe, resnet
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+650.3%)
Mutual labels:  resnet, imagenet
Pyramidnet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
Stars: ✭ 121 (-28.4%)
Mutual labels:  resnet, imagenet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+455.03%)
Mutual labels:  resnet, imagenet
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+314.2%)
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 (-71.01%)
Mutual labels:  resnet, imagenet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+300%)
Mutual labels:  resnet, imagenet
Ir Net
This project is the PyTorch implementation of our accepted CVPR 2020 paper : forward and backward information retention for accurate binary neural networks.
Stars: ✭ 119 (-29.59%)
Mutual labels:  resnet, imagenet
Resnet On Cifar10
Reimplementation ResNet on cifar10 with caffe
Stars: ✭ 123 (-27.22%)
Mutual labels:  caffe, resnet
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (+107.1%)
Mutual labels:  caffe, imagenet
Pytorch Imagenet Cifar Coco Voc Training
Training examples and results for ImageNet(ILSVRC2012)/CIFAR100/COCO2017/VOC2007+VOC2012 datasets.Image Classification/Object Detection.Include ResNet/EfficientNet/VovNet/DarkNet/RegNet/RetinaNet/FCOS/CenterNet/YOLOv3.
Stars: ✭ 130 (-23.08%)
Mutual labels:  resnet, imagenet
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 (-25.44%)
Mutual labels:  resnet, imagenet

SENet-Caffe

Introduction

This is a Caffe implementation of Squeeze-and-Excitation Networks (SENet). For details, please read the original slides:

For offical implementations, please check this repo SENet.

Pretrained Models on ImageNet

Here we provide a pretrained SE-ResNet-50 model on ImageNet, which achieves slightly better accuracy rates than the original one reported in the official repo. You can use the official bvlc caffe to run this model without any modifications.

The top-1/5 accuracy rates by using single center crop (crop size: 224x224, image size: 256xN):

Network Top-1 Top-5 Download Architecture
SE-ResNet-50 78.01 94.21 caffemodel (107 MB) netscope, netron

For your convenience, we also provide a link to this model on Baidu Disk.

Notes

  • BGR mean values [103.94,116.78,123.68] are subtracted
  • scale: 0.017 is used as std values for image preprocessing
  • Images labels are the same as fb.resnet.torch. We also provide synset.txt, which can be found here.
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].