Applied Deep Learning Resources
Applied Deep Learning Resources
A collection of research articles, blog posts, slides and code snippets about deep learning in applied settings. Including trained models and simple methods that can be used out of the box. Mainly focusing on Convolutional Neural Networks (CNN) but Recurrent Neural Networks (RNN), deep Q-Networks (DQN) and other interesting architectures will also be listed.
CNN
Latest overview of the CNNs can be found from the paper "Deep learning for visual understanding: A review" [link, PDF]
Another decent overview in Nature by LeCun, Bengio and Hinton: "Deep learning" [link, PDF]
ImageNet
ImageNet is the most important image classification and localization competition. Other data sets with results can be found from here: "Discover the current state of the art in objects classification." [link].
Prediction error of the ImageNet competition has been decreasing rapidly over the last 5 years:
Main network architectures on ImageNet
AlexNet
Original paper: "ImageNet Classification with Deep Convolutional Neural Networks" [PDF]
Properties: 8 weight layers (5 convolutional and 2 fully connected), 60 million parameters, Rectified Linear Units (ReLUs), Local Response Normalization, Dropout
VGG
Original paper: "Very Deep Convolutional Networks for Large-Scale Image Recognition" [arxiv]
Properties: 19 weight layers, 144m parameters, 3x3 convolution filters, L2 regularised, Dropout, No Local Response Normalization
GoogLeNet
Original paper: "Going deeper with convolutions" [arxiv]
Lates upgrade to the model achieves even better scores with models and import to Torch: "Rethinking the Inception Architecture for Computer Vision" [arxiv], "Torch port of Inception V3" [github]
Properties: 22 layers, 7m parameters, Inception modules, 1x1 conv layers, ReLUs, Dropout, Mid-level outputs
Inception modules:
ResNet
Original paper: "Deep Residual Learning for Image Recognition" [arxiv]
Very nice slides: "Deep Residual Learning" [PDF]
Github: [github]
Properties: 152 layers, ReLUs, Batch Normalization (See "Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift" [arxiv]), less hacks (no dropout), more stable (different number of layers work as well) and lower complexity than VGG.
Main building block of the network:
Features are also very good and transferable with (faster) R-CNNs (see below):
Other architectures
Deep Learning for 3D shapes: "3D ShapeNets: A Deep Representation for Volumetric Shapes" [PDF]
Code and a model for faces: "Free and open source face recognition with deep neural networks." [github]
Fast neural networks which can perform arbitrary filters for images: "Deep Edge-Aware Filters" [PDF]
Lot's of different models in Caffe's "Model Zoo" [github]
Feature learning and object detection
"CNN Features off-the-shelf: an Astounding Baseline for Recognition" [arxiv]
First paper about R-CNN: "Rich feature hierarchies for accurate object detection and semantic segmentation" [PDF, slides]
"Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks" [arxiv, github, Slides]
- "An Empirical Evaluation of Deep Learning on Highway Driving" [arxiv]
- "Object Detectors Emerge in Deep Scene CNNs" [arxiv]
- Faster and better features: "Efficient Deep Feature Learning and Extraction via StochasticNets" [arxiv]
Other
- Code and models for automatic captions of images: "Deep Visual-Semantic Alignments for Generating Image Descriptions"[web poster, PDF, github]
- Google Deep Dream or neural networks on LSD: "Inceptionism: Going Deeper into Neural Networks" [link,deepdreamer.io/]
Deep dreaming from noise:
- Code and models for mixing arbitrary content and art style: "A Neural Algorithm of Artistic Style" [arxiv, deepart.io, a blog post, github.com/jcjohnson/neural-style]
- "Automatic Colorization" and it includes a pre-trained model [Link]
- "Learning visual similarity for product design with convolutional neural networks" [PDF]
Using images and image descriptions to improve search results: "Images Don’t Lie: Transferring Deep Visual Semantic Features to Large-Scale Multimodal Learning to Rank" [arxiv]
"How Google Translate squeezes deep learning onto a phone" [post]
- "What a Deep Neural Network thinks about your #selfie" [blog]
Top selfies according to the ConvNet:
"Recommending music on Spotify with deep learning" [github]
"DeepStereo: Learning to Predict New Views from the World's Imagery" [arxiv]
- Classifying street signs: "The power of Spatial Transformer Networks" [blog] with "Spatial Transformer Networks" [arxiv]
- "Pedestrian Detection with RCNN" [PDF]
DQN
Original paper: "Playing Atari with Deep Reinforcement Learning" [arxiv]
My popular science article about DQN: "Artificial General Intelligence that plays Atari video games: How did DeepMind do it?" [link]
DQN for RoboCup: "Deep Reinforcement Learning in Parameterized Action Space" [arxiv]
RNN
Original paper of the best RNN architecture: "Long short-term memory" [PDF]
Very good tutorial-like introduction to RNNs by Andrej Karpathy: "The Unreasonable Effectiveness of Recurrent Neural Networks" [link]
"Visualizing and Understanding Recurrent Networks" [arxiv]
"Composing Music With Recurrent Neural Networks" [blog]
Other promising or useful architectures
HTMs by Jeff Hawkins: "Continuous online sequence learning with an unsupervised neural network model" [arxiv]
Word2vec: "Efficient Estimation of Word Representations in Vector Space" [arxiv, Google code]
"Feedforward Sequential Memory Networks: A New Structure to Learn Long-term Dependency" [arxiv]
Framework benchmarks
- "Comparative Study of Caffe, Neon, Theano and Torch for deep learning" [arxiv]
Their summary: From our experiments, we observe that Theano and Torch are the most easily extensible frameworks. We observe that Torch is best suited for any deep architecture on CPU, followed by Theano. It also achieves the best performance on the GPU for large convolutional and fully connected networks, followed closely by Neon. Theano achieves the best performance on GPU for training and deployment of LSTM networks. Finally Caffe is the easiest for evaluating the performance of standard deep architectures.
Very good qualitative analysis: zer0n/deepframeworks: [github]
Just performance comparison: soumith/convnet-benchmarks: [github]
"Deep Learning Libraries by Language" [link]
Other resources
"An awesome list of (large-scale) public datasets on the Internet. (On-going collection)" [github]
"Model Zoo" [github]
Videos from "Deep Learning Summer School, Montreal 2015": http://videolectures.net/deeplearning2015_montreal/
Credits
Most of the snippets have come to my attention via internal mailing lists of Computational Neuroscience Lab at University of Tartu and London-based visual search company Dream It Get It. I am also reading a weekly newsletter by Data Elixir and checking research papers of the two main deep learning conferences: ICML and NIPS.
Applied Deep Learning Resources的更多相关文章
- (转) Deep Learning Resources
转自:http://www.jeremydjacksonphd.com/category/deep-learning/ Deep Learning Resources Posted on May 13 ...
- why deep learning works
https://medium.com/towards-data-science/deep-learning-for-object-detection-a-comprehensive-review-73 ...
- 深度学习阅读列表 Deep Learning Reading List
Reading List List of reading lists and survey papers: Books Deep Learning, Yoshua Bengio, Ian Goodfe ...
- [C1W4] Neural Networks and Deep Learning - Deep Neural Networks
第四周:深层神经网络(Deep Neural Networks) 深层神经网络(Deep L-layer neural network) 目前为止我们学习了只有一个单独隐藏层的神经网络的正向传播和反向 ...
- 论文笔记:A Review on Deep Learning Techniques Applied to Semantic Segmentation
A Review on Deep Learning Techniques Applied to Semantic Segmentation 2018-02-22 10:38:12 1. Intr ...
- 机器学习(Machine Learning)&深度学习(Deep Learning)资料
<Brief History of Machine Learning> 介绍:这是一篇介绍机器学习历史的文章,介绍很全面,从感知机.神经网络.决策树.SVM.Adaboost到随机森林.D ...
- 机器学习(Machine Learning)&深入学习(Deep Learning)资料
<Brief History of Machine Learning> 介绍:这是一篇介绍机器学习历史的文章,介绍很全面,从感知机.神经网络.决策树.SVM.Adaboost 到随机森林. ...
- Machine and Deep Learning with Python
Machine and Deep Learning with Python Education Tutorials and courses Supervised learning superstiti ...
- Understanding Convolution in Deep Learning
Understanding Convolution in Deep Learning Convolution is probably the most important concept in dee ...
随机推荐
- 立体透视 perspective transform-style 倾斜旋转
1.perspective 是设置镜头距离,距离越远视图越小,视图越近,视图越大.就像相机焦距一样.其只对子元素产生效果. 2.transform-style: preserve-3d 设置3d效果, ...
- 理解NSAttributedString
An NSAttributedString object manages character strings and associated sets of attributes (for exampl ...
- poj2649 数论
//Accepted 420K 16MS //考虑 0和n! does not divide // 1和0! divides #include <cstdio> #include < ...
- hdoj-2025a
#include "stdio.h"#include "string.h"void compare(int n,char s[],char &k);vo ...
- IOS网络开发概述
概览 大部分应用程序都或多或少会牵扯到网络开发,例如说新浪微博.微信等,这些应用本身可能采用iOS开发,但是所有的数据支撑都是基于后台网络服务器的.如今,网络编程越来越普遍,孤立的应用通常是没有生命力 ...
- 头文件定义和ARM指令
2015.2.2星期一,阴天 内存管理:内存的分配和释放等静态和动态内存:主要是在释放方式上的区别 静态变量:编译时就已经确定,定义在函数外面自动变量:在程序运行时才能在栈中确定只读数据节:存放常量的 ...
- div+css文字垂直居中 解决左侧头像右侧姓名,姓名多换行后相对于头像仍居中显示
在说到这个问题的时候,也许有人会问CSS中不是有vertical-align属性来设置垂直居中的吗?即使是某些浏览器不支持我只需做少许的CSS Hack技术就可以啊!所以在这里我还要啰嗦两句,CSS中 ...
- JQuery源码分析(四)
jQuery多库共存处理 多库共存换句话说可以叫无冲突处理. 总的来说会有2种情况会遇到: 1.$太火热,jQuery采用$作为命名空间,不免会与别的库框架或者插件相冲突. 2.jQuery版本更新太 ...
- 禁止VMware用户在系统里删除网卡的操作的方法
点击选项-常规-配置参数,如下图所示: 8)点击“添加行”,在新的栏目中,左栏输入:devices.hotplug,右边栏输入:false
- Js运算符优先级
1.. [] {} 提取属性与函数调用 2. delete new typof + - ! 一元运算符 3. * / % 乘法.除法.求余 4. + - 加法/连接.减法 5.>= &l ...