• Stars
    star
    150
  • Rank 247,323 (Top 5 %)
  • Language
  • Created almost 8 years ago
  • Updated almost 4 years ago

Reviews

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

Repository Details

CNN-heatmap


1. Visualizing and Understanding Convolutional Networks
https://arxiv.org/pdf/1311.2901v3.pdf
https://neukom.dartmouth.edu/docs/bbat-wacv2016.pdf
http://cs231n.github.io/understanding-cnn/

2. Net surgery trick
http://cs231n.github.io/convolutional-networks/#convert
https://github.com/BVLC/caffe/blob/master/examples/net_surgery.ipynb

https://leonardoaraujosantos.gitbooks.io/artificial-inteligence/content/image_segmentation.html
https://arxiv.org/pdf/1502.02766v3.pdf
https://arxiv.org/pdf/1411.4038v2.pdf
http://www.cv-foundation.org/openaccess/content_cvpr_2015/papers/Long_Fully_Convolutional_Networks_2015_CVPR_paper.pdf
https://arxiv.org/pdf/1605.06211v1.pdf

`convert fully connected layers to their
    equivalent convolutional layers, since the weights are the same and only
    the shapes are different.`

3. Global average pooling layer
Network In Network
https://arxiv.org/pdf/1312.4400.pdf

4. Learning Deep Features for Discriminative Localization
http://cnnlocalization.csail.mit.edu/
https://github.com/jacobgil/keras-cam

5. Grad-CAM: Gradient-weighted Class Activation Mapping
https://github.com/ramprs/grad-cam
http://gradcam.cloudcv.org/
https://arxiv.org/pdf/1610.02391v2.pdf

6. Is object localization for free? – Weakly Supervised Object Recognition with Convolutional Neural Networks
http://www.di.ens.fr/willow/research/weakcnn/
http://www.di.ens.fr/willow/research/cnn/

Additional:


1. Deep Inside Convolutional Networks: Visualising Image Classification Models and Saliency Maps
https://arxiv.org/pdf/1312.6034v2.pdf

2. Top-down NeuralAttention by Excitation Backprop (c-MWP)
https://arxiv.org/pdf/1608.00507v1.pdf
http://cs-people.bu.edu/jmzhang/excitationbp.html

3. Paying More Attention to Attention: Improving the Performance of Convolutional Neural Networks via Attention Transfer
https://arxiv.org/pdf/1612.03928v1.pdf
https://github.com/szagoruyko/attention-transfer

4. Visualizing Deep Neural Network Decisions: Prediction Difference Analysis
https://openreview.net/pdf?id=BJ5UeU9xx
https://github.com/lmzintgraf/DeepVis-PredDiff
A New Method to Visualize Deep Neural Networks
https://icmlviz.github.io/assets/papers/23.pdf

5. Self-Taught Object Localization with Deep Network
https://arxiv.org/pdf/1409.3964.pdf

6. Shallow and Deep Convolutional Networks for Saliency Prediction
https://github.com/imatge-upc/saliency-2016-cvpr

Keras codebase:

https://github.com/raghakot/keras-vis

Oclusion based technique:
https://github.com/waleedka/cnn-visualization/blob/master/cnn_visualization.ipynb

Net surgery trick:
https://github.com/heuritech/convnets-keras

GAP-CAM
https://github.com/alexisbcook/ResNetCAM-keras/
https://github.com/jacobgil/keras-cam
https://github.com/tdeboissiere/VGG16CAM-keras
https://github.com/keras-team/keras/blob/0cfa5c2709906a7a76f552f71a562f899e408695/examples/class_activation_maps.py

Grad-CAM
https://github.com/jacobgil/keras-grad-cam
https://github.com/hiveml/tensorflow-grad-cam

https://raghakot.github.io/keras-vis/visualizations/attention/

https://github.com/mlhy/ResNet-50-for-Cats.Vs.Dogs

Tensorflow codebase:

GAP
https://github.com/sjchoi86/tensorflow-101/blob/master/notebooks/gap_mnist.ipynb

GAP-CAM
https://github.com/jazzsaxmafia/Weakly_detector

Grad-CAM
https://github.com/Ankush96/grad-cam.tensorflow

PyTorch codebase:

Grad-CAM
https://github.com/kazuto1011/grad-cam-pytorch
https://github.com/jacobgil/pytorch-grad-cam

GAP-CAM
https://github.com/metalbubble/CAM/blob/master/pytorch_CAM.py

SPN
https://github.com/yeezhu/SPN.pytorch

https://github.com/utkuozbulak/pytorch-cnn-visualizations

https://github.com/jacobgil/pytorch-explain-black-box

Regression Activation Map https://github.com/cauchyturing/kaggle_diabetic_RAM

Other

https://github.com/metalbubble/cnnvisualizer

https://github.com/InFoCusp/tf_cnnvis

https://github.com/ppwwyyxx/tensorpack/tree/master/examples/Saliency

https://github.com/InFoCusp/tf_cnnvis

https://github.com/keplr-io/quiver

https://jacobgil.github.io/deeplearning/vehicle-steering-angle-visualizations
https://jacobgil.github.io/deeplearning/class-activation-maps

https://jacobgil.github.io/deeplearning/filter-visualizations
https://jacobgil.github.io/computervision/saliency-from-backproj

https://github.com/CSAILVision/NetDissect

https://medium.com/merantix/picasso-a-free-open-source-visualizer-for-cnns-d8ed3a35cfc5

https://github.com/CSAILVision/NetDissect
http://netdissect.csail.mit.edu/

https://github.com/imatge-upc/saliency-salgan-2017

http://imatge-upc.github.io/saliency-2016-cvpr/
https://github.com/imatge-upc/saliency-2016-cvpr

https://openreview.net/pdf?id=SkfMWhAqYQ

https://thegradient.pub/a-visual-history-of-interpretation-for-image-recognition/
https://thegradient.pub/interpretability-in-ml-a-broad-overview/

Visualization:

https://github.com/shaohua0116/Activation-Visualization-Histogram

To look at:

http://blog.qure.ai/notes/visualizing_deep_learning
https://github.com/utkuozbulak/pytorch-cnn-visualizations
https://github.com/fornaxai/receptivefield

More Repositories

1

awesome-semantic-segmentation

🀘 awesome-semantic-segmentation
10,438
star
2

Face-Swap

Face swapping, Image morphing, Image warping.
549
star
3

Face-landmarks-detection-benchmark

Face landmarks(fiducial points) detection benchmark
371
star
4

Network-Speed-and-Compression

Network acceleration methods
177
star
5

Kaggle-Computer-Vision-Competitions-List

List of Kaggle competitions in the field of Computer Vision
171
star
6

kaggle-dogs-vs-cats-caffe

Kaggle dogs vs cats solution in Caffe
Python
107
star
7

keras-semantic-segmentation-example

Example of semantic segmentation in Keras
Python
56
star
8

skin-detection-example

Simple pixelwise skin detection using classification tree.
Python
29
star
9

Deep-learning-on-EC2

Deep learning on EC2 AWS
28
star
10

MNIST-dataset-in-different-formats

Just a MNIST dataset in different formats
Python
24
star
11

CNN-detector-evaluation

CNN detector evaluation
20
star
12

Transfer-Learning

tags: transfer learning, domain adaptation, finetuning, one-shot learning, zero-shot learning.
18
star
13

Kaggle-Facial-Keypoints-Detection-Solutions

Kaggle Facial Keypoints Detection Solutions
Python
15
star
14

Kaggle-Sea-Lions-Solution

NOAA Fisheries Steller Sea Lion Population Count
Python
13
star
15

Face-search-server

13
star
16

Large-Scale-Linear-Classification

Large Scale Linear Classification Methods Evaluation
8
star
17

FDDB-Dataset-Evaluation

FDDB Dataset Evaluation
8
star
18

Dancing-around-hamming-distance

Messing around hamming distance.
8
star
19

Unsupervised-joint-alignment-of-complex-images

Just a github copy of http://vis-www.cs.umass.edu/code/congealingcomplex/
C++
7
star
20

char-sequence-recognition-example

End-to-end char sequence recognition in Keras
Python
6
star
21

Dancing-around-Autoencoders

5
star
22

Tensorflow-Related-List

Tensorflow related examples, tutorials, projects list.
5
star
23

Linear-SVM-and-HOG

Implementation of linear SVM and HOG
4
star
24

CPP-tips-tricks-and-idioms

C++ tips tricks and idioms
4
star
25

Video-Stabilization-Example

Python
3
star
26

picasa_ini_reader

Reading Picasa *.ini files in C#.
C#
3
star
27

LFW-Evaluation

Evaluation of Labeled Faces in the Wild (LFW Face Database).
Python
3
star
28

Caffe-snippets

Caffe .prototxt, logs, code snippets for pursonal usage only, nothing intersting.
Shell
2
star
29

Face-Recognition-Evaluation

2
star
30

parallel-image-resizer

Python
2
star
31

Deep-Benchmark-List

Convolutional Neural Network benchmark
2
star
32

GAN-Related-List

2
star
33

List-of-finished-projects

List of finished projects and long term ongoing projects.
2
star
34

PCA-and-SVD-Evaluation

PCA and SVD Evaluation
2
star
35

Kaggle-NLP-Competitions-List

2
star
36

fully-convolutional-example

Jupyter Notebook
2
star
37

3D-Face-Related-List

1
star
38

SurfCascade

SURF Cascade based on opencv_traincascade
C
1
star
39

GradientDomainCloning

Python
1
star
40

blob-counting-example

Example of CNN for blob counting
Python
1
star
41

Texture-Classification-Evaluation

Texture Classification Evaluation
1
star
42

LBP-and-LBT

Local Binary Pattern and Local Binary Test features related materials.
1
star
43

PyTorch-Related-List

1
star
44

Face-normalization

Evaluation of different method for face normalization
1
star
45

random_code_samples

Python
1
star
46

Gradient-Descent-Evaluation

Gradient Descent Algorithms Benchmark
1
star