All Projects → erikreppel → Visualizing_cnns

erikreppel / Visualizing_cnns

Using Keras and cats to visualize layers from CNNs

Projects that are alternatives of or similar to Visualizing cnns

Cnn intent classification
CNN for intent classification task in a Chatbot
Stars: ✭ 90 (-37.06%)
Mutual labels:  jupyter-notebook, cnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+863.64%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-32.87%)
Mutual labels:  jupyter-notebook, cnn
Understaing Datasets Estimators Tfrecords
Try to use tf.estimator and tf.data together to train a cnn model.
Stars: ✭ 76 (-46.85%)
Mutual labels:  jupyter-notebook, cnn
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+1004.9%)
Mutual labels:  jupyter-notebook, cnn
Pytorch
PyTorch tutorials A to Z
Stars: ✭ 87 (-39.16%)
Mutual labels:  jupyter-notebook, cnn
Facedetector
A re-implementation of mtcnn. Joint training, tutorial and deployment together.
Stars: ✭ 99 (-30.77%)
Mutual labels:  jupyter-notebook, cnn
Embedded gcnn
Embedded Graph Convolutional Neural Networks (EGCNN) in TensorFlow
Stars: ✭ 60 (-58.04%)
Mutual labels:  jupyter-notebook, cnn
Self Driving Car
A End to End CNN Model which predicts the steering wheel angle based on the video/image
Stars: ✭ 106 (-25.87%)
Mutual labels:  jupyter-notebook, cnn
Models
DLTK Model Zoo
Stars: ✭ 101 (-29.37%)
Mutual labels:  jupyter-notebook, cnn
Cnn Interpretability
🏥 Visualizing Convolutional Networks for MRI-based Diagnosis of Alzheimer’s Disease
Stars: ✭ 68 (-52.45%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Sift
PyTorch implementation of SIFT descriptor
Stars: ✭ 123 (-13.99%)
Mutual labels:  jupyter-notebook, cnn
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-54.55%)
Mutual labels:  jupyter-notebook, cnn
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-39.16%)
Mutual labels:  jupyter-notebook, cnn
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-55.24%)
Mutual labels:  jupyter-notebook, cnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-32.17%)
Mutual labels:  jupyter-notebook, cnn
Convisualize nb
Visualisations for Convolutional Neural Networks in Pytorch
Stars: ✭ 57 (-60.14%)
Mutual labels:  jupyter-notebook, cnn
One Pixel Attack Keras
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
Stars: ✭ 1,097 (+667.13%)
Mutual labels:  jupyter-notebook, cnn
Keras Oneclassanomalydetection
[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.
Stars: ✭ 102 (-28.67%)
Mutual labels:  jupyter-notebook, cnn
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-16.08%)
Mutual labels:  jupyter-notebook, cnn

Visualizing parts of Convolutional Neural Networks using Keras and Cats

This repo contains a notebook with code for visualizing CNNs using cats.

Requirements:

  • Keras
  • numpy
  • opencv (although it is only used for opening an image, you can use anything that can open an image as a numpy ndarray)
  • matplotlib
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].