Convert Figma logo to code with AI

sbrugman logodeep-learning-papers

Papers about deep learning ordered by task, date. Current state-of-the-art papers are labelled.

3,192
415
3,192
5

Top Related Projects

Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!

The most cited deep learning papers

A curated list of awesome Deep Learning tutorials, projects and communities.

A curated list of deep learning resources for computer vision

TensorFlow - A curated list of dedicated resources http://tensorflow.org

Quick Overview

The sbrugman/deep-learning-papers repository is a curated collection of deep learning papers organized by topic. It serves as a comprehensive resource for researchers and practitioners in the field of deep learning, providing easy access to influential papers across various subdomains.

Pros

  • Well-organized structure with papers categorized by specific topics
  • Regularly updated with new and relevant papers
  • Includes links to paper PDFs and additional resources when available
  • Covers a wide range of deep learning topics, from foundational concepts to specialized applications

Cons

  • Lacks detailed summaries or explanations of the papers
  • May not include all relevant papers in each category
  • Subjective selection process for included papers
  • Limited community contribution and discussion features

Note: As this is not a code library, the code example and getting started sections have been omitted.

Competitor Comparisons

Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!

Pros of Deep-Learning-Papers-Reading-Roadmap

  • Provides a structured learning path for deep learning topics
  • Includes brief descriptions and explanations for each paper
  • Organizes papers by subject area and difficulty level

Cons of Deep-Learning-Papers-Reading-Roadmap

  • Less frequently updated compared to deep-learning-papers
  • Focuses primarily on foundational papers, potentially missing newer research
  • Limited to specific deep learning topics, not as comprehensive

Code Comparison

While both repositories primarily focus on curating and organizing research papers, they don't contain significant code samples. However, deep-learning-papers includes some code snippets for paper implementations:

deep-learning-papers:

import torch
import torch.nn as nn

class SimpleNet(nn.Module):
    def __init__(self):
        super(SimpleNet, self).__init__()
        self.fc = nn.Linear(784, 10)

Deep-Learning-Papers-Reading-Roadmap does not include code samples, as it's primarily a curated list of papers with descriptions and categorizations.

The most cited deep learning papers

Pros of awesome-deep-learning-papers

  • More comprehensive collection with over 400 papers
  • Better organization with categorization by research areas
  • Includes a "Top 100" list for quick reference

Cons of awesome-deep-learning-papers

  • Last updated in 2018, potentially outdated
  • Lacks direct links to paper implementations or code

Code comparison

Not applicable for these repositories, as they primarily consist of curated lists of papers without significant code content.

Summary

awesome-deep-learning-papers offers a more extensive and well-organized collection of deep learning papers, including a helpful "Top 100" list. However, it hasn't been updated since 2018, which may limit its relevance for recent research. deep-learning-papers, while potentially more up-to-date, has a smaller collection and less structured organization.

Both repositories serve as valuable resources for researchers and practitioners in the field of deep learning, but users should consider the trade-offs between comprehensiveness and recency when choosing between them.

A curated list of awesome Deep Learning tutorials, projects and communities.

Pros of awesome-deep-learning

  • More comprehensive coverage of deep learning topics, including books, courses, and videos
  • Better organized structure with clear categories and subcategories
  • Regularly updated with new resources and contributions from the community

Cons of awesome-deep-learning

  • Less focus on specific research papers compared to deep-learning-papers
  • May be overwhelming for beginners due to the large amount of information
  • Lacks detailed summaries or explanations for each resource

Code comparison

While both repositories are primarily curated lists of resources, they don't contain significant code samples. However, here's an example of how they structure their content:

deep-learning-papers:

## Image Classification
- [Paper Title](link) (Conference Year)
  - Summary: Brief description of the paper

awesome-deep-learning:

## Papers
* [Title](link) - Author, Publication, Year

The deep-learning-papers repository provides more detailed information about each paper, including a summary, while awesome-deep-learning offers a broader range of resources beyond just papers.

A curated list of deep learning resources for computer vision

Pros of awesome-deep-vision

  • More comprehensive coverage of computer vision topics
  • Better organization with clear categorization of papers
  • Includes additional resources like datasets and software

Cons of awesome-deep-vision

  • Less frequently updated compared to deep-learning-papers
  • Focuses primarily on computer vision, limiting its scope
  • May be overwhelming for beginners due to the large number of papers

Code comparison

Not applicable, as both repositories are curated lists of papers and resources without significant code content.

Summary

awesome-deep-vision offers a more extensive and well-organized collection of computer vision papers and resources, making it ideal for researchers and practitioners in this specific field. However, it may be less suitable for those seeking a broader overview of deep learning or more recent updates.

deep-learning-papers, on the other hand, covers a wider range of deep learning topics and is updated more frequently. It might be more appropriate for those looking for a general understanding of deep learning or staying current with the latest developments across various subfields.

Both repositories serve as valuable resources for the AI community, with their strengths catering to different needs and preferences.

TensorFlow - A curated list of dedicated resources http://tensorflow.org

Pros of awesome-tensorflow

  • Focused specifically on TensorFlow resources and tools
  • Includes a wider variety of content types (tutorials, videos, books, etc.)
  • More frequently updated with new resources

Cons of awesome-tensorflow

  • Less structured organization compared to deep-learning-papers
  • May be overwhelming for beginners due to the large number of resources
  • Lacks detailed descriptions or summaries for each listed item

Code comparison

Not applicable for these repositories, as they are curated lists of resources rather than code repositories.

Summary

awesome-tensorflow is a comprehensive collection of TensorFlow-related resources, offering a wide range of content types for developers at various skill levels. It's frequently updated but may be overwhelming for beginners due to its extensive list.

deep-learning-papers, on the other hand, focuses specifically on research papers in the broader field of deep learning. It provides a more structured organization, making it easier to navigate for those interested in academic research. However, it may not be as frequently updated and lacks the variety of resource types found in awesome-tensorflow.

Both repositories serve different purposes and cater to different audiences within the machine learning community. awesome-tensorflow is ideal for TensorFlow practitioners looking for practical resources, while deep-learning-papers is better suited for researchers and those interested in the theoretical aspects of deep learning.

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

Deep Learning Papers by task

Papers about deep learning ordered by task, date. For each paper there is a permanent link, which is either to Arxiv.org or to a copy of the original paper in this repository.

Table of Contents

  1. Code

    1.1. Code Generation

    1.2. Malware Detection and Security

  2. Text

    2.1. Summarization

    2.2. Taskbots

    2.3. Classification

    2.4. Question Answering

    2.5. Sentiment Analysis

    2.6. Translation

    2.7. Chatbots

    2.8. Reasoning

    2.9. Language Representation

  3. Visual

    3.1. Gaming

    3.2. Style Transfer

    3.3. Object Tracking

    3.4. Visual Question Answering

    3.5. Image Segmentation

    3.6. Text (in the Wild) Recognition

    3.7. Brain Computer Interfacing

    3.8. Self-Driving Cars

    3.9. Object Recognition

    3.10. Logo Recognition

    3.11. Super Resolution

    3.12. Pose Estimation

    3.13. Image Captioning

    3.14. Image Compression

    3.15. Image Synthesis

    3.16. Face Recognition

    3.17. Image Composition

    3.18. Scene Graph Parsing

    3.19. Video Deblurring

    3.20. Depth Perception

    3.21. 3D Reconstruction

    3.22. Vision Representation

  4. Audio

    4.1. Audio Synthesis

  5. Other

    5.1. Unclassified

    5.2. Regularization

    5.3. Neural Network Compression

    5.4. Optimizers

Code

Code Generation

TitleDatePaperCode
DeepAM: Migrate APIs with Multi-modal Sequence to Sequence Learning25 apr 2017arxiv
A Syntactic Neural Model for General-Purpose Code Generation6 apr 2017arxiv
RobustFill: Neural Program Learning under Noisy I/O21 mar 2017arxiv
DeepFix: Fixing Common C Language Errors by Deep Learning12 feb 2017paper
DeepCoder: Learning to Write Programs7 nov 2016arxiv
Neuro-Symbolic Program Synthesis6 nov 2016arxiv
Deep API Learning27 may 2016arxiv

Malware Detection and Security

TitleDatePaperCode
PassGAN: A Deep Learning Approach for Password Guessing1 sep 2017arxiv
Deep Android Malware Detection22 mar 2016papergithub
Droid-Sec: Deep Learning in Android Malware Detection17 aug 2014papergithub

Text

Summarization

TitleDatePaperCode
A Deep Reinforced Model for Abstractive Summarization11 may 2017arxiv
Get To The Point: Summarization with Pointer-Generator Networks14 apr 2017arxiv
SummaRuNNer: A Recurrent Neural Network based Sequence Model for Extractive Summarization of Documents14 nov 2016arxiv

Taskbots

TitleDatePaperCode
Composite Task-Completion Dialogue Policy Learning via Hierarchical Deep Reinforcement Learning10 apr 2017arxivgithub
End-to-End Task-Completion Neural Dialogue Systems3 mar 2017arxivgithub

Classification

TitleDatePaperCode
A Large Self-Annotated Corpus for Sarcasm19 apr 2017arxiv
ConceptNet at SemEval-2017 Task 2: Extending Word Embeddings with Multilingual Relational Knowledge11 apr 2017arxiv
Bilateral Multi-Perspective Matching for Natural Language Sentences13 feb 2017arxiv
FastText.zip: Compressing text classification models12 dec 2016arxiv
ConceptNet 5.5: An Open Multilingual Graph of General Knowledge12 dec 2016arxiv
A Simple but Tough-to-Beat Baseline for Sentence Embeddings4 nov 2016papergithub
Enriching Word Vectors with Subword Information15 jul 2016arxiv
From Word Embeddings To Document Distances6 jul 2016papergithub
Bag of Tricks for Efficient Text Classification6 jul 2016arxiv
Character-level Convolutional Networks for Text Classification4 sep 2015arxiv
GloVe: Global Vectors for Word Representation25 may 2015papergithub
Improved Semantic Representations From Tree-Structured Long Short-Term Memory Networks28 feb 2015arxiv
Distributed Representations of Sentences and Documents16 may 2014arxiv
Efficient Estimation of Word Representations in Vector Space16 jan 2013arxiv
SimHash: Hash-based Similarity Detection13 dec 2007paper

Question Answering

TitleDatePaperCode
IRGAN: A Minimax Game for Unifying Generative and Discriminative Information Retrieval Models30 may 2017arxivgithub

Sentiment Analysis

TitleDatePaperCode
Rationalizing Neural Predictions13 jun 2016arxiv
Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank18 okt 2013paper

Translation

TitleDatePaperCode
Attention Is All You Need12 jun 2017arxiv
Convolutional Sequence to Sequence Learning8 may 2017arxivgithub
Google's Multilingual Neural Machine Translation System: Enabling Zero-Shot Translation14 nov 2016arxiv
A Convolutional Encoder Model for Neural Machine Translation7 nov 2016arxiv
Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation26 sep 2016arxiv
Neural Machine Translation by Jointly Learning to Align and Translate1 sep 2014arxiv

Chatbots

TitleDatePaperCode
A Deep Reinforcement Learning Chatbot7 sep 2017arxiv
A Neural Conversational Model19 jun 2015arxivgithub

Reasoning

TitleDatePaperCode
NeuroSAT: Learning a SAT Solver from Single-Bit Supervision5 jan 2019arxivgithub
Tracking the World State with Recurrent Entity Networks12 dec 2016arxiv

Language Representation

TitleDatePaperCode
Efficient Estimation of Word Representations in Vector Space7 sep 2013arxiv
Distributed Representations of Words and Phrases and their Compositionality16 okt 2013arxiv
ELMO: Deep contextualized word representations22 Mar 2018arxiv
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding24 may 2019arxivgithub
XLNet: Generalized Autoregressive Pretraining for Language Understanding19 jun 2019arxivgithub
RoBERTa: A Robustly Optimized BERT Pretraining Approach26 jul 2019arxivgithub

Visual

Gaming

TitleDatePaperCode
Phase-Functioned Neural Networks for Character Control1 may 2017paper
Equivalence Between Policy Gradients and Soft Q-Learning21 apr 2017arxiv
Beating Atari with Natural Language Guided Reinforcement Learning18 apr 2017arxiv
Learning from Demonstrations for Real World Reinforcement Learning12 apr 2017arxiv
FeUdal Networks for Hierarchical Reinforcement Learning3 mar 2017arxiv
Overcoming catastrophic forgetting in neural networks2 dec 2016arxiv
Playing Doom with SLAM-Augmented Deep Reinforcement Learning1 dec 2016arxiv
Playing FPS Games with Deep Reinforcement Learning18 sep 2016arxiv
DeepChess: End-to-End Deep Neural Network for Automatic Learning in Chess16 aug 2016paper
Generative Adversarial Imitation Learning10 jun 2016arxiv
Dueling Network Architectures for Deep Reinforcement Learning20 nov 2015arxiv
Prioritized Experience Replay18 nov 2015arxiv
Human-level control through deep reinforcement learning26 feb 2015paper
Playing Atari with Deep Reinforcement Learning19 dec 2013arxiv

Style Transfer

TitleDatePaperCode
The Contextual Loss for Image Transformation with Non-Aligned Data18 jul 2018arxivgithub
Deep Photo Style Transfer22 mar 2017arxiv
Arbitrary Style Transfer in Real-time with Adaptive Instance Normalization20 mar 2017arxivgithub
A Learned Representation For Artistic Style24 okt 2016arxiv
Instance Normalization: The Missing Ingredient for Fast Stylization27 jul 2016arxiv
Perceptual Losses for Real-Time Style Transfer and Super-Resolution27 mar 2016arxivgithub
A Neural Algorithm of Artistic Style26 aug 2015arxivgithub

Object Tracking

TitleDatePaperCode
End-to-end representation learning for Correlation Filter based tracking20 apr 2017arxivgithub

Visual Question Answering

TitleDatePaperCode
VQA: Visual Question Answering3 may 2015arxiv

Image Segmentation

TitleDatePaperCode
PointRend: Image Segmentation as Rendering17 dec 2019arxiv
Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation22 aug 2018paper cvprgithub
Dilated Residual Networks22 jul 2017paper
SfM-Net: Learning of Structure and Motion from Video25 apr 2017arxiv
Semi and Weakly Supervised Semantic Segmentation Using Generative Adversarial Network28 mar 2017arxiv
Mask R-CNN20 mar 2017arxiv
Learning Features by Watching Objects Move19 dec 2016arxiv
RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation20 nov 2016arxivgithub
UberNet: Training a `Universal' Convolutional Neural Network for Low-, Mid-, and High-Level Vision using Diverse Datasets and Limited Memory7 sep 2016arxiv
DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs2 jun 2016arxiv
Fully Convolutional Networks for Semantic Segmentation20 may 2016arxivgithub
Instance-aware Semantic Segmentation via Multi-task Network Cascades14 dec 2015arxiv
Multi-Scale Context Aggregation by Dilated Convolutions23 nov 2015arxiv
SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation2 nov 2015arxiv
U-Net: Convolutional Networks for Biomedical Image Segmentation18 may 2015arxiv
Semantic Image Segmentation with Deep Convolutional Nets and Fully Connected CRFs22 dec 2014arxiv
Learning Rich Features from RGB-D Images for Object Detection and Segmentation22 jul 2014arxiv

Text (in the Wild) Recognition

TitleDatePaperCode
OCR Error Correction Using Character Correction and Feature-Based Word Classification21 apr 2016arxiv
Recursive Recurrent Nets with Attention Modeling for OCR in the Wild9 mar 2016arxiv
COCO-Text: Dataset and Benchmark for Text Detection and Recognition in Natural Images26 jan 2016arxiv
Efficient Scene Text Localization and Recognition with Local Character Refinement14 apr 2015arxiv
Reading Text in the Wild with Convolutional Neural Networks4 dec 2014arxiv
Synthetic Data and Artificial Neural Networks for Natural Scene Text Recognition9 jun 2014arxiv

Brain Computer Interfacing

TitleDatePaperCode
Deep learning with convolutional neural networks for brain mapping and decoding of movement-related information from the human EEG15 mar 2017arxiv
Encoding Voxels with Deep Learning2 dec 2015paper
Deep Neural Networks Reveal a Gradient in the Complexity of Neural Representations across the Ventral Stream8 jul 2015paper

Self-Driving Cars

TitleDatePaperCode
Computer Vision for Autonomous Vehicles: Problems, Datasets and State-of-the-Art18 apr 2017arxiv
End to End Learning for Self-Driving Cars25 apr 2016arxiv

Object Recognition

TitleDatePaperCode
Cascade R-CNN: High Quality Object Detection and Instance Segmentation24 Jun 2019arxivgithub
YOLOv3: An Incremental Improvement8 Apr 2018arxivgithub, github reimplementation
Focal Loss for Dense Object Detection7 aug 2017arxiv
Introspective Classifier Learning: Empower Generatively25 apr 2017arxiv
Learning Chained Deep Features and Classifiers for Cascade in Object Detection23 feb 2017arxiv
DSSD : Deconvolutional Single Shot Detector23 jan 2017arxiv
YOLO9000: Better, Faster, Stronger25 dec 2016arxivgithub
Feature Pyramid Networks for Object Detection9 dec 2016arxiv
Speed/accuracy trade-offs for modern convolutional object detectors30 nov 2016arxiv
Aggregated Residual Transformations for Deep Neural Networks16 nov 2016arxiv
Aggregated Residual Transformations for Deep Neural Networks16 nov 2016arxiv
Hierarchical Object Detection with Deep Reinforcement Learning11 nov 2016arxiv
Xception: Deep Learning with Depthwise Separable Convolutions7 okt 2016arxiv
Learning to Make Better Mistakes: Semantics-aware Visual Food Recognition1 okt 2016paper
Densely Connected Convolutional Networks25 aug 2016arxiv
Residual Networks of Residual Networks: Multilevel Residual Networks9 aug 2016arxiv
Context Matters: Refining Object Detection in Video with Recurrent Neural Networks15 jul 2016arxiv
R-FCN: Object Detection via Region-based Fully Convolutional Networks20 may 2016arxiv
Training Region-based Object Detectors with Online Hard Example Mining12 apr 2016arxiv
T-CNN: Tubelets with Convolutional Neural Networks for Object Detection from Videos9 apr 2016arxiv
Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning23 feb 2016arxiv
Deep Residual Learning for Image Recognition10 dec 2015arxiv
SSD: Single Shot MultiBox Detector8 dec 2015arxiv
Fast and Accurate Deep Network Learning by Exponential Linear Units (ELUs)23 nov 2015arxiv
ParseNet: Looking Wider to See Better15 jun 2015arxiv
You Only Look Once: Unified, Real-Time Object Detection8 jun 2015arxiv
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks4 jun 2015arxiv
Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification6 feb 2015arxiv
Deep Image: Scaling up Image Recognition13 jan 2015arxiv
Rich feature hierarchies for accurate object detection and semantic segmentation11 nov 2013arxiv
Selective Search for Object Recognition11 mar 2013paper
ImageNet Classification with Deep Convolutional Neural Networks3 dec 2012paper

Logo Recognition

TitleDatePaperCode
Deep Learning Logo Detection with Data Expansion by Synthesising Context29 dec 2016arxiv
Automatic Graphic Logo Detection via Fast Region-based Convolutional Networks20 apr 2016arxiv
LOGO-Net: Large-scale Deep Logo Detection and Brand Recognition with Deep Region-based Convolutional Networks8 nov 2015arxiv
DeepLogo: Hitting Logo Recognition with the Deep Neural Network Hammer7 okt 2015arxiv

Super Resolution

TitleDatePaperCode
Real-Time Single Image and Video Super-Resolution Using an Efficient Sub-Pixel Convolutional Neural Network16 sep 2016arxiv
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network15 sep 2016arxiv
RAISR: Rapid and Accurate Image Super Resolution3 jun 2016arxiv
Perceptual Losses for Real-Time Style Transfer and Super-Resolution27 mar 2016arxivgithub
Image Super-Resolution Using Deep Convolutional Networks31 dec 2014arxiv

Pose Estimation

TitleDatePaperCode
Forecasting Human Dynamics from Static Images11 apr 2017arxiv
Fast Single Shot Detection and Pose Estimation19 sep 2016arxiv
Convolutional Pose Machines30 jan 2016arxiv
Flowing ConvNets for Human Pose Estimation in Videos9 jun 2015arxiv

Image Captioning

TitleDatePaperCode
Actor-Critic Sequence Training for Image Captioning29 jun 2017arxiv
Detecting and Recognizing Human-Object Interactions24 apr 2017arxiv
Deep Reinforcement Learning-based Image Captioning with Embedding Reward12 apr 2017arxiv
Towards Diverse and Natural Image Descriptions via a Conditional GAN17 mar 2017arxiv
Temporal Tessellation: A Unified Approach for Video Analysis21 dec 2016arxivgithub
Self-critical Sequence Training for Image Captioning2 dec 2016arxiv
Generation and Comprehension of Unambiguous Object Descriptions7 nov 2015arxiv
Show, Attend and Tell: Neural Image Caption Generation with Visual Attention10 feb 2015arxiv
Long-term Recurrent Convolutional Networks for Visual Recognition and Description17 nov 2014arxiv

Image Compression

TitleDatePaperCode
Full Resolution Image Compression with Recurrent Neural Networks18 aug 2016arxiv

Image Synthesis

TitleDatePaperCode
Scene Text Synthesis for Efficient and Effective Deep Network Training26 jan 2019arxiv
A Neural Representation of Sketch Drawings11 apr 2017arxiv
BEGAN: Boundary Equilibrium Generative Adversarial Networks31 mar 2017arxivgithub
Improved Training of Wasserstein GANs31 mar 2017arxiv
Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks30 mar 2017arxivgithub
Wasserstein GAN26 jan 2017arxiv
RenderGAN: Generating Realistic Labeled Data4 nov 2016arxiv
Conditional Image Generation with PixelCNN Decoders16 jun 2016arxiv
Pixel Recurrent Neural Networks25 jan 2016arxiv
Generative Adversarial Networks10 jun 2014arxiv

Face Recognition

TitleDatePaperCode
Accessorize to a Crime: Real and Stealthy Attacks on State-of-the-Art Face Recognition24 okt 2016paper
OpenFace: A general-purpose face recognition library with mobile applications1 jun 2016paper
Emotion Recognition in the Wild via Convolutional Neural Networks and Mapped Binary Patterns9 nov 2015paper
Deep Face Recognition7 sep 2015paper
Compact Convolutional Neural Network Cascade for Face Detection6 aug 2015arxiv
Learning Robust Deep Face Representation17 jul 2015arxiv
Facenet: A unified embedding for face recognition and clustering12 jun 2015paper
Multi-view Face Detection Using Deep Convolutional Neural Networks10 feb 2015arxiv

Image Composition

TitleDatePaperCode
Auto-Retoucher(ART) — A Framework for Background Replacement and Foreground Adjustment13 jan 2019arxiv (brave new task)github (not able to reproduce results based on code)
Spatial Fusion GAN for Image Synthesis14 Dec 2018arxiv (needs revision, interesting approach however)github (currently, no code available)
Compositional GAN: Learning Conditional Image Composition23 Aug 2018arxiv (with respect to spatial orientation)github (currently, no code available)
ST-GAN5 mar 2018arxiv (with respect to spatial orientation)github
Deep Painterly Harmonization26 Jun 2018papergithub
Deep Image Harmonization28 feb 2017papergithub (only code for inference)
Understanding and Improving the Realism of Image Composites1 Jul 2012paper

Scene Graph Parsing

TitleDatePaperCode
Neural Motifs: Scene Graph Parsing with Global Context29 Mar 2018arxivgithub

Video Deblurring

TitleDatePaperCode
Spatio-Temporal Filter Adaptive Network for Video Deblurring28 Apr 2019arxivgithub (to appear)

Depth Perception

TitleDatePaperCode
Learning Depth with Convolutional Spatial Propagation Network13 Okt 2018arxivgithub
Stereo Matching by Training a Convolutional Neural Network to Compare Image Patches18 May 2016arxivgithub

3D Reconstruction

TitleDatePaperCode
Cerberus: A Multi-headed Derenderer28 May 2019arxiv

Vision Representation

TitleDatePaperCode
VisualBERT: A Simple and Performant Baseline for Vision and Language9 aug 2019arxiv
Expected to appear: some paper learning an unsupervised vision representation that beats SOTA on a large number of tasks<Before the end of 2019>

Audio

Audio Synthesis

TitleDatePaperCode
Deep Cross-Modal Audio-Visual Generation26 apr 2017arxiv
A Neural Parametric Singing Synthesizer12 apr 2017arxiv
Neural Audio Synthesis of Musical Notes with WaveNet Autoencoders5 apr 2017arxivgithub
Tacotron: Towards End-to-End Speech Synthesis29 mar 2017arxivgithub
Deep Voice: Real-time Neural Text-to-Speech25 feb 2017arxiv
WaveNet: A Generative Model for Raw Audio12 sep 2016arxivgithub

Other

Unclassified

TitleDatePaperCode
A simple neural network module for relational reasoning5 jun 2017arxiv
Deep Complex Networks27 may 2017arxivgithub
Learning to Fly by Crashing19 apr 2017arxiv
Who Said What: Modeling Individual Labelers Improves Classification26 mar 2017arxiv
Semi-supervised Knowledge Transfer for Deep Learning from Private Training Data18 okt 2016arxiv
DeepMath - Deep Sequence Models for Premise Selection14 jun 2016arxiv
Unsupervised CNN for Single View Depth Estimation: Geometry to the Rescue16 mar 2016arxiv
Long Short-Term Memory15 nov 1997paper

Regularization

TitleDatePaperCode
Self-Normalizing Neural Networks8 jun 2017arxiv
Concrete Dropout22 may 2017arxivgithub
Dropout as a Bayesian Approximation: Representing Model Uncertainty in Deep Learning6 jun 2015arxiv
Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift11 feb 2015arxiv

Neural Network Compression

TitleDatePaperCode
Design of Efficient Convolutional Layers using Single Intra-channel Convolution, Topological Subdivisioning and Spatial "Bottleneck" Structure15 aug 2016arxiv
SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5MB model size24 feb 2016arxiv
Deep Compression: Compressing Deep Neural Networks with Pruning, Trained Quantization and Huffman Coding1 okt 2015arxiv

Optimizers

TitleDatePaperCode
Accurate, Large Minibatch SGD: Training ImageNet in 1 Hour8 jun 2017arxiv
Equilibrated adaptive learning rates for non-convex optimization15 feb 2015arxiv
Adam: A Method for Stochastic Optimization22 dec 2014arxiv
Deep learning with Elastic Averaging SGD20 dec 2014arxiv
ADADELTA: An Adaptive Learning Rate Method22 dec 2012arxiv
Advances in Optimizing Recurrent Networks4 dec 2012arxiv
Efficient Backprop1 jul 1998paper

A note on arXiv

arXiv provides the world with access to the newest scientific developments. Open Access has a myriad of benefits, in particular, it allows science to be more efficient. Remember to think about the quality of the papers referenced. In particular, the importance of the peer-review process for science.
If you find an article on arXiv you should check if it has been peer-reviewed and published elsewhere. The authoritative version of the paper is not the version on arXiv, rather it is the published peer-reviewed version. The two versions may differ significantly.

For example, this is the case with one of the papers that I once discussed in the Text and Multimedia Mining class at Radboud:

For the selection of the papers above, I choose open access over completeness. If you find another (open) version of a paper, you are invited to make a pull request.