All Projects → geyang → Deep_learning_notes

geyang / Deep_learning_notes

a collection of my notes on deep learning

Projects that are alternatives of or similar to Deep learning notes

A Journey Into Convolutional Neural Network Visualization
A journey into Convolutional Neural Network visualization
Stars: ✭ 165 (+47.32%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, deep-learning-tutorial
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-41.07%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, deep-learning-tutorial
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (+0%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Automatic Image Captioning
Generating Captions for images using Deep Learning
Stars: ✭ 84 (-25%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
3dunet abdomen cascade
Stars: ✭ 91 (-18.75%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Cnn Interpretability
🏥 Visualizing Convolutional Networks for MRI-based Diagnosis of Alzheimer’s Disease
Stars: ✭ 68 (-39.29%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+949.11%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Trained Ternary Quantization
Reducing the size of convolutional neural networks
Stars: ✭ 90 (-19.64%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-41.96%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (-8.04%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-13.39%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-2.68%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Equivariant Transformers
Equivariant Transformer (ET) layers are image-to-image mappings that incorporate prior knowledge on invariances with respect to continuous transformations groups (ICML 2019). Paper: https://arxiv.org/abs/1901.11399
Stars: ✭ 68 (-39.29%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-40.18%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial
Age Gender Estimation
Keras implementation of a CNN network for age and gender estimation
Stars: ✭ 1,195 (+966.96%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Breast Cancer Classification
Breast Cancer Classification using CNN and transfer learning
Stars: ✭ 86 (-23.21%)
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 (-1.79%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (-42.86%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Audio classification
CNN 1D vs 2D audio classification
Stars: ✭ 65 (-41.96%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-16.96%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks

Notes on Deep Learning

New Repo of Deep Learning Papers! 🌟 💥

I moved my collection of deep learning and machine learning papers from DropBox to this git repository! First blog post being planned is on "Boltzmann Machines, Statistical Mechanicsgit and Maximum Likelihood Estimation".

LINK: GitHub/episodeyang/deep_learning_papers_TLDR

from the Author

These are the notes that I left working through Nielsen's neural Net and Deep Learning book. You can find a table of contents of this repo below.

Table of Contents

Chapter 1: Intro to Deep Learning

Chapter 2: Intro to Tensorflow

Chapter 3: Advanced Tensorflow with GPU AWS Instance and PyCharm Remote Interpreter.

Chapter 4: Recurrent Networks.

Here I implemented a vanilla RNN from scratch. I didn't want to write the partial derivatives by hand, but Tensorflow feels a bit too opaque. The edf framework by TTIC is a poor-man's Tensorflow, and it provides auto-differentiation via component.backward() method. So I decided to go with it.

I also implemented RMSProp and Adam by hand, and tried hyper-parameter search. It was extremely informative.

Project: Doing Particle Simulation with Tensorflow

Project: LeNet with Novel Loss Function

Fun Highlights (Reverse Chronological Order)

some of the figures can be found scattered in the folder (I believe in a flat folder structure).

Particle Simulation with Tensorflow! (classical many body simulation for my quantum computing research)

It turned out that not needing to write the Jacobian of your equations of motion is a huge time saver in doing particle simulations.

Here is a 2D classical many body simulator I wrote for my quantum computing research. In my lab, I am building a new type of qubits by traping single electrons on the surface of super fluild helium. You can read more about our progress in this paper from PRX.

In this new experiment, we want to construct a very small electro-static trap so that we can couple a microwave mirror to the dipole of a single electron. To understand where electrons are likely to go, I need to build a simple electro-static simulation.

link to repo

Electron Configuration During Simulation

Projecting MNIST into a 2-Dimensional Deep Feature Space

It turned out that you can constrict the feature space of a convolutional neural network, and project the MNIST dataset onto a 2-dimensional plane!

This is my attempt at reproducing the work from Yandong Wei's paper (link see project readme (WIP)).

This makes very nice visualizations. Curious about how this embedding evolves during training, I made a few movies. You can find them inside the project folder.

network learning

MNIST ConvNet with TensorFlow

My first attempt at building a convolutional neural network with tensorflow.

This example does:

  • uses different GPUs for training and evaluation (manual device placement)
  • persist network parameters in check files (session saving and restore)
  • pushes loss and accuracy to summary, which can be visualized by tensorboard (summary and tensorboard)

MNIST ConvNet Tensorflow

A simple toy example

This one below shows how a simple network can be trained to emulate a given target function. Implemented with numpy without the help of tensorflow.

![network trained to emulate function](Ch1 Intro to Deep Learning/trained neural net emulate a step function.png)

Todos (02/07/2017):

  • [ ] Wormhole RNN [pdf]
  • [ ] Experiment with PyTorch
  • [ ] Proj RNN: Teach RNN how to do math
  • [ ] Proj NLP: syntax highlighter for natural language
  • [ ] Restricted Boltzman Machine, and how it is used in deep belief to initialize auto-encoders [Hinton, 2006]
  • [ ] binary weight networks XNOR net
  • [ ] Attention Networks: link: Augmented RNN
  • [ ] Image Captioning
  • [ ] Adversarial Hardened LeNet++ [1.0]
  • [ ] Adversarial Test of Hardened LeNet++ [1.0]
  • [ ] L2 Regularization with Logistic Regression [1.0]

Bucket List and Things Ran-into During Readings (not in order)

  • [ ] Denoising Autoencoder
  • [ ] Word2vec

Done:

  • [x] work on optimize batch training. (numpy neural net)
  • [x] add summary MNIST example with Tensorflow
  • [x] Convolutional Neural Network
  • [x] multi-GPU setup tensorflow doc [0.5 - 1.0]
  • [x] CFAR Example [4.0]
  • [x] Save and restore net
  • [x] MNIST Perceptron logging and visualization with tensorboard
  • [x] Feedforward Neural Network (Multilayer Perceptron) tensorboard doc [2.0]
  • [x] TensorBoard
  • [x] LeNet training ConvNet doc [1.0]
  • [x] LeNet++ training [1.0]
  • [x] Deep Feedforward Neural Network (Multilayer Perceptron with 2 Hidden Layers O.o)
  • [x] Vanilla Recurrent Neural Network
  • [x] regularization and batch normalization
  • [x] LSTM with edf
  • [x] GRU with edf

More Useful Links:

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