All Projects → experiencor → Deep Viz Keras

experiencor / Deep Viz Keras

Implementations of some popular Saliency Maps in Keras

Projects that are alternatives of or similar to Deep Viz Keras

Deep learning notes
a collection of my notes on deep learning
Stars: ✭ 112 (-27.27%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Tensorflow realtime multi Person pose estimation
Multi-Person Pose Estimation project for Tensorflow 2.0 with a small and fast model based on MobilenetV3
Stars: ✭ 129 (-16.23%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-22.08%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-29.22%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-9.74%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Cs231n Convolutional Neural Networks Solutions
Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.
Stars: ✭ 110 (-28.57%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Simpsonrecognition
Detect and recognize The Simpsons characters using Keras and Faster R-CNN
Stars: ✭ 131 (-14.94%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-39.61%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (+0%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Deep Steganography
Hiding Images within other images using Deep Learning
Stars: ✭ 136 (-11.69%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-29.22%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-8.44%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (-33.12%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (-27.27%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-37.01%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pytorch Dc Tts
Text to Speech with PyTorch (English and Mongolian)
Stars: ✭ 122 (-20.78%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Trained Ternary Quantization
Reducing the size of convolutional neural networks
Stars: ✭ 90 (-41.56%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
3dunet abdomen cascade
Stars: ✭ 91 (-40.91%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Reproduce Chexnet
Reproduce CheXNet
Stars: ✭ 136 (-11.69%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Practical Machine Learning With Python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
Stars: ✭ 1,868 (+1112.99%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks

This repository contains the implementations in Keras of various methods to understand the prediction by a Convolutional Neural Networks. Implemented methods are:

  • Vanila gradient [https://arxiv.org/abs/1312.6034]
  • Guided backprop [https://arxiv.org/abs/1412.6806]
  • Integrated gradient [https://arxiv.org/abs/1703.01365]
  • Visual backprop [https://arxiv.org/abs/1611.05418]

Each of them is accompanied with the corresponding smoothgrad version [https://arxiv.org/abs/1706.03825], which improves on any baseline method by adding random noise.

Courtesy of https://github.com/tensorflow/saliency and https://github.com/mbojarski/VisualBackProp.

Examples

  • Dog
  • Dog and Cat

Usage

cd deep-viz-keras

from guided_backprop import GuidedBackprop
from utils import *
from keras.applications.vgg16 import VGG16

# Load the pretrained VGG16 model and make the guided backprop operator
vgg16_model = VGG16(weights='imagenet')
vgg16_model.compile(loss='categorical_crossentropy', optimizer='adam')
guided_bprop = GuidedBackprop(vgg16_model)

# Load the image and compute the guided gradient
image = load_image('/path/to/image')
mask = guided_bprop.get_mask(image)               # compute the gradients
show_image(mask)                                  # display the grayscaled mask

The examples.ipynb contains the demos of all implemented methods using the built-in VGG16 model of Keras.

Notes

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