All Projects → taki0112 → Senet Tensorflow

taki0112 / Senet Tensorflow

Licence: mit
Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Senet Tensorflow

Keras Idiomatic Programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Stars: ✭ 720 (+5.57%)
Mutual labels:  densenet, inception, resnext
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+84.46%)
Mutual labels:  inception, resnext
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+1119.65%)
Mutual labels:  inception, resnext
Cifar Zoo
PyTorch implementation of CNNs for CIFAR benchmark
Stars: ✭ 584 (-14.37%)
Mutual labels:  densenet, resnext
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (-53.96%)
Mutual labels:  densenet, inception
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (-45.16%)
Mutual labels:  densenet, resnext
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+424.19%)
Mutual labels:  densenet, resnext
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+37.54%)
Mutual labels:  densenet, resnext
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-42.08%)
Mutual labels:  densenet, resnext
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+43.99%)
Mutual labels:  densenet, inception
Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (-81.23%)
Mutual labels:  densenet, resnext
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+85.92%)
Mutual labels:  densenet, resnext
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+255.28%)
Mutual labels:  densenet, resnext
Densenet Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
Stars: ✭ 490 (-28.15%)
Mutual labels:  densenet
Gather Deployment
Gathers scalable tensorflow and infrastructure deployment
Stars: ✭ 326 (-52.2%)
Mutual labels:  inception
Inceptiontime
InceptionTime: Finding AlexNet for Time Series Classification
Stars: ✭ 311 (-54.4%)
Mutual labels:  inception
Dogs vs cats
猫狗大战
Stars: ✭ 570 (-16.42%)
Mutual labels:  inception
Awesome Very Deep Learning
♾A curated list of papers and code about very deep neural networks
Stars: ✭ 435 (-36.22%)
Mutual labels:  densenet
Pytorch Hardnet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Stars: ✭ 293 (-57.04%)
Mutual labels:  densenet
Tensorflow Model Zoo.torch
InceptionV3, InceptionV4, Inception-Resnet pretrained models for Torch7 and PyTorch
Stars: ✭ 280 (-58.94%)
Mutual labels:  inception

SENet-Tensorflow

Simple Tensorflow implementation of Squeeze Excitation Networks using Cifar10

I implemented the following SENet

If you want to see the original author's code, please refer to this link

Requirements

  • Tensorflow 1.x
  • Python 3.x
  • tflearn (If you are easy to use global average pooling, you should install tflearn)

Issue

Image_size

  • In paper, experimented with ImageNet
  • However, due to image size issues in Inception network, so I used zero padding for the Cifar10
input_x = tf.pad(input_x, [[0, 0], [32, 32], [32, 32], [0, 0]]) # size 32x32 -> 96x96

NOT ENOUGH GPU Memory

  • If not enough GPU memory, Please edit the code
with tf.Session() as sess : NO
with tf.Session(config=tf.ConfigProto(allow_soft_placement=True)) as sess : OK

Idea

What is the "SE block" ?

senet

def Squeeze_excitation_layer(self, input_x, out_dim, ratio, layer_name):
    with tf.name_scope(layer_name) :
        squeeze = Global_Average_Pooling(input_x)

        excitation = Fully_connected(squeeze, units=out_dim / ratio, layer_name=layer_name+'_fully_connected1')
        excitation = Relu(excitation)
        excitation = Fully_connected(excitation, units=out_dim, layer_name=layer_name+'_fully_connected2')
        excitation = Sigmoid(excitation)

        excitation = tf.reshape(excitation, [-1,1,1,out_dim])

        scale = input_x * excitation

        return scale

How apply ? (Inception, Residual)

 

How "Reduction ratio" should I set?

reduction

  • original refers to ResNet-50

ImageNet Results

Benefits against Network Depth

depth

Incorporation with Modern Architecture

incorporation

Comparison with State-of-the-art

compare

Cifar10 Results

Will be soon

Related works

Reference

Author

Junho Kim

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