All Projects → deep-diver → AlexNet

deep-diver / AlexNet

Licence: other
AlexNet model from ILSVRC 2012

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to AlexNet

tensorflow alexnet classify
tensorflow_alexnet_classify (details http://www.cnblogs.com/vipyoumay/p/7686230.html)
Stars: ✭ 102 (+191.43%)
Mutual labels:  alexnet
CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
Stars: ✭ 49 (+40%)
Mutual labels:  alexnet
tensorflow-classification-network
实现遇到的分类网络(持续更新)
Stars: ✭ 19 (-45.71%)
Mutual labels:  alexnet
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+108.57%)
Mutual labels:  alexnet
SpeechEmoRec
Speech Emotion Recognition Using Deep Convolutional Neural Network and Discriminant Temporal Pyramid Matching
Stars: ✭ 44 (+25.71%)
Mutual labels:  alexnet
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+9774.29%)
Mutual labels:  alexnet
srVAE
VAE with RealNVP prior and Super-Resolution VAE in PyTorch. Code release for https://arxiv.org/abs/2006.05218.
Stars: ✭ 56 (+60%)
Mutual labels:  cifar-10
DeepNetModel
记录每一个常用的深度模型结构的特点(图和代码)
Stars: ✭ 25 (-28.57%)
Mutual labels:  alexnet
AgeEstimateAdience
Age and Gender Estimation Using Convolutional Neural Network
Stars: ✭ 42 (+20%)
Mutual labels:  alexnet
alexnet
custom implementation alexnet with tensorflow
Stars: ✭ 21 (-40%)
Mutual labels:  alexnet
AU Recognition
AU_Recognition based on CKPlus/CK database
Stars: ✭ 21 (-40%)
Mutual labels:  alexnet
Near-Duplicate-Video-Detection
Detecting near-duplicate videos by aggregating features from intermediate CNN layers
Stars: ✭ 90 (+157.14%)
Mutual labels:  alexnet
alexnet-pytorch
Pytorch Implementation of AlexNet
Stars: ✭ 87 (+148.57%)
Mutual labels:  alexnet
miopen-benchmark
benchmarking miopen
Stars: ✭ 17 (-51.43%)
Mutual labels:  alexnet
image space
Interactive Image similarity and Visual Search and Retrieval application
Stars: ✭ 91 (+160%)
Mutual labels:  alexnet
visual-search
A toy project for visual search, based on deep learning.
Stars: ✭ 45 (+28.57%)
Mutual labels:  alexnet
AD Prediction
Alzheimer's Disease Prediction by using ResNet, AlexNet
Stars: ✭ 118 (+237.14%)
Mutual labels:  alexnet
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+117.14%)
Mutual labels:  cifar-10
Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
Stars: ✭ 66 (+88.57%)
Mutual labels:  cifar-10
C2D
PyTorch implementation of "Contrast to Divide: self-supervised pre-training for learning with noisy labels"
Stars: ✭ 59 (+68.57%)
Mutual labels:  cifar-10

AlexNet in TensorFlow

This repository comes with AlexNet's implementation in TensorFlow. AlexNet is the winner of the ILSVRC-2012 Competition.

The original model introduced in the paper used two separate GPUs for architecturing. That was due to the lack of GPU resources (memory) at the time. Because the limitation is no longer applicable for the current GPU technology for the AlexNet, this repository's implementation merged two separate models allocated into two separate GPUs into one.

AlexNet Architecture

Required Packages

  • scikit-images
  • pickle
  • tqdm
  • numpy
  • tensorflow-gpu (>1.7)

Usage

  • From command line
    • Will download CIFAR-10 dataset and pre-processing of it, and run the training on AlexNet. It will produce the checkpoint file for performing inference later.
python alexnet.py
  • From source code
    • Same behaviour as from the command line.
import cifar10_utils
from alexnet import AlexNet

...
valid_set = (valid_features, valid_labels)
...

alexNet = AlexNet('cifar10', learning_rate=0.0001)
alexNet.train(epochs=20, 
              batch_size=128, 
              valid_set=valid_set, 
              save_model_path='./model')

Experiment on CIFAR-10 dataset

  • Environment

    • Floydhub GPU2 instance (1 x Tesla V100)
  • Approximate running time

    • 1 hour 45 mins
  • Hyperparameters

    • Learning rate: 0.00005
    • Epochs: 18
    • Batch size: 64
  • Test Accuracy: 0.6548566878980892

Experiment Result

Resources

  • alexnet.py : Providing AlexNet class implementation
  • cifar10_utils.py : Providing handy functions to download and preprocess CIFAR-10 dataset
  • AlexNet.pdf : My own summary focused on implementation detail
  • AlexNet.ipynb : Experimental workflow code on CIFAR-10 dataset
  • External Checkpoint files
    • providing pre-trained checkpoint file on CIFAR-10 dataset
    • Download Link

Overall Architecture

1. Input Layer of Image Size (224 x 224 x 3)

2. Convolutional Layer (96 x (11 x 11 x 3)) + stride size of 4

  • Bias with constant value of 1
  • ReLU Activation
  • Local Response Normalization
  • Max Pooling (Overlapping Pooling)

3. Convolutional Layer (256 x (5 x 5 x 48))

  • ReLU Activation
  • Local Response Noramlization
  • Max Pooling (Overlapping Pooling)

4. Convolutional Layer (384 x (3 x 3 x 128))

  • Bias with constant value of 1

5. Convolutional Layer (384 x (3 x 3 x 192))

  • Bias with constant value of 1

6. Convolutional Layer (256 x (3 x 3 x 192))

  • Max Pooling (Overlapping Pooling)

7. Fully Connected Layer (4096)

  • Bias with constant value of 1
  • Dropout

8. Fully Connected Layer (4096)

  • Bias with constant value of 1
  • Dropout

9. Fully Connected Layer (1000)

Training

  • Optimizer (Implementation) : AdamOptimizer

References

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