2012-2016 年被引用次数最多的深度学习论文

lee273548710 7年前
   <p>近些年来在深度学习热潮的推动下,人工智能领域的研究犹如机器之心的吉祥物土拨鼠在春天里一样不断涌现,到今天,一个人要阅读了解这一领域的所有研究已经不再具有任何实践的可能性。择其善者而读之已经成为了人工智能研究者的一项重要技能,而其中非常值得关注的一项指标就是论文的引用次数,尤其是近期的引用次数。</p>    <p>滑铁卢大学博士、GitHub 用户 Terry Taewoong Um 就希望能在这方面做出贡献,他在 GitHub 上创建了一个项目,罗列了自 2012 年以来被引用最多的深度学习论文。</p>    <p>项目地址:https://github.com/terryum/awesome-deep-learning-papers </p>    <p>这是一个持续更新的项目。机器之心曾在 2016 年 6 月编译发表过这个项目之前的一个版本《 <a href="/misc/goto?guid=4959737708248832639" rel="nofollow,noindex">学界 | 2010-2016 年被引用次数最多的深度学习论文(附论文下载)</a> 》。近日,这个项目再次进行了更新,下面我们就来看看被引用最多的论文有哪些。</p>    <p>背景及相关资源</p>    <p>在这份榜单前后,也有一些其它很棒的深度学习榜单,比如:</p>    <ul>     <li> <p>深度视觉:https://github.com/kjw0612/awesome-deep-vision</p> </li>     <li> <p>循环神经网络:https://github.com/kjw0612/awesome-rnn</p> </li>     <li> <p>深度学习阅读路线图:https://github.com/songrotek/Deep-Learning-Papers-Reading-Roadmap</p> </li>    </ul>    <p>但要看完这些榜单中提及的内容就已经很困难了,更不要说还有更多不在这些列表中的内容。所以我在这里推出了深度学习论文百强列表,希望能对想要整体了解深度学习研究的人提供帮助。</p>    <p>评选说明</p>    <p>1. 这份深度学习论文百强列表的论文来自 2012-2016 年之间发表的论文。</p>    <p>2. 如果一篇论文被加入到了这个列表,那么就必然会有一篇论文被移出这个列表(因此,移出论文和加入论文一样都是对这份列表的贡献。</p>    <p>3. 重要但是却无法被包含进这份列表的论文会收纳到 More than Top 100 列表。</p>    <p>4.New Papers 和 Old Papers 分别包含了最近 6 个月和 2012 年之前发表的论文。</p>    <p>评选标准</p>    <ul>     <li> <p>小于 6 个月:New Papers,按讨论加入</p> </li>     <li> <p>2016 年:至少 60 次引用</p> </li>     <li> <p>2015 年:至少 200 次引用</p> </li>     <li> <p>2014 年:至少 400 次引用</p> </li>     <li> <p>2013 年:至少 600 次引用</p> </li>     <li> <p>2012 年:至少 800 次引用</p> </li>     <li> <p>2012 年之前:Old Papers,按讨论加入</p> </li>    </ul>    <p>请注意我们更偏爱开创性的可以应用于多种研究的深度学习论文,而非应用论文。基于这样的原因,一些满足评选标准的论文也被排除了。具体还要依赖该论文的影响、这一领域其它研究的稀缺性等等。</p>    <p>内容目录</p>    <ul>     <li> <p>理解/泛化/迁移</p> </li>     <li> <p>优化/训练技术</p> </li>     <li> <p>无监督/生成模型</p> </li>     <li> <p>卷积网络模型</p> </li>     <li> <p>图像分割/目标检测</p> </li>     <li> <p>图像/视频等</p> </li>     <li> <p>循环神经网络模型</p> </li>     <li> <p>自然语言处理</p> </li>     <li> <p>语音/其它领域</p> </li>     <li> <p>强化学习</p> </li>     <li> <p>2016 年其它论文</p> </li>    </ul>    <p>其它看点</p>    <ul>     <li> <p>新论文(New Papers)</p> </li>     <li> <p>旧论文(Old Papers)</p> </li>     <li> <p>HW/SW/数据集:技术报告</p> </li>     <li> <p>书籍/调查/概述</p> </li>    </ul>    <p>理解/泛化/迁移</p>    <ul>     <li> <p>Distilling the knowledge in a neural network (2015), G. Hinton et al. [pdf]</p> </li>     <li> <p>Deep neural networks are easily fooled: High confidence predictions for unrecognizable images (2015), A. Nguyen et al. [pdf]</p> </li>     <li> <p>How transferable are features in deep neural networks? (2014), J. Yosinski et al. [pdf]</p> </li>     <li> <p>CNN features off-the-Shelf: An astounding baseline for recognition (2014), A. Razavian et al. [pdf]</p> </li>     <li> <p>Learning and transferring mid-Level image representations using convolutional neural networks (2014), M. Oquab et al. [pdf]</p> </li>     <li> <p>Visualizing and understanding convolutional networks (2014), M. Zeiler and R. Fergus [pdf]</p> </li>     <li> <p>Decaf: A deep convolutional activation feature for generic visual recognition (2014), J. Donahue et al. [pdf]</p> </li>    </ul>    <p>重要研究者:Geoffrey Hinton, Yoshua Bengio, Jason Yosinski</p>    <p>优化/训练技术</p>    <ul>     <li> <p>Batch normalization: Accelerating deep network training by reducing internal covariate shift (2015), S. Loffe and C. Szegedy [pdf]</p> </li>     <li> <p>Delving deep into rectifiers: Surpassing human-level performance on imagenet classification (2015), K. He et al. [pdf]</p> </li>     <li> <p>Dropout: A simple way to prevent neural networks from overfitting (2014), N. Srivastava et al. [pdf]</p> </li>     <li> <p>Adam: A method for stochastic optimization (2014), D. Kingma and J. Ba [pdf]</p> </li>     <li> <p>Improving neural networks by preventing co-adaptation of feature detectors (2012), G. Hinton et al. [pdf]</p> </li>     <li> <p>Random search for hyper-parameter optimization (2012) J. Bergstra and Y. Bengio [pdf]</p> </li>    </ul>    <p>重要研究者:Geoffrey Hinton, Yoshua Bengio, Christian Szegedy, Sergey Ioffe, Kaming He, Diederik P. Kingma</p>    <p>无监督/生成模型</p>    <ul>     <li> <p>Pixel recurrent neural networks (2016), A. Oord et al. [pdf]</p> </li>     <li> <p>Improved techniques for training GANs (2016), T. Sallmans et al. [pdf]</p> </li>     <li> <p>Unsupervised representation learning with deep convolutional generative adversarial networks (2015), A. Radford et al. [pdf]</p> </li>     <li> <p>DRAW: A recurrent neural network for image generation (2015), K. Gregor et al. [pdf]</p> </li>     <li> <p>Generative adversarial nets (2014), I. Goodfellow et al. [pdf]</p> </li>     <li> <p>Auto-encoding variational Bayes (2013), D. Kingma and M. Welling [pdf]</p> </li>     <li> <p>Building high-level features using large scale unsupervised learning (2013), Q. Le et al. [pdf]</p> </li>    </ul>    <p>重要研究者:Yoshua Bengio, Ian Goodfellow, Alex Graves</p>    <p>卷积网络模型</p>    <ul>     <li> <p>Rethinking the inception architecture for computer vision (2016), C. Szegedy et al.</p> </li>     <li> <p>Inception-v4, inception-resnet and the impact of residual connections on learning (2016), C. Szegedy et al. </p> </li>     <li> <p>Identity Mappings in Deep Residual Networks (2016), K. He et al. </p> </li>     <li> <p>Deep residual learning for image recognition (2016), K. He et al. </p> </li>     <li> <p>Going deeper with convolutions (2015), C. Szegedy et al. </p> </li>     <li> <p>Very deep convolutional networks for large-scale image recognition (2014), K. Simonyan and A. Zisserman </p> </li>     <li> <p>Spatial pyramid pooling in deep convolutional networks for visual recognition (2014), K. He et al. </p> </li>     <li> <p>Return of the devil in the details: delving deep into convolutional nets (2014), K. Chatfield et al. </p> </li>     <li> <p>OverFeat: Integrated recognition, localization and detection using convolutional networks (2013), P. Sermanet et al.</p> </li>     <li> <p>Maxout networks (2013), I. Goodfellow et al. </p> </li>     <li> <p>Network in network (2013), M. Lin et al. </p> </li>     <li> <p>ImageNet classification with deep convolutional neural networks (2012), A. Krizhevsky et al. </p> </li>    </ul>    <p>重要研究者:Christian Szegedy, Kaming He, Shaoqing Ren, Jian Sun, Geoffrey Hinton, Yoshua Bengio, Yann LeCun</p>    <p>图像分割/目标检测</p>    <ul>     <li> <p>You only look once: Unified, real-time object detection (2016), J. Redmon et al. </p> </li>     <li> <p>Region-based convolutional networks for accurate object detection and segmentation (2016), R. Girshick et al. </p> </li>     <li> <p>Fully convolutional networks for semantic segmentation (2015), J. Long et al. </p> </li>     <li> <p>Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks (2015), S. Ren et al.</p> </li>     <li> <p>Fast R-CNN (2015), R. Girshick</p> </li>     <li> <p>Rich feature hierarchies for accurate object detection and semantic segmentation (2014), R. Girshick et al.</p> </li>     <li> <p>Semantic image segmentation with deep convolutional nets and fully connected CRFs, L. Chen et al. </p> </li>     <li> <p>Learning hierarchical features for scene labeling (2013), C. Farabet et al. </p> </li>    </ul>    <p>重要研究者:Ross Girshick, Jeff Donahue, Trevor Darrell</p>    <p>图像/视频/ETC</p>    <ul>     <li> <p>Image Super-Resolution Using Deep Convolutional Networks (2016), C. Dong et al. </p> </li>     <li> <p>A neural algorithm of artistic style (2015), L. Gatys et al. </p> </li>     <li> <p>Deep visual-semantic alignments for generating image descriptions (2015), A. Karpathy and L. Fei-Fei</p> </li>     <li> <p>Show, attend and tell: Neural image caption generation with visual attention (2015), K. Xu et al. </p> </li>     <li> <p>Show and tell: A neural image caption generator (2015), O. Vinyals et al. </p> </li>     <li> <p>Long-term recurrent convolutional networks for visual recognition and description (2015), J. Donahue et al. </p> </li>     <li> <p>VQA: Visual question answering (2015), S. Antol et al. </p> </li>     <li> <p>DeepFace: Closing the gap to human-level performance in face verification (2014), Y. Taigman et al. </p> </li>     <li> <p>Large-scale video classification with convolutional neural networks (2014), A. Karpathy et al. </p> </li>     <li> <p>DeepPose: Human pose estimation via deep neural networks (2014), A. Toshev and C. Szegedy </p> </li>     <li> <p>Two-stream convolutional networks for action recognition in videos (2014), K. Simonyan et al. </p> </li>     <li> <p>3D convolutional neural networks for human action recognition (2013), S. Ji et al. </p> </li>    </ul>    <p>重要研究者:Oriol Vinyals, Andrej Karpathy</p>    <p>循环神经网络模型</p>    <ul>     <li> <p>Conditional random fields as recurrent neural networks (2015), S. Zheng and S. Jayasumana. </p> </li>     <li> <p>Memory networks (2014), J. Weston et al. </p> </li>     <li> <p>Neural turing machines (2014), A. Graves et al. </p> </li>     <li> <p>Generating sequences with recurrent neural networks (2013), A. Graves.  [Key researchers] Alex Graves</p> </li>    </ul>    <p>自然语言处理</p>    <ul>     <li> <p>A character-level decoder without explicit segmentation for neural machine translation (2016), J. Chung et al. </p> </li>     <li> <p>Exploring the limits of language modeling (2016), R. Jozefowicz et al. </p> </li>     <li> <p>Teaching machines to read and comprehend (2015), K. Hermann et al. </p> </li>     <li> <p>Effective approaches to attention-based neural machine translation (2015), M. Luong et al. </p> </li>     <li> <p>Neural machine translation by jointly learning to align and translate (2014), D. Bahdanau et al. </p> </li>     <li> <p>Sequence to sequence learning with neural networks (2014), I. Sutskever et al. </p> </li>     <li> <p>Learning phrase representations using RNN encoder-decoder for statistical machine translation (2014), K. Cho et al. </p> </li>     <li> <p>A convolutional neural network for modelling sentences (2014), N. Kalchbrenner et al. </p> </li>     <li> <p>Convolutional neural networks for sentence classification (2014), Y. Kim </p> </li>     <li> <p>Glove: Global vectors for word representation (2014), J. Pennington et al. </p> </li>     <li> <p>Distributed representations of sentences and documents (2014), Q. Le and T. Mikolov </p> </li>     <li> <p>Distributed representations of words and phrases and their compositionality (2013), T. Mikolov et al. </p> </li>     <li> <p>Efficient estimation of word representations in vector space (2013), T. Mikolov et al. </p> </li>     <li> <p>Recursive deep models for semantic compositionality over a sentiment treebank (2013), R. Socher et al. </p> </li>    </ul>    <p>重要研究者:Kyunghyun Cho, Oriol Vinyals, Richard Socher, Tomas Mikolov, Christopher D. Manning, Yoshua Bengio</p>    <p>语音/其它领域</p>    <ul>     <li> <p>End-to-end attention-based large vocabulary speech recognition (2016), D. Bahdanau et al. </p> </li>     <li> <p>Deep speech 2: End-to-end speech recognition in English and Mandarin (2015), D. Amodei et al.</p> </li>     <li> <p>Speech recognition with deep recurrent neural networks (2013), A. Graves </p> </li>     <li> <p>Deep neural networks for acoustic modeling in speech recognition: The shared views of four research groups (2012), G. Hinton et al. </p> </li>     <li> <p>Context-dependent pre-trained deep neural networks for large-vocabulary speech recognition (2012) G. Dahl et al. </p> </li>     <li> <p>Acoustic modeling using deep belief networks (2012), A. Mohamed et al. </p> </li>    </ul>    <p>重要研究者:Alex Graves, Geoffrey Hinton, Dong Yu</p>    <p>强化学习</p>    <ul>     <li> <p>End-to-end training of deep visuomotor policies (2016), S. Levine et al.</p> </li>     <li> <p>Learning Hand-Eye Coordination for Robotic Grasping with Deep Learning and Large-Scale Data Collection (2016), S. Levine et al. </p> </li>     <li> <p>Asynchronous methods for deep reinforcement learning (2016), V. Mnih et al. </p> </li>     <li> <p>Deep Reinforcement Learning with Double Q-Learning (2016), H. Hasselt et al. </p> </li>     <li> <p>Mastering the game of Go with deep neural networks and tree search (2016), D. Silver et al. </p> </li>     <li> <p>Continuous control with deep reinforcement learning (2015), T. Lillicrap et al.</p> </li>     <li> <p>Human-level control through deep reinforcement learning (2015), V. Mnih et al. </p> </li>     <li> <p>Deep learning for detecting robotic grasps (2015), I. Lenz et al. </p> </li>     <li> <p>Playing atari with deep reinforcement learning (2013), V. Mnih et al. </p> </li>    </ul>    <p>重要研究者:Sergey Levine, Volodymyr Mnih, David Silver</p>    <p>2016 年其它论文</p>    <ul>     <li> <p>Layer Normalization (2016), J. Ba et al. </p> </li>     <li> <p>Learning to learn by gradient descent by gradient descent (2016), M. Andrychowicz et al.</p> </li>     <li> <p>Domain-adversarial training of neural networks (2016), Y. Ganin et al. </p> </li>     <li> <p>WaveNet: A Generative Model for Raw Audio (2016), A. Oord et al.</p> </li>     <li> <p>Colorful image colorization (2016), R. Zhang et al. </p> </li>     <li> <p>Generative visual manipulation on the natural image manifold (2016), J. Zhu et al. </p> </li>     <li> <p>Texture networks: Feed-forward synthesis of textures and stylized images (2016), D Ulyanov et al. </p> </li>     <li> <p>SSD: Single shot multibox detector (2016), W. Liu et al.</p> </li>     <li> <p>SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and< 1MB model size (2016), F. Iandola et al. </p> </li>     <li> <p>Eie: Efficient inference engine on compressed deep neural network (2016), S. Han et al. </p> </li>     <li> <p>Binarized neural networks: Training deep neural networks with weights and activations constrained to+ 1 or-1 (2016), M. Courbariaux et al. </p> </li>     <li> <p>Dynamic memory networks for visual and textual question answering (2016), C. Xiong et al.</p> </li>     <li> <p>Stacked attention networks for image question answering (2016), Z. Yang et al. </p> </li>     <li> <p>Hybrid computing using a neural network with dynamic external memory (2016), A. Graves et al.</p> </li>     <li> <p>Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation (2016), Y. Wu et al.</p> </li>    </ul>    <p>新论文(New Papers)</p>    <p>最近六个月内值得一读的论文:</p>    <ul>     <li> <p>Batch Renormalization: Towards Reducing Minibatch Dependence in Batch-Normalized Models, S. Ioffe.</p> </li>     <li> <p>Understanding deep learning requires rethinking generalization, C. Zhang et al</p> </li>    </ul>    <p>旧论文(Old Papers)</p>    <p>2012 年之前发表的经典论文:</p>    <ul>     <li> <p>An analysis of single-layer networks in unsupervised feature learning (2011), A. Coates et al. </p> </li>     <li> <p>Deep sparse rectifier neural networks (2011), X. Glorot et al</p> </li>     <li> <p>Natural language processing (almost) from scratch (2011), R. Collobert et al</p> </li>     <li> <p>Recurrent neural network based language model (2010), T. Mikolov et al</p> </li>     <li> <p>Stacked denoising autoencoders: Learning useful representations in a deep network with a local denoising criterion (2010), P. Vincent et al</p> </li>     <li> <p>Learning mid-level features for recognition (2010), Y. Boureau </p> </li>     <li> <p>A practical guide to training restricted boltzmann machines (2010), G. Hinton   Understanding the difficulty of training deep feedforward neural networks (2010), X. Glorot and Y. Bengio </p> </li>     <li> <p>Why does unsupervised pre-training help deep learning (2010), D. Erhan et al</p> </li>     <li> <p>Recurrent neural network based language model (2010), T. Mikolov et al. </p> </li>     <li> <p>Learning deep architectures for AI (2009), Y. Bengio. </p> </li>     <li> <p>Convolutional deep belief networks for scalable unsupervised learning of hierarchical representations (2009), H. Lee et al. </p> </li>     <li> <p>Greedy layer-wise training of deep networks (2007), Y. Bengio et al</p> </li>     <li> <p>Reducing the dimensionality of data with neural networks, G. Hinton and R. Salakhutdinov</p> </li>     <li> <p>A fast learning algorithm for deep belief nets (2006), G. Hinton et al. </p> </li>     <li> <p>Gradient-based learning applied to document recognition (1998), Y. LeCun et al</p> </li>     <li> <p>Long short-term memory (1997), S. Hochreiter and J. Schmidhuber. </p> </li>    </ul>    <p>HW/SW/数据集</p>    <ul>     <li> <p>OpenAI gym (2016), G. Brockman et al</p> </li>     <li> <p>TensorFlow: Large-scale machine learning on heterogeneous distributed systems  (2016), M. Abadi et al. </p> </li>     <li> <p>Theano: A Python framework for fast computation of mathematical expressions,      R. Al-Rfou et al.</p> </li>     <li> <p>MatConvNet: Convolutional neural networks for matlab (2015), A. Vedaldi and K.  Lenc </p> </li>     <li> <p>Imagenet large scale visual recognition challenge (2015), O. Russakovsky et al</p> </li>     <li> <p>Caffe: Convolutional architecture for fast feature embedding (2014), Y. Jia et al</p> </li>    </ul>    <p>书籍/调查/概述</p>    <ul>     <li> <p>Deep learning (Book, 2016), Goodfellow et al. </p> </li>     <li> <p>LSTM: A search space odyssey (2016), K. Greff et al. </p> </li>     <li> <p>Deep learning (2015), Y. LeCun, Y. Bengio and G. Hinton </p> </li>     <li> <p>Deep learning in neural networks: An overview (2015), J. Schmidhuber      Representation learning: A review and new perspectives (2013), Y. Bengio et al.</p> </li>    </ul>    <p> </p>    <p>来自:http://www.jiqizhixin.com/article/2301</p>    <p> </p>