harikrishnan0eh / Deep-Learning-World

:satellite: Organized Resources for Deep Learning Researchers and Developers

Home Page:https://deep-learning-world.readthedocs.io

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

_img/mainpage/logo.gif

Deep Learning World

https://img.shields.io/badge/contributions-welcome-brightgreen.svg?style=flat https://badges.frapsoft.com/os/v2/open-source.png?v=103

Table of Contents

Introduction

The purpose of this project is to introduce a shortcut to developers and researcher for finding useful resources about Deep Learning.

Motivation

There are different motivations for this open source project.

What's the point of this open source project?

There other similar repositories similar to this repository and are very comprehensive and useful and to be honest they made me ponder if there is a necessity for this repository!

The point of this repository is that the resources are being targeted. The organization of the resources is such that the user can easily find the things he/she is looking for. We divided the resources to a large number of categories that in the beginning one may have a headache!!! However, if someone knows what is being located, it is very easy to find the most related resources. Even if someone doesn't know what to look for, in the beginning, the general resources have been provided.

Papers

_img/mainpage/article.jpeg

This chapter is associated with the papers published in deep learning.

Models

Convolutional Networks
_img/mainpage/convolutional.png
  • Imagenet classification with deep convolutional neural networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Convolutional Neural Networks for Sentence Classification : [Paper]

    _img/mainpage/progress-overall-80.png
  • Large-scale Video Classification with Convolutional Neural Networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • Learning and Transferring Mid-Level Image Representations using Convolutional Neural Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Deep convolutional neural networks for LVCSR : [Paper]

    _img/mainpage/progress-overall-60.png
  • Face recognition: a convolutional neural-network approach : [Paper]

    _img/mainpage/progress-overall-100.png
Recurrent Networks
  • An empirical exploration of recurrent network architectures : [Paper]

    _img/mainpage/progress-overall-80.png
  • LSTM: A search space odyssey : [Paper]

    _img/mainpage/progress-overall-80.png
  • On the difficulty of training recurrent neural networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Learning to forget: Continual prediction with LSTM : [Paper]

    _img/mainpage/progress-overall-100.png
Autoencoders

_img/mainpage/Autoencoder_structure.png

  • Extracting and composing robust features with denoising autoencoders : [Paper]

    _img/mainpage/progress-overall-100.png
  • Stacked Denoising Autoencoders: Learning Useful Representations in a Deep Network with a Local Denoising Criterion : [Paper]

    _img/mainpage/progress-overall-100.png
  • Adversarial Autoencoders : [Paper]

    _img/mainpage/progress-overall-60.png
  • Autoencoders, Unsupervised Learning, and Deep Architectures : [Paper]

    _img/mainpage/progress-overall-80.png
  • Reducing the Dimensionality of Data with Neural Networks : [Paper]

    _img/mainpage/progress-overall-100.png
Generative Models

_img/mainpage/generative.png

  • Exploiting generative models discriminative classifiers : [Paper]

    _img/mainpage/progress-overall-80.png
  • Semi-supervised Learning with Deep Generative Models : [Paper]

    _img/mainpage/progress-overall-80.png
  • Generative Adversarial Nets : [Paper]

    _img/mainpage/progress-overall-100.png
  • Generalized Denoising Auto-Encoders as Generative Models : [Paper]

    _img/mainpage/progress-overall-100.png
Probabilistic Models
  • Stochastic Backpropagation and Approximate Inference in Deep Generative Models : [Paper]

    _img/mainpage/progress-overall-80.png
  • Probabilistic models of cognition: exploring representations and inductive biases : [Paper]

    _img/mainpage/progress-overall-100.png
  • On deep generative models with applications to recognition : [Paper]

    _img/mainpage/progress-overall-100.png

Core

Optimization
  • Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift : [Paper]

    _img/mainpage/progress-overall-100.png
  • Dropout: A Simple Way to Prevent Neural Networks from Overfitting : [Paper]

    _img/mainpage/progress-overall-100.png
  • Training Very Deep Networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification : [Paper]

    _img/mainpage/progress-overall-100.png
  • Large Scale Distributed Deep Networks : [Paper]

    _img/mainpage/progress-overall-100.png
Representation Learning
  • Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Representation Learning: A Review and New Perspectives : [Paper]

    _img/mainpage/progress-overall-80.png
  • InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets : [Paper]

    _img/mainpage/progress-overall-60.png
Understanding and Transfer Learning
  • Learning and Transferring Mid-Level Image Representations using Convolutional Neural Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Distilling the Knowledge in a Neural Network : [Paper]

    _img/mainpage/progress-overall-80.png
  • DeCAF: A Deep Convolutional Activation Feature for Generic Visual Recognition : [Paper]

    _img/mainpage/progress-overall-100.png
  • How transferable are features in deep neural networks? : [Paper]

    _img/mainpage/progress-overall-100.png
Reinforcement Learning
  • Human-level control through deep reinforcement learning : [Paper]

    _img/mainpage/progress-overall-100.png
  • Playing Atari with Deep Reinforcement Learning : [Paper]

    _img/mainpage/progress-overall-60.png
  • Continuous control with deep reinforcement learning : [`Paper <https://arxiv.org/abs/1509.02971`_]

    _img/mainpage/progress-overall-80.png
  • Deep Reinforcement Learning with Double Q-Learning : [Paper]

    _img/mainpage/progress-overall-60.png
  • Dueling Network Architectures for Deep Reinforcement Learning : [Paper]

    _img/mainpage/progress-overall-60.png

Applications

Image Recognition
  • Deep Residual Learning for Image Recognition : [Paper]

    _img/mainpage/progress-overall-100.png
  • Very Deep Convolutional Networks for Large-Scale Image Recognition : [Paper]

    _img/mainpage/progress-overall-100.png
  • Multi-column Deep Neural Networks for Image Classification : [Paper]

    _img/mainpage/progress-overall-80.png
  • DeepID3: Face Recognition with Very Deep Neural Networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • Deep Inside Convolutional Networks: Visualising Image Classification Models and Saliency Maps : [Paper]

    _img/mainpage/progress-overall-60.png
  • Deep Image: Scaling up Image Recognition : [Paper]

    _img/mainpage/progress-overall-80.png
  • Long-Term Recurrent Convolutional Networks for Visual Recognition and Description : [Paper]

    _img/mainpage/progress-overall-100.png
Object Recognition
  • ImageNet Classification with Deep Convolutional Neural Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Learning Deep Features for Scene Recognition using Places Database : [Paper]

    _img/mainpage/progress-overall-60.png
  • Scalable Object Detection using Deep Neural Networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • CNN Features Off-the-Shelf: An Astounding Baseline for Recognition : [Paper]

    _img/mainpage/progress-overall-80.png
  • What is the best multi-stage architecture for object recognition? : [Paper]

    _img/mainpage/progress-overall-60.png
Action Recognition
  • Long-Term Recurrent Convolutional Networks for Visual Recognition and Description : [Paper]

    _img/mainpage/progress-overall-100.png
  • Learning Spatiotemporal Features With 3D Convolutional Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Describing Videos by Exploiting Temporal Structure : [Paper]

    _img/mainpage/progress-overall-60.png
  • Convolutional Two-Stream Network Fusion for Video Action Recognition : [Paper]

    _img/mainpage/progress-overall-80.png
  • Temporal segment networks: Towards good practices for deep action recognition : [Paper]

    _img/mainpage/progress-overall-60.png
Caption Generation
  • Show, Attend and Tell: Neural Image Caption Generation with Visual Attention : [Paper]

    _img/mainpage/progress-overall-100.png
  • Mind's Eye: A Recurrent Visual Representation for Image Caption Generation : [Paper]

    _img/mainpage/progress-overall-40.png
  • Generative Adversarial Text to Image Synthesis : [Paper]

    _img/mainpage/progress-overall-60.png
  • Deep Visual-Semantic Al60ignments for Generating Image Descriptions : [Paper]

    _img/mainpage/progress-overall-80.png
  • Show and Tell: A Neural Image Caption Generator : [Paper]

    _img/mainpage/progress-overall-100.png
Natural Language Processing
  • Distributed Representations of Words and Phrases and their Compositionality : [Paper]

    _img/mainpage/progress-overall-100.png
  • Efficient Estimation of Word Representations in Vector Space : [Paper]

    _img/mainpage/progress-overall-80.png
  • Sequence to Sequence Learning with Neural Networks : [Paper]

    _img/mainpage/progress-overall-100.png
  • Neural Machine Translation by Jointly Learning to Align and Translate : [Paper]

    _img/mainpage/progress-overall-80.png
  • Get To The Point: Summarization with Pointer-Generator Networks : [Paper]

    _img/mainpage/progress-overall-60.png
  • Attention Is All You Need : [Paper]

    _img/mainpage/progress-overall-80.png
  • Convolutional Neural Networks for Sentence Classification : [Paper]

    _img/mainpage/progress-overall-80.png
Speech Technology
  • Deep Neural Networks for Acoustic Modeling in Speech Recognition: The Shared Views of Four Research Groups : [Paper]

    _img/mainpage/progress-overall-100.png
  • Towards End-to-End Speech Recognition with Recurrent Neural Networks : [Paper]

    _img/mainpage/progress-overall-60.png
  • Speech recognition with deep recurrent neural networks : [Paper]

    _img/mainpage/progress-overall-80.png
  • Fast and Accurate Recurrent Neural Network Acoustic Models for Speech Recognition : [Paper]

    _img/mainpage/progress-overall-60.png
  • Deep Speech 2 : End-to-End Speech Recognition in English and Mandarin : [Paper]

    _img/mainpage/progress-overall-60.png
  • Deep Speech 2 : End-to-End Speech Recognition in English and Mandarin : [Paper]

    _img/mainpage/progress-overall-80.png
  • A novel scheme for speaker recognition using a phonetically-aware deep neural network : [Paper]

    _img/mainpage/progress-overall-60.png

Courses

_img/mainpage/online.png

  • Machine Learning by Stanford on Coursera : [Link]
  • Neural Networks and Deep Learning Specialization by Coursera: [Link]
  • Intro to Deep Learning by Google: [Link]
  • NVIDIA Deep Learning Institute by NVIDIA: [Link]
  • Convolutional Neural Networks for Visual Recognition by Standford: [Link]
  • Deep Learning for Natural Language Processing by Standford: [Link]
  • Deep Learning by fast.ai: [Link]

Books

_img/mainpage/books.jpg

  • Deep Learning by Ian Goodfellow: [Link]
  • Neural Networks and Deep Learning : [Link]
  • Deep Learning with Python: [Link]
  • Hands-On Machine Learning with Scikit-Learn and TensorFlow: Concepts, Tools, and Techniques to Build Intelligent Systems: [Link]

Blogs

_img/mainpage/Blogger_icon.png

  • Colah's blog: [Link]
  • Andrej Karpathy blog: [Link]
  • The Spectator Shakir's Machine Learning Blog: [Link]
  • WILDML: [Link]
  • Distill blog: [Link]
  • BAIR Berkeley Artificial Inteliigent Research: [Link]
  • Sebastian Ruder's blog: [Link]
  • inFERENCe: [Link]
  • i am trask A Machine Learning Craftsmanship Blog: [Link]

Tutorials

_img/mainpage/tutorial.png

  • Deep Learning Tutorials: [Link]
  • Deep Learning for NLP with Pytorch by Pytorch: [Link]
  • Deep Learning for Natural Language Processing: Tutorials with Jupyter Notebooks by Jon Krohn: [Link]

Contributing

For typos, unless significant changes, please do not create a pull request. Instead, declare them in issues or email the repository owner. Please note we have a code of conduct, please follow it in all your interactions with the project.

Pull Request Process

Please consider the following criterions in order to help us in a better way:

  1. The pull request is mainly expected to be a link suggestion.
  2. Please make sure your suggested resources are not obsolete or broken.
  3. Ensure any install or build dependencies are removed before the end of the layer when doing a build and creating a pull request.
  4. Add comments with details of changes to the interface, this includes new environment variables, exposed ports, useful file locations and container parameters.
  5. You may merge the Pull Request in once you have the sign-off of at least one other developer, or if you do not have permission to do that, you may request the owner to merge it for you if you believe all checks are passed.

Final Note

We are looking forward to your kind feedback. Please help us to improve this open source project and make our work better. For contribution, please create a pull request and we will investigate it promptly. Once again, we appreciate your kind feedback and support.

About

:satellite: Organized Resources for Deep Learning Researchers and Developers

https://deep-learning-world.readthedocs.io

License:MIT License


Languages

Language:Python 100.0%