Deep Learning Resources

Published: 09 Oct 2015 Category: deep_learning

ImageNet

AlexNet

ImageNet Classification with Deep Convolutional Neural Networks

GoogLeNet

Going Deeper with Convolutions

VGGNet

Very Deep Convolutional Networks for Large-Scale Image Recognition

Tensorflow VGG16 and VGG19

Inception-v3

Rethinking the Inception Architecture for Computer Vision

ResNet

Deep Residual Learning for Image Recognition

Training and investigating Residual Nets

http://torch.ch/blog/2016/02/04/resnets.html

Resnet in Resnet: Generalizing Residual Architectures

Identity Mappings in Deep Residual Networks (by Kaiming He)

Inception-V4

Inception-V4, Inception-Resnet And The Impact Of Residual Connections On Learning (Workshop track - ICLR 2016)


Network In Network

Striving for Simplicity: The All Convolutional Net

Batch-normalized Maxout Network in Network

Tensor

Tensorizing Neural Networks

On the Expressive Power of Deep Learning: A Tensor Analysis

Convolutional neural networks with low-rank regularization

Deep Learning And Bayesian

Scalable Bayesian Optimization Using Deep Neural Networks (ICML 2015)

Bayesian Dark Knowledge

Memory-based Bayesian Reasoning with Deep Learning(2015.Google DeepMind)

Autoencoders

Importance Weighted Autoencoders

Review of Auto-Encoders(by Piotr Mirowski, Microsoft Bing London, 2014)

Stacked What-Where Auto-encoders

Semi-Supervised Learning

Semi-Supervised Learning with Graphs (Label Propagation)

Unsupervised Learning

Unsupervised Learning of Spatiotemporally Coherent Metrics

Unsupervised Learning on Neural Network Outputs

Deep Learning Networks

Deeply-supervised Nets (DSN)

Striving for Simplicity: The All Convolutional Net

Highway Networks

Training Very Deep Networks (highway networks)

Very Deep Learning with Highway Networks

Rectified Factor Networks

Correlational Neural Networks

Semi-Supervised Learning with Ladder Networks

Diversity Networks

A Unified Approach for Learning the Parameters of Sum-Product Networks (SPN)

Bitwise Neural Networks

Learning Discriminative Features via Label Consistent Neural Network

Binarized Neural Networks

BinaryConnect: Training Deep Neural Networks with binary weights during propagations

BinaryNet: Training Deep Neural Networks with Weights and Activations Constrained to +1 or -1

A Theory of Generative ConvNet

Value Iteration Networks

How to Train Deep Variational Autoencoders and Probabilistic Ladder Networks

Group Equivariant Convolutional Networks (G-CNNs)

Deep Spiking Networks

Low-rank passthrough neural networks

XNOR-Net: ImageNet Classification Using Binary Convolutional Neural Networks

Distributed System

SparkNet: Training Deep Networks in Spark

A Scalable Implementation of Deep Learning on Spark (Alexander Ulanov)

Deep Learning For Driving

Recurrent Neural Networks for Driver Activity Anticipation via Sensory-Fusion Architecture

Eyes on the Road: How Autonomous Cars Understand What They’re Seeing

Deep Learning’s Accuracy

Papers

Reweighted Wake-Sleep

Probabilistic Backpropagation for Scalable Learning of Bayesian Neural Networks

Deeply-Supervised Nets

STDP

A biological gradient descent for prediction through a combination of STDP and homeostatic plasticity

An objective function for STDP(Yoshua Bengio)

Towards a Biologically Plausible Backprop


Understanding and Predicting Image Memorability at a Large Scale (MIT. ICCV2015)

A Mathematical Theory of Deep Convolutional Neural Networks for Feature Extraction

Deep Neural Networks predict Hierarchical Spatio-temporal Cortical Dynamics of Human Visual Object Recognition

Deep-Spying: Spying using Smartwatch and Deep Learning

A Mathematical Theory of Deep Convolutional Neural Networks for Feature Extraction

Understanding Deep Convolutional Networks

DeepCare: A Deep Dynamic Memory Model for Predictive Medicine

Exploiting Cyclic Symmetry in Convolutional Neural Networks

Cross-dimensional Weighting for Aggregated Deep Convolutional Features

Understanding Visual Concepts with Continuation Learning

Learning Efficient Algorithms with Hierarchical Attentive Memory

Convergent Learning: Do different neural networks learn the same representations?

Do Deep Convolutional Nets Really Need to be Deep (Or Even Convolutional)?

Harnessing Deep Neural Networks with Logic Rules

A guide to convolution arithmetic for deep learning

Degrees of Freedom in Deep Neural Networks

Deep Networks with Stochastic Depth

LIFT: Learned Invariant Feature Transform

Codes

deepnet: Implementation of some deep learning algorithms

DeepNeuralClassifier(Julia): Deep neural network using rectified linear units to classify hand written digits from the MNIST dataset

Using deep learning to break a Captcha system

Breaking reddit captcha with 96% accuracy

Clarifai Node.js Demo

Visual Search Server

Deep Learning in Rust: baby steps

Readings and Questions

What are the toughest neural networks and deep learning interview questions?

https://www.quora.com/What-are-the-toughest-neural-networks-and-deep-learning-interview-questions

What you wanted to know about AI

http://fastml.com/what-you-wanted-to-know-about-ai/

Epoch vs iteration when training neural networks

Questions to Ask When Applying Deep Learning

http://deeplearning4j.org/questions.html

Resources

Awesome Deep Learning

Deep Learning Libraries by Language

Deep Learning Resources

http://yanirseroussi.com/deep-learning-resources/

Turing Machine: musings on theory & code(DEEP LEARNING REVOLUTION, summer 2015, state of the art & topnotch links)

https://vzn1.wordpress.com/2015/09/01/deep-learning-revolution-summer-2015-state-of-the-art-topnotch-links/

BICV Group: Biologically Inspired Computer Vision research group

http://www.bicv.org/deep-learning/

Learning Deep Learning

http://rt.dgyblog.com/ref/ref-learning-deep-learning.html

Summaries and notes on Deep Learning research papers

Deep Learning Glossary

The Deep Learning Playbook

https://medium.com/@jiefeng/deep-learning-playbook-c5ebe34f8a1a#.eg9cdz5ak

Deep Learning Study: Study of HeXA@UNIST in Preparation for Submission

Tools

DNNGraph - A deep neural network model generation DSL in Haskell

Books

Deep Learning (by Ian Goodfellow, Aaron Courville and Yoshua Bengio)

Blogs

Neural Networks and Deep Learning

http://neuralnetworksanddeeplearning.com

Deep Learning Reading List

http://deeplearning.net/reading-list/

WILDML: A BLOG ABOUT MACHINE LEARNING, DEEP LEARNING AND NLP.

http://www.wildml.com/

Andrej Karpathy blog

http://karpathy.github.io/

Rodrigob’s github page

http://rodrigob.github.io/

colah’s blog

http://colah.github.io/

Competitions

Classifying plankton with deep neural networks