• Stars
    star
    361
  • Rank 117,184 (Top 3 %)
  • Language
    Python
  • License
    BSD 2-Clause "Sim...
  • Created almost 8 years ago
  • Updated almost 7 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

ImageNet pre-trained models with batch normalization for the Caffe framework

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.

More Repositories

1

semantic-embeddings

Hierarchy-based Image Embeddings for Semantic Image Retrieval
Python
264
star
2

cn24

Convolutional (Patch) Networks for Semantic Segmentation
C++
123
star
3

darknet

Extension of the public darknet repository with additional features and code improvements for YOLO.
C
119
star
4

artos

Adaptive Real-Time Object Detection System with HOG and CNN Features
C++
67
star
5

libmaxdiv

Implementation of the Maximally Divergent Intervals algorithm for Anomaly Detection in multivariate spatio-temporal time-series.
C++
61
star
6

alpha_pooling

Code for our paper "Generalized Orderless Pooling Performs Implicit Salient Matching" published at ICCV 2017.
Jupyter Notebook
49
star
7

part_constellation_models

Code for the ICCV 2015 paper "Neural Activation Constellations: Unsupervised Part Model Discovery with Convolutional Networks."
MATLAB
47
star
8

eu-flood-dataset

Dataset with images from the central European flood 2013 for usage in the context of context-based image retrieval.
39
star
9

Felzenszwalb-Segmentation

An easy-to-use Matlab wrapper around the original felzenszwalb segmentation code
C++
26
star
10

deic

Benchmark for Data-Efficient Image Classification
Jupyter Notebook
23
star
11

chimpanzee_faces

Two datasets of chimpanzee faces with curated meta data such as age, gender, and identity.
MATLAB
21
star
12

labelmefacade

LabelMeFacade Dataset
Perl
20
star
13

PartDetectorDisovery

Code of the paper "Part Detector Discovery in Deep Convolutional Neural Networks" by Marcel Simon, Erik Rodner and Joachim Denzler
Python
17
star
14

ITAL

Information-Theoretic Active Learning
Python
14
star
15

cifair

A duplicate-free variant of the CIFAR test set.
Python
14
star
16

finegrained-cvpr2014

Nonparametric part-transfer for fine-grained recognition
MATLAB
13
star
17

activeLearning-GP

This repo contains active learning query strategies as introduced in our GCPR 2013 paper.
MATLAB
11
star
18

aid

Automatic Query Image Disambiguation (AID)
Python
11
star
19

nice-core

Computer vision library with interfaces for IPP and LinAL
C++
11
star
20

ecuador-moths

Images of Ecuador Moths for Fine-grained Recognition
11
star
21

gp-hik-core

Fast Gaussian process inference with HIK
C++
10
star
22

bowInversion

Visualizing quantization effects in common bag-of-visual-words representations fro images.
MATLAB
10
star
23

local_novelty_detection

Local learning for novelty detection
MATLAB
9
star
24

whoGeneric

Generic version of WHO for object detection with LDA models
MATLAB
9
star
25

caffe_pp

Modified version of the caffe CNN framework (https://github.com/BVLC/caffe).
C++
8
star
26

analyzing-chimpanzees

several tasks with chimpanzees, e.g., age recognition, identification, gender prediction, etc.
MATLAB
8
star
27

patchDiscovery

Discover (discriminative) mid-level patches in an (un-)supervised manner.
MATLAB
7
star
28

twitter-flood-dataset

A dataset of images posted on Twitter with flood-related keywords, annotated according to their relevance regarding flood impact analysis.
Jupyter Notebook
7
star
29

caffe_pp2

Custom caffe with signed power, compact bilinear and spatial transformer layer.
C++
6
star
30

chiasmus-annotations

Python
3
star
31

knfst

Kernel Null Foley-Sammon Transform for Novelty Detection
MATLAB
3
star
32

JeFaPaTo

JeFaPaTo - A tool for the analysis of facial features
Python
3
star
33

chiasmus-detector

Python
2
star
34

nee-partitioning

A data-driven approach to partitioning net ecosystem exchange (NEE) using a deep state space model DeepState
Jupyter Notebook
2
star
35

cn24-active

Code for "Active Learning for Deep Object Detection"
C++
2
star
36

moth_scanner_demo

Jupyter Notebook
2
star
37

4DPADCurvAnalysis

Implementation of the 4D curvature analysis for facial behavior analysis using a single Intel RealSense camera.
C++
2
star
38

costarica-moths

Image Dataset of Costa-Rica Moths for Fine-grained Recognition
Shell
1
star
39

scalebar

Python
1
star
40

corc

Computation of Radial Curves
Python
1
star
41

blob_detector

Python
1
star
42

gpapprox

Diagonal Gaussian process approximations
MATLAB
1
star
43

liblinearwrapper

MATLAB
1
star
44

caffe_tools

Matlab wrapper functionality for recent Caffe layout
MATLAB
1
star
45

fve_experiments

Jupyter Notebook
1
star
46

electromyogram

This is a small python package to create a Electromyogram (EMG) plots for facial muscles.
Python
1
star
47

mdi-attribution

This repository contains the source code for the method described in the following publication: Anomaly Attribution of Multivariate Time-Series using Counterfactual Reasoning
Jupyter Notebook
1
star
48

face-projection

This projects main goal is to have a simple library to project information into faces while retaining the facial structure.
Jupyter Notebook
1
star
49

ESPBM

Eye State Prototype Blink Matching
Jupyter Notebook
1
star
50

GradStats4PINNs

This repository contains code accompanying the paper "Gradient statistics based multi-objective optimization in Physics Informed Neural Networks"
Jupyter Notebook
1
star
51

mvlm

Multi-view 3D facial landmarking
Python
1
star