All Projects → insikk → Grad Cam Tensorflow

insikk / Grad Cam Tensorflow

tensorflow implementation of Grad-CAM (CNN visualization)

Projects that are alternatives of or similar to Grad Cam Tensorflow

Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-25.29%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, resnet, vgg16
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+71.65%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, vgg16
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+435.25%)
Mutual labels:  jupyter-notebook, resnet, vgg16
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+4.21%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, resnet
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-58.24%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, resnet
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-27.97%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Atari Model Zoo
A binary release of trained deep reinforcement learning models trained in the Atari machine learning benchmark, and a software release that enables easy visualization and analysis of models, and comparison across training algorithms.
Stars: ✭ 198 (-24.14%)
Mutual labels:  jupyter-notebook, machinelearning
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-23.37%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Style transfer
CNN image style transfer 🎨.
Stars: ✭ 210 (-19.54%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Capsnet Traffic Sign Classifier
A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
Stars: ✭ 166 (-36.4%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Image To 3d Bbox
Build a CNN network to predict 3D bounding box of car from 2D image.
Stars: ✭ 200 (-23.37%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Tfwss
Weakly Supervised Segmentation with Tensorflow. Implements instance segmentation as described in Simple Does It: Weakly Supervised Instance and Semantic Segmentation, by Khoreva et al. (CVPR 2017).
Stars: ✭ 212 (-18.77%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Bet On Sibyl
Machine Learning Model for Sport Predictions (Football, Basketball, Baseball, Hockey, Soccer & Tennis)
Stars: ✭ 190 (-27.2%)
Mutual labels:  jupyter-notebook, machinelearning
Pytorch Vae
A CNN Variational Autoencoder (CNN-VAE) implemented in PyTorch
Stars: ✭ 181 (-30.65%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (-35.25%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Raspberrypi Facedetection Mtcnn Caffe With Motion
MTCNN with Motion Detection, on Raspberry Pi with Love
Stars: ✭ 204 (-21.84%)
Mutual labels:  jupyter-notebook, machinelearning
Tensorflow 101
TensorFlow Tutorials
Stars: ✭ 2,565 (+882.76%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Fusenet
Deep fusion project of deeply-fused nets, and the study on the connection to ensembling
Stars: ✭ 230 (-11.88%)
Mutual labels:  jupyter-notebook, resnet
Text Classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Stars: ✭ 239 (-8.43%)
Mutual labels:  jupyter-notebook, machinelearning
Stanford Cs231
Resources for students in the Udacity's Machine Learning Engineer Nanodegree to work through Stanford's Convolutional Neural Networks for Visual Recognition course (CS231n).
Stars: ✭ 249 (-4.6%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks

Grad-CAM-tensorflow

NOTE: There is another awesome visualization of CNN called CNN-Fixations, which involvs only forward pass. Demo code is available for Caffe and Tensorflow ResNet, Vgg. Please check it out.

This is tensorflow version of demo for Grad-CAM. I used ResNet-v1-101, ResNet-v1-50, and vgg16 for demo because this models are very popular CNN model. However grad-cam can be used with any other CNN models. Just modify convolution layer in my demo code.

Preview

See python notebook to see demo of this repository.

To use VGG networks in this demo, the npy files for VGG16 NPY has to be downloaded.

To use ResNet-v1-50 or ResNet-v1-101, download weight from https://github.com/tensorflow/models/tree/master/research/slim

Any Contributions are Welcome

[Origial Paper] Grad-CAM: Gradient-weighted Class Activation Mapping

Grad-CAM: Why did you say that? Visual Explanations from Deep Networks via Gradient-based Localization
Ramprasaath R. Selvaraju, Abhishek Das, Ramakrishna Vedantam, Michael Cogswell, Devi Parikh, Dhruv Batra
https://arxiv.org/abs/1610.02391

Overview

Requirements

  • GPU Memory: 6GB or higher to run VGG16, and ResNet101 (You may able to run ResNet50 with less than 6GB)

Setup

export PYTHONPATH=$PYTHONPATH:`pwd`/slim

Acknowledgement

Thanks for the awesome machine learning commuity for providing many building blocks.

GradCAM implementation in caffe

https://github.com/ramprs/grad-cam

VGG16 implementation in tensorflow

https://github.com/machrisaa/tensorflow-vgg

GradCAM implementation in keras, tensorflow

https://github.com/jacobgil/keras-grad-cam

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

Guided relu in tensorflow

https://gist.github.com/falcondai/561d5eec7fed9ebf48751d124a77b087

Guided backpropagation in tensorflow

https://github.com/Lasagne/Recipes/blob/master/examples/Saliency%20Maps%20and%20Guided%20Backpropagation.ipynb

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