热门标签 | HotTags
当前位置:  开发笔记 > 编程语言 > 正文

深度学习论文与资源的大列表!!!

【推荐】深度学习论文与资源大列表(论文、预训练模型、课程、图书、软件、应用、相关列表等)摘要转自:爱可可-爱生活Alistofrec

【推荐】深度学习论文与资源大列表(论文、预训练模型、课程、图书、软件、应用、相关列表等)


摘要 

转自:爱可可-爱生活

A list of recent papers regarding deep learning and deep reinforcement learning. They are sorted by time to see the recent papers first. I will renew the recent papers and add notes to these papers.

You should find the papers and software with star flag are more important or popular.

Table of Contents

  • Papers

  • Model Zoo

  • Pretrained Model

  • Courses

  • Books

  • Software

  • Applications

  • Awesome Projects

Papers
  • 2017 year

    • deep learning

    • deep reinforcement learning

    • natural language process

  • 2016 year

    • deep learning

    • deep reinforcement learning

    • natural language process

  • 2015 year

  • 2014 year

  • 2013 year

  • 2012 year

  • 2011 year

  • 2010 year

  • before 2010 year

Model Zoo
  • 2012 | AlexNet | pdf | https://github.com/kratzert/finetune_alexnet_with_tensorflow |

  • 2013 | RCNN | arxiv | https://github.com/rbgirshick/rcnn |

  • 2014 | CGNA | arxiv | https://github.com/zhangqianhui/Conditional-Gans |

  • 2014 | DeepFaceVariant | pdf | https://github.com/joyhuang9473/deepid-implementation |

  • 2014 | GAN | arxiv | https://github.com/goodfeli/adversarial |

  • 2014 | GoogLeNet | pdf | https://github.com/google/inception |

  • 2014 | OverFeat | arxiv | https://github.com/sermanet/OverFeat |

  • 2014 | SPPNet | arxiv | https://github.com/yhenon/keras-spp |

  • 2014 | VAE | arxiv | https://github.com/dpkingma/nips14-ssl |

  • 2014 | VGGNet | arxiv | https://gist.github.com/ksimonyan/211839e770f7b538e2d8 |

  • 2015 | DCGAN | arxiv | https://github.com/carpedm20/DCGAN-tensorflow |

  • 2015 | DRAW | arxiv | https://github.com/ericjang/draw |

  • 2015 | Global And Local Attention | arxiv | https://github.com/giancds/tsf_nmt |

  • 2015 | FaceNet | arxiv | https://github.com/davidsandberg/facenet |

  • 2015 | Fast RCNN | arxiv | https://github.com/rbgirshick/fast-rcnn |

  • 2015 | Faster RCNN | arxiv | https://github.com/rbgirshick/py-faster-rcnn |

  • 2015 | FCNT | pdf | https://github.com/scott89/FCNT |

  • 2015 | Inception | arxiv | https://github.com/tensorflow/models/tree/master/inception |

  • 2015 | LAPGAN | arxiv | https://github.com/facebook/eyescream |

  • 2015 | NeuralGPU | arxiv | https://github.com/tensorflow/models/tree/master/neural_gpu |

  • 2015 | Pointer Net | arxiv | https://github.com/devsisters/pointer-network-tensorflow |

  • 2015 | ResNet | arxiv1 , arxiv2, arxiv3 | https://github.com/tensorflow/models/tree/master/resnet |

  • 2015 | Skip-Thought Vectors | pdf | https://github.com/tensorflow/models/tree/master/skip_thoughts |

  • 2015 | Transformer | arxiv | https://github.com/tensorflow/models/tree/master/transformer |

  • 2016 | Dp_sgd | arxiv | https://github.com/tensorflow/models/tree/master/differential_privacy |

  • 2016 | EnergyGAN | arxiv | https://github.com/buriburisuri/ebgan |

  • 2016 | Grad-CAM | arxiv | https://github.com/Ankush96/grad-cam.tensorflow |

  • 2016 | Im2txt | arxiv | https://github.com/tensorflow/models/tree/master/im2txt |

  • 2016 | InfoGAN | arxiv | https://github.com/buriburisuri/supervised_infogan |

  • 2016 | Multiple_teachers | arxiv | https://github.com/tensorflow/models/tree/master/differential_privacy |

  • 2016 | Neural Programmer | pdf | https://github.com/tensorflow/models/tree/master/neural_programmer |

  • 2016 | PCNN | arxiv | https://github.com/kundan2510/pixelCNN |

  • 2016 | Pix2Pix | arxiv | https://github.com/yenchenlin/pix2pix-tensorflow |

  • 2016 | PVANet | arxiv | https://github.com/sanghoon/pva-faster-rcnn |

  • 2016 | R-FCN | arxiv | https://github.com/Orpine/py-R-FCN |

  • 2016 | SeqGAN | pdf | https://github.com/LantaoYu/SeqGAN |

  • 2016 | SqueezeNet | arxiv | https://github.com/songhan/SqueezeNet-Deep-Compression |

  • 2016 | Swivel | arxiv | https://github.com/tensorflow/models/tree/master/swivel |

  • 2016 | SyntaxNet | arxiv | https://github.com/tensorflow/models/tree/master/syntaxnet |

  • 2016 | Textsum | | https://github.com/tensorflow/models/tree/master/textsum |

  • 2016 | VGNA | arxiv | https://github.com/Shuangfei/vgan |

  • 2017 | Learning to Remember Rare Events | pdf | https://github.com/tensorflow/models/tree/master/learning_to_remember_rare_events |

  • 2017 | SalGAN | arxiv | https://github.com/imatge-upc/saliency-salgan-2017 |

  • 2017 | WGAN | arxiv | https://github.com/Zardinality/WGAN-tensorflow |

Pretrained Model
  • Available pretrained word embeddings

  • Inception-v3 of imagenet

  • Dependency-Based Word Embeddings.

  • GloVe: Global Vectors for Word Representation

  • Model of the deep residual network used for cifar10

  • Pre-Trained Doc2Vec Models

  • Pre-trained word vectors 

    ⭐️
  • ResNet in TensorFlow Pretrain Model

  • TensorFlow VGG-16 pre-trained model

  • VGGNets for Scene Recognition

Courses
  • [Utah] Applied Computational Genomics Course at UU

  • [Stanford] CS231n: Convolutional Neural Networks for Visual Recognition

  • [CUHK] ELEG 5040: Advanced Topics in Signal Processing(Introduction to Deep Learning)

  • [Stanford] CS224n: Natural Language Processing with Deep Learning

  • [Oxford] Deep Learning by Prof. Nando de Freitas

  • [NYU] Deep Learning by Prof. Yann LeCun

  • [Berkeley] CS294: Deep Reinforcement Learning

  • [Berkeley] Stat212b:Topics Course on Deep Learning

  • [MIT] S094: Deep Learning for Self-Driving Cars

  • [CUHK] ELEG 5040: Advanced Topics in Signal Processing (Introduction to Deep Learning)

  • [Stanford] CS20SI: Tensorflow for Deep Learning Research

  • [Stanford] CS224n: Natural Language Processing with Deep Learning

  • [MIT] S191: Introduction to Deep Learning

  • [吴立德] 《深度学习课程》

  • [Oxford] Deep Learning Course

  • [David Silver] RL Course

  • [MIT] Practical Deep Learning For Coders

  • [Google] Udacity Deep Learning Online Course

Books
  • Deep Learning by Ian Goodfellow, Yoshua Bengio, and Aaron Courville, [zh]

  • Neural Networks and Deep Learning by Michael Nielsen

  • Deep Learning Tutorial by LISA lab, University of Montreal

  • 神经网络与深度学习.邱锡鹏

  • UFLDL Tutorial

  • Rules of Machine Learning: Best Practices for ML Engineering

  • Reinforcement Learning: An Introduction [code]

  • Reinforcement LearningState-of-the-Art

  • A Course in Machine Learning

  • 深度学习入门 by PaddlePaddle

  • TensorFlow For Machine Intelligence

  • First Contact With TensorFlow

  • Learning scikit-learn: Machine Learning in Python

Software
  • python

    • [Pylearn2] Theano-based deep learning libraries

    • [Blocks] Blocks is a framework that helps you build neural network models on top of Theano 

      ⭐️
    • [Lasagne] Lightweight library to build and train neural networks in Theano.

    • [Chainer] Chainer bridge the gap between algorithms and implementations of deep learning.

    • [ChainerRL] ChainerRL is a deep reinforcement learning library built on top of Chainer.

    • [DeepPy] DeepPy is a Pythonic deep learning framework built on top of NumPy.

    • [Deepnet] Deepnet: a GPU-based python implementation of deep learning algorithms.

    • [Deepgaze] Deepgaze: A computer vision library for human-computer interaction based on CNNs

    • [DeepQA] Tensorflow implementation of "A neural conversational model", a Deep learning based chatbot.

    • [DeepVideoAnalytics] Analyze videos & images, perform detections, index frames & detected objects, search by examples.

    • [Edward] Edward: A library for probabilistic modeling, inference, and criticism.

    • [Elephas] Distributed Deep learning with Keras & Spark.

    • [Gensim] Gensim: Deep learning toolkit implemented in python programming language intended for handling large text collections, using efficient algorithms.

    • [Hebel] Hebel: A library for deep learning with neural networks in Python using GPU acceleration with CUDA through PyCUDA.

    • [Keras] Keras: Deep Learning library for Theano and TensorFlow. 

      ⭐️
    • [Kur] Kur: Descriptive Deep Learning. 

      ⭐️
    • [Neon] Neon is Nervana's Python based Deep Learning framework.

    • [PyTorch] Tensors and Dynamic neural networks in Python with strong GPU acceleration. 

      ⭐️
    • [Scikit-Learn] scikit-learn: machine learning in Python. 

      ⭐️
    • [Skll] SciKit-Learn Laboratory (SKLL) makes it easy to run machine learning experiments.

    • [TensorFX] TensorFX is an end to end application framework to simplifies machine learning with TensorFlow

    • [Theano] Theano: Mathematical library in Python, maintained by LISA lab

  • C++

    • [MinPy] MinPy: Providing a high performing and flexible deep learning platform, by prototyping a pure NumPy interface above MXNet backend.

    • [Caffe] Caffe: Deep learning framework by the BVLC 

      ⭐️
    • [CNTK] CNTK:The Microsoft Cognitive Toolkit.

    • [DeepDetect] DeepDetect : Open Source Deep Learning Server & API

    • [DIGITS] NVIDIA DIGITS is a new system for developing, training and visualizing deep neural networks.

    • [DSSTNE] DSSTNE is an Amazon developed library for building Deep Learning (DL) machine learning (ML) models.

    • [PaddlePaddle] PaddlePaddle (PArallel Distributed Deep LEarning) is an easy-to-use, efficient, flexible and scalable deep learning platform.

    • [MXNet] MXNet: A flexible and efficient deep learning library for heterogeneous distributed systems with multi-language support 

      ⭐️
    • [Singa] Singa: Singa is an Apache Incubating project for developing an open source deep learning library.

    • [Tensorflow] Tensorflow: An open source software library for numerical computation using data flow graph by Google 

      ⭐️
    • [Tiny-dnn] Tiny-dnn is a C++11 implementation of deep learning.

  • Java

    • [CoreNLP] Stanford CoreNLP: A Java suite of core NLP tools.

    • [Deeplearning4J] Deeplearning4J: Neural Net Platform.

    • [Librec] LibRec: A Java Library for Recommender Systems.

    • [NeuralNetworks] This is a Java implementation of some of the algorithms for training deep neural networks.

    • [NewralNet] A lightweight, easy to use and open source Java library for experimenting with feed-forward neural nets and deep learning.

  • Scala

    • [BigDL] BigDL: Distributed Deep learning on Apache Spark.

  • Julia

    • [Knet] Knet: Knet (pronounced "kay-net") is the Koç University deep learning framework implemented in Julia.

    • [Mocha] Mocha is a Deep Learning framework for Julia, inspired by the C++ framework Caffe.

  • Js

    • [Keras-js] Run Keras models (tensorflow backend) in the browser, with GPU support.

    • [Neurojs] A Javascript deep learning and reinforcement learning library.

  • Matlab

    • [MatConvNet] MatConvNet: CNNs for MATLAB

  • Lua

    • [OpenNMT] OpenNMT: Open-Source Neural Machine Translation

    • [Torch7] Torch7: Deep learning library in Lua, used by Facebook and Google Deepmind 

      ⭐️
  • Php

    • [PHP-ML] PHP-ML - Machine Learning library for PHP

Applications
  • pytorch

    • A fast and differentiable QP solver for PyTorch.

    • A PyTorch Implementation of Single Shot MultiBox Detector.

    • A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing

    • Comprehensive Data Augmentation and Sampling for Pytorch

    • CNNs for Sentence Classification in PyTorch

    • Deep Q-Learning Network in pytorch

    • Fast Neural Style for Image Style Transform by Pytorch

    • Highway networks implemented in PyTorch.

    • OpenNMT: Open-Source Neural Machine Translation in PyTorch 

      ⭐️
    • PyTorch implementation of Fully Convolutional Networks

    • PyTorch implementation of Global Vectors for Word Representation

    • PyTorch implementation of the Value Iteration Networks

    • Pytorch Negative Sampling Loss

    • Pytorch Poetry Generation

    • Sequence to Sequence Models with PyTorch

    • SSD: Single Shot MultiBox Object Detector, in PyTorch

    • t-SNE experiments in pytorch

    • YOLOv2 in PyTorch

  • theano

    • CNN-yelp-challenge-2016-sentiment-classification

    • Deep Neural Network for Sentiment Analysis on Twitter

    • Implementations of many popular deep learning models in Theano+Lasagne

  • tensorflow

    • A framework for developing and evaluating reinforcement learning algorithms

    • A general-purpose encoder-decoder framework for Tensorflow that can be used for Machine Translation, Text Summarization, Conversational Modeling, Image Captioning, and more.

    • An implementation of Pix2Pix in Tensorflow for use with frames from films

    • A Practical Guide for Debugging TensorFlow Codes

    • A set of Deep Reinforcement Learning Agents implemented in Tensorflow. 

      ⭐️
    • Aspect Based Sentiment Analysis using End-to-End Memory Networks

    • A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks" 

      ⭐️
    • A TensorFlow implementation of Baidu's DeepSpeech architecture

    • DeepColor: Automatic coloring and shading of manga-style lineart

    • Deep Learning based Python Library for Stock Market Prediction and Modelling

    • Deepnlp:Deep Learning NLP Pipeline implemented on Tensorflow

    • Embedding Watermarks into Deep Neural Networks

    • Fast Multi(Interpolative) Style Transfer

    • Fast PixelCNN++: speedy image generation

    • Fully differentiable deep-neural decision forest in tensorflow

    • GA3C: Reinforcement Learning through Asynchronous Advantage Actor-Critic on a GPU

    • Implementation of Generative Adversarial Networks, for Audio.

    • Interactive, node-by-node debugging and visualization for TensorFlow 

      ⭐️
    • Machine Learning on Sequential Data Using a Recurrent Weighted Average

    • Metasploit for machine learning.

    • Multilabel time series classification with LSTM

    • Neural Relation Extraction implemented with LSTM in TensorFlow

    • PixelVAE with or without regularization

    • PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation 

      ⭐️
    • Realistic Handwriting with Tensorflow

    • Real-time Joint Semantic Reasoning for Autonomous Driving

    • Self-Driving Car Engineer Nanodegree

    • Sequence-to-Sequence Grapheme-to-Phoneme toolkit

    • Simple Recommender System using Denoising AutoEncoder, implemented using TensorFlow

    • SSD in TensorFlow: Traffic Sign Detection and Classification

    • Tensorflow implementation of fast neural style transfer

    • TensorFlow on iOS demo

    • TensorFlowOnSpark

    • Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets 

      ⭐️
    • Tensorflow Tutorial files and Implementations of various Deep NLP and CV Models

    • Tutorials for deep learning

    • 使用TensorFlow实现的Sequence to Sequence的聊天机器人模型

    • Udacity SDC: Vehicle Detection 

      ⭐️
  • Keras

    • Embedding Watermarks into Deep Neural Networks

    • Experimental implementation of novel neural network structures

    • keras-emoji-embeddings

    • Wasserstein DCGAN in Tensorflow/Keras

Awesome Projects
  • 15 AI and Machine Learning Events

  • Awesome Adversarial Machine Learning

  • Awesome-Caffe

  • Awesome Deep Learning

  • Awesome Deep learning papers and other resources

  • Awesome Deep Vision

  • Awesome - Most Cited Deep Learning Papers

  • Awesome Public Datasets

  • Awesome PyTorch 

    ⭐️
  • Awesome Reinforcement Learning

  • Awesome Robotics

  • Awesome Sentiment Analysis

  • Awesome TensorFlow 

    ⭐️
  • Chainer Info

  • Collection of generative models, e.g. GAN, VAE in Tensorflow, Keras, and Pytorch 

    ⭐️
  • Collection of reinforcement learners implemented in python.

  • Datasets, Transforms and Models specific to Computer Vision

  • Deep Learning Papers Reading Roadmap

  • Machine Learning Videos

  • Machine Learning From Scratch

  • Paper list of multi-agent reinforcement learning (MARL)

  • SCODE Word Embeddings using Substitute Words

  • Summaries and notes on Deep Learning research papers

  • The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch 

    ⭐️
  • Various math-related things in Python code

  • 用于对话系统的中英文语料


原文链接:

http://weibo.com/1402400261/EAvRzdi5C?from=page_1005051402400261_profile&wvr=6&mod=weibotime&type=comment#_rnd1489922968669


链接:

https://github.com/endymecy/awesome-deeplearning-resources


推荐阅读
  • 推荐系统遇上深度学习(十七)详解推荐系统中的常用评测指标
    原创:石晓文小小挖掘机2018-06-18笔者是一个痴迷于挖掘数据中的价值的学习人,希望在平日的工作学习中,挖掘数据的价值, ... [详细]
  • 微软头条实习生分享深度学习自学指南
    本文介绍了一位微软头条实习生自学深度学习的经验分享,包括学习资源推荐、重要基础知识的学习要点等。作者强调了学好Python和数学基础的重要性,并提供了一些建议。 ... [详细]
  • 本文介绍了Python高级网络编程及TCP/IP协议簇的OSI七层模型。首先简单介绍了七层模型的各层及其封装解封装过程。然后讨论了程序开发中涉及到的网络通信内容,主要包括TCP协议、UDP协议和IPV4协议。最后还介绍了socket编程、聊天socket实现、远程执行命令、上传文件、socketserver及其源码分析等相关内容。 ... [详细]
  • 生成式对抗网络模型综述摘要生成式对抗网络模型(GAN)是基于深度学习的一种强大的生成模型,可以应用于计算机视觉、自然语言处理、半监督学习等重要领域。生成式对抗网络 ... [详细]
  • iOS超签签名服务器搭建及其优劣势
    本文介绍了搭建iOS超签签名服务器的原因和优势,包括不掉签、用户可以直接安装不需要信任、体验好等。同时也提到了超签的劣势,即一个证书只能安装100个,成本较高。文章还详细介绍了超签的实现原理,包括用户请求服务器安装mobileconfig文件、服务器调用苹果接口添加udid等步骤。最后,还提到了生成mobileconfig文件和导出AppleWorldwideDeveloperRelationsCertificationAuthority证书的方法。 ... [详细]
  • 开源Keras Faster RCNN模型介绍及代码结构解析
    本文介绍了开源Keras Faster RCNN模型的环境需求和代码结构,包括FasterRCNN源码解析、RPN与classifier定义、data_generators.py文件的功能以及损失计算。同时提供了该模型的开源地址和安装所需的库。 ... [详细]
  • Window10+anaconda+python3.5.4+ tensorflow1.5+ keras(GPU版本)安装教程 ... [详细]
  • OCR:用字符识别方法将形状翻译成计算机文字的过程Matlab:商业数学软件;CUDA:CUDA™是一种由NVIDIA推 ... [详细]
  • 现在比较流行使用静态网站生成器来搭建网站,博客产品着陆页微信转发页面等。但每次都需要对服务器进行配置,也是一个重复但繁琐的工作。使用DockerWeb,只需5分钟就能搭建一个基于D ... [详细]
  • pc电脑如何投屏到电视?DLNA主要步骤通过DLNA连接,使用WindowsMediaPlayer的流媒体播放举例:电脑和电视机都是连接的 ... [详细]
  • 代码如下:#coding:utf-8importstring,os,sysimportnumpyasnpimportmatplotlib.py ... [详细]
  • 干货 | 携程AI推理性能的自动化优化实践
    作者简介携程度假AI研发团队致力于为携程旅游事业部提供丰富的AI技术产品,其中性能优化组为AI模型提供全方位的优化方案,提升推理性能降低成本࿰ ... [详细]
  • 本文介绍了在Mac上安装Xamarin并使用Windows上的VS开发iOS app的方法,包括所需的安装环境和软件,以及使用Xamarin.iOS进行开发的步骤。通过这种方法,即使没有Mac或者安装苹果系统,程序员们也能轻松开发iOS app。 ... [详细]
  • 华为和阿里VPN
    阿里云创建VPN1、 创建VPN网关2、 填写名称,选择对应的VPC,不指定交换机,选择带宽3、购买的是IPSEC-VPN不开启SSLVPN,点击立即购买 4、 创建客户网关  ... [详细]
  • centos6.8 下nginx1.10 安装 ... [详细]
author-avatar
清醒还是迷惘_123
这个家伙很懒,什么也没留下!
PHP1.CN | 中国最专业的PHP中文社区 | DevBox开发工具箱 | json解析格式化 |PHP资讯 | PHP教程 | 数据库技术 | 服务器技术 | 前端开发技术 | PHP框架 | 开发工具 | 在线工具
Copyright © 1998 - 2020 PHP1.CN. All Rights Reserved | 京公网安备 11010802041100号 | 京ICP备19059560号-4 | PHP1.CN 第一PHP社区 版权所有