Style Transfer

Neural Art

A Neural Algorithm of Artistic Style

Image Style Transfer Using Convolutional Neural Networks

Artificial Startup Style: Neural art about startup fashion

From Pixels to Paragraphs: How artistic experiments with deep learning guard us from hype

Experiments with style transfer

Style Transfer for Headshot Portraits (SIGGRAPH 2014)

Teaching recurrent Neural Networks about Monet

Content Aware Neural Style Transfer

Combining Markov Random Fields and Convolutional Neural Networks for Image Synthesis

Stylenet: Neural Network with Style Synthesis

Ostagram

  • intro: This program presents web-service for algorithm combining the content of one image with the style of another image using convolutional neural networks
  • github: https://github.com/SergeyMorugin/ostagram

Exploring the Neural Algorithm of Artistic Style

Perceptual Losses for Real-Time Style Transfer and Super-Resolution

Image transformation networks with fancy loss functions

Improving the Neural Algorithm of Artistic Style

CubistMirror: an openframeworks app which repeatedly applies real-time style transfer on a webcam

Transfer Style But Not Color

neural-art-mini: Lightweight version of mxnet neural art implementation

Preserving Color in Neural Artistic Style Transfer

End to End Neural Art with Generative Models

Neural Style Explained

Texture Networks: Feed-forward Synthesis of Textures and Stylized Images

Learning Typographic Style

Instance Normalization: The Missing Ingredient for Fast Stylization

Painting style transfer for head portraits using convolutional neural networks

Style-Transfer via Texture-Synthesis

neural-style-tf: TensorFlow implementation of Neural Style

Deep Convolutional Networks as Models of Generalization and Blending Within Visual Creativity

  • intro: In Proceedings of the 7th International Conference on Computational Creativity. Palo Alto: Association for the Advancement of Artificial Intelligence (AAAI) Press (2016)
  • arxiv: https://arxiv.org/abs/1610.02478

A Learned Representation For Artistic Style

How to Fake It As an Artist with Docker, AWS and Deep Learning

Multistyle Pastiche Generator

Fast Style Transfer in TensorFlow

Neural Style Transfer For Chinese Fonts

Neural Style Representations and the Large-Scale Classification of Artistic Style

Controlling Perceptual Factors in Neural Style Transfer

Awesome Typography: Statistics-Based Text Effects Transfer

Fast Patch-based Style Transfer of Arbitrary Style

Demystifying Neural Style Transfer

Son of Zorn’s Lemma: Targeted Style Transfer Using Instance-aware Semantic Segmentation

Bringing Impressionism to Life with Neural Style Transfer in Come Swim

  • intro: a case study of how Neural Style Transfer can be used in a movie production context
  • keywords: Kristen Stewart !
  • arxiv: https://arxiv.org/abs/1701.04928

Pytorch tutorials for Neural Style transfert

Stable and Controllable Neural Texture Synthesis and Style Transfer Using Histogram Losses

Arbitrary Style Transfer In Real-Time With Adaptive Instance Normalization

Picking an optimizer for Style Transfer

Multi-style Generative Network for Real-time Transfer

https://arxiv.org/abs/1703.06953

Deep Photo Style Transfer

Lightweight Neural Style on Pytorch

https://github.com/lizeng614/SqueezeNet-Neural-Style-Pytorch

StyleBank: An Explicit Representation for Neural Image Style Transfer

How to Make an Image More Memorable? A Deep Style Transfer Approach

Visual Attribute Transfer through Deep Image Analogy

Characterizing and Improving Stability in Neural Style Transfer

https://arxiv.org/abs/1705.02092

Towards Metamerism via Foveated Style Transfer

https://arxiv.org/abs/1705.10041

Style Transfer for Sketches with Enhanced Residual U-net and Auxiliary Classifier GAN

https://arxiv.org/abs/1706.03319

Meta Networks for Neural Style Transfer

Neural Color Transfer between Images

Improved Style Transfer by Respecting Inter-layer Correlations

https://arxiv.org/abs/1801.01933

Face Destylization

https://arxiv.org/abs/1802.01237

Unsupervised Typography Transfer

https://arxiv.org/abs/1802.02595

Stereoscopic Neural Style Transfer

Arbitrary Style Transfer with Deep Feature Reshuffle

https://arxiv.org/abs/1805.04103

Avatar-Net: Multi-scale Zero-shot Style Transfer by Feature Decoration

Beyond Textures: Learning from Multi-domain Artistic Images for Arbitrary Style Transfer

https://arxiv.org/abs/1805.09987

A Comprehensive Comparison between Neural Style Transfer and Universal Style Transfer

https://arxiv.org/abs/1806.00868

Unbiased Image Style Transfer

https://arxiv.org/abs/1807.01424

Uncorrelated Feature Encoding for Faster Image Style Transfer

https://arxiv.org/abs/1807.01493

Adjustable Real-time Style Transfer

Automated Deep Photo Style Transfer

Attention-aware Multi-stroke Style Transfer

https://arxiv.org/abs/1901.05127

StyleNAS: An Empirical Study of Neural Architecture Search to Uncover Surprisingly Fast End-to-End Universal Style Transfer Networks

https://arxiv.org/abs/1906.02470

StyleNAS: An Empirical Study of Neural Architecture Search to Uncover Surprisingly Fast End-to-End Universal Style Transfer Networks

https://arxiv.org/abs/1906.02470

Neural Art On Audio

MSc AI Project on generative deep networks and neural style transfer for audio

Neural Song Style

Time Domain Neural Audio Style Transfer

Learning Linear Transformations for Fast Arbitrary Style Transfer

https://arxiv.org/abs/1808.04537

Neural Art On Video

neural-style-video

Instructions for making a Neural-Style movie

Artistic style transfer for videos

Artistic style transfer for videos and spherical images

https://arxiv.org/abs/1708.04538

How Deep Learning Can Paint Videos in the Style of Art’s Great Masters

DeepMovie: Using Optical Flow and Deep Neural Networks to Stylize Movies

Coherent Online Video Style Transfer

https://arxiv.org/abs/1703.09211

Laplacian-Steered Neural Style Transfer

Real-Time Neural Style Transfer for Videos

Multi-Content GAN for Few-Shot Font Style Transfer

https://arxiv.org/abs/1712.00516

Deep Painterly Harmonization

ReCoNet: Real-time Coherent Video Style Transfer Network

Fully-Featured Attribute Transfer

https://arxiv.org/abs/1902.06258

Neural Doodle

Semantic Style Transfer and Turning Two-Bit Doodles into Fine Artworks

Neural Doodle

Faster neural doodle

Feed-forward neural doodle

neural image analogies: Generate image analogies using neural matching and blending

Neural doodle with Keras

https://github.com/fchollet/keras/blob/master/examples/neural_doodle.py

Deep Dreams

deepdream

cnn-vis: Use CNNs to generate images

bat-country: A lightweight, extendible, easy to use Python package for deep dreaming and image generation with Caffe and CNNs

DeepDreaming with TensorFlow

deepdraw

Understanding Deep Dreams

Generating Deep Dreams

Audio Deepdream: Optimizing Raw Audio With Convolutional Networks

Image Stylization

Automatic Portrait Segmentation for Image Stylization

Transfiguring Portraits

Stylize Aesthetic QR Code

Published: 09 Oct 2015

Segmentation

Papers

Published: 09 Oct 2015

RNN and LSTM

Types of RNN

1) Plain Tanh Recurrent Nerual Networks

2) Gated Recurrent Neural Networks (GRU)

3) Long Short-Term Memory (LSTM)

Tutorials

The Unreasonable Effectiveness of Recurrent Neural Networks

Understanding LSTM Networks

A Beginner’s Guide to Recurrent Networks and LSTMs

http://deeplearning4j.org/lstm.html

A Deep Dive into Recurrent Neural Nets

http://nikhilbuduma.com/2015/01/11/a-deep-dive-into-recurrent-neural-networks/

Exploring LSTMs

http://blog.echen.me/2017/05/30/exploring-lstms/

A tutorial on training recurrent neural networks, covering BPPT, RTRL, EKF and the “echo state network” approach

Long Short-Term Memory: Tutorial on LSTM Recurrent Networks

http://people.idsia.ch/~juergen/lstm/index.htm

LSTM implementation explained

http://apaszke.github.io/lstm-explained.html

Recurrent Neural Networks Tutorial

Recurrent Neural Networks in DL4J

http://deeplearning4j.org/usingrnns.html

Learning RNN Hierarchies

Element-Research Torch RNN Tutorial for recurrent neural nets : let’s predict time series with a laptop GPU

RNNs in Tensorflow, a Practical Guide and Undocumented Features

Learning about LSTMs using Torch

Build a Neural Network (LIVE)

Deriving LSTM Gradient for Backpropagation

http://wiseodd.github.io/techblog/2016/08/12/lstm-backprop/

TensorFlow RNN Tutorial

https://svds.com/tensorflow-rnn-tutorial/

RNN Training Tips and Tricks

https://github.com/karpathy/char-rnn#tips-and-tricks

Tips for Training Recurrent Neural Networks

http://danijar.com/tips-for-training-recurrent-neural-networks/

A Tour of Recurrent Neural Network Algorithms for Deep Learning

http://machinelearningmastery.com/recurrent-neural-network-algorithms-for-deep-learning/

Fundamentals of Deep Learning – Introduction to Recurrent Neural Networks

https://www.analyticsvidhya.com/blog/2017/12/introduction-to-recurrent-neural-networks/

Essentials of Deep Learning : Introduction to Long Short Term Memory

https://www.analyticsvidhya.com/blog/2017/12/fundamentals-of-deep-learning-introduction-to-lstm/

How to build a Recurrent Neural Network in TensorFlow

How to build a Recurrent Neural Network in TensorFlow (1/7)

https://medium.com/@erikhallstrm/hello-world-rnn-83cd7105b767#.2vozogqf7

Using the RNN API in TensorFlow (2/7)

https://medium.com/@erikhallstrm/tensorflow-rnn-api-2bb31821b185#.h0ycrjuo3

Using the LSTM API in TensorFlow (3/7)

https://medium.com/@erikhallstrm/using-the-tensorflow-lstm-api-3-7-5f2b97ca6b73#.k7aciqaxn

Using the Multilayered LSTM API in TensorFlow (4/7)

https://medium.com/@erikhallstrm/using-the-tensorflow-multilayered-lstm-api-f6e7da7bbe40#.dj7dy92m5

Using the DynamicRNN API in TensorFlow (5/7)

https://medium.com/@erikhallstrm/using-the-dynamicrnn-api-in-tensorflow-7237aba7f7ea#.49qw259ks

Using the Dropout API in TensorFlow (6/7)

https://medium.com/@erikhallstrm/using-the-dropout-api-in-tensorflow-2b2e6561dfeb#.a7mc3o9aq

Unfolding RNNs

Unfolding RNNs: RNN : Concepts and Architectures

Unfolding RNNs II: Vanilla, GRU, LSTM RNNs from scratch in Tensorflow

Train RNN

On the difficulty of training Recurrent Neural Networks

A Simple Way to Initialize Recurrent Networks of Rectified Linear Units

Batch Normalized Recurrent Neural Networks

Sequence Level Training with Recurrent Neural Networks

Training Recurrent Neural Networks (PhD thesis)

Deep learning for control using augmented Hessian-free optimization


Hierarchical Conflict Propagation: Sequence Learning in a Recurrent Deep Neural Network

Recurrent Batch Normalization

Batch normalized LSTM for Tensorflow

Optimizing Performance of Recurrent Neural Networks on GPUs

Path-Normalized Optimization of Recurrent Neural Networks with ReLU Activations

Explaining and illustrating orthogonal initialization for recurrent neural networks

Professor Forcing: A New Algorithm for Training Recurrent Networks

Phased LSTM: Accelerating Recurrent Network Training for Long or Event-based Sequences

Tuning Recurrent Neural Networks with Reinforcement Learning (RL Tuner)

Capacity and Trainability in Recurrent Neural Networks

Large-Batch Training for LSTM and Beyond

Learn To Execute Programs

Learning to Execute

Neural Programmer-Interpreters

A Programmer-Interpreter Neural Network Architecture for Prefrontal Cognitive Control

Convolutional RNN: an Enhanced Model for Extracting Features from Sequential Data

Neural Random-Access Machines

Attention Models

Recurrent Models of Visual Attention

Recurrent Model of Visual Attention

Show, Attend and Tell: Neural Image Caption Generation with Visual Attention

A Neural Attention Model for Abstractive Sentence Summarization

Effective Approaches to Attention-based Neural Machine Translation

Generating Images from Captions with Attention

Attention and Memory in Deep Learning and NLP

Survey on the attention based RNN model and its applications in computer vision

Attention in Long Short-Term Memory Recurrent Neural Networks

How to Visualize Your Recurrent Neural Network with Attention in Keras

Papers

Generating Sequences With Recurrent Neural Networks

A Clockwork RNN

Unsupervised Learning of Video Representations using LSTMs

An Empirical Exploration of Recurrent Network Architectures

Improved Semantic Representations From Tree-Structured Long Short-Term Memory Networks

LSTM: A Search Space Odyssey

Inferring Algorithmic Patterns with Stack-Augmented Recurrent Nets

A Critical Review of Recurrent Neural Networks for Sequence Learning

Visualizing and Understanding Recurrent Networks

Scheduled Sampling for Sequence Prediction with Recurrent Neural Networks

Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting

Grid Long Short-Term Memory

Depth-Gated LSTM

Deep Knowledge Tracing

Top-down Tree Long Short-Term Memory Networks

Improving performance of recurrent neural network with relu nonlinearity

Alternative structures for character-level RNNs

Long Short-Term Memory-Networks for Machine Reading

Lipreading with Long Short-Term Memory

Associative Long Short-Term Memory

Representation of linguistic form and function in recurrent neural networks

Architectural Complexity Measures of Recurrent Neural Networks

Easy-First Dependency Parsing with Hierarchical Tree LSTMs

Training Input-Output Recurrent Neural Networks through Spectral Methods

Sequential Neural Models with Stochastic Layers

Neural networks with differentiable structure

What You Get Is What You See: A Visual Markup Decompiler

Hybrid computing using a neural network with dynamic external memory

Skip RNN: Learning to Skip State Updates in Recurrent Neural Networks

Dilated Recurrent Neural Networks

Excitation Backprop for RNNs

https://arxiv.org/abs/1711.06778

Recurrent Relational Networks for Complex Relational Reasoning

Learning Compact Recurrent Neural Networks with Block-Term Tensor Decomposition

  • intro: University of Electronic Science and Technology of China & Brown University & University of Utah & XJERA LABS PTE.LTD
  • arxiv: https://arxiv.org/abs/1712.05134

LSTMVis

Visual Analysis of Hidden State Dynamics in Recurrent Neural Networks

Recurrent Memory Array Structures

Recurrent Highway Networks

DeepSoft: A vision for a deep model of software

Recurrent Neural Networks With Limited Numerical Precision

Hierarchical Multiscale Recurrent Neural Networks

LightRNN

LightRNN: Memory and Computation-Efficient Recurrent Neural Networks

Full-Capacity Unitary Recurrent Neural Networks

DeepCoder: Learning to Write Programs

shuttleNet: A biologically-inspired RNN with loop connection and parameter sharing

Tracking the World State with Recurrent Entity Networks

Robust LSTM-Autoencoders for Face De-Occlusion in the Wild

Simplified Gating in Long Short-term Memory (LSTM) Recurrent Neural Networks

The Statistical Recurrent Unit

Factorization tricks for LSTM networks

Bayesian Recurrent Neural Networks

Fast-Slow Recurrent Neural Networks

Visualizing LSTM decisions

https://arxiv.org/abs/1705.08153

Recurrent Additive Networks

Recent Advances in Recurrent Neural Networks

Grow and Prune Compact, Fast, and Accurate LSTMs

https://arxiv.org/abs/1805.11797

Projects

NeuralTalk (Deprecated): a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences

NeuralTalk2: Efficient Image Captioning code in Torch, runs on GPU

char-rnn in Blocks

Project: pycaffe-recurrent

Using neural networks for password cracking

torch-rnn: Efficient, reusable RNNs and LSTMs for torch

Deploying a model trained with GPU in Torch into JavaScript, for everyone to use

LSTM implementation on Caffe

JNN: Java Neural Network Library

LSTM-Autoencoder: Seq2Seq LSTM Autoencoder

RNN Language Model Variations

keras-extra: Extra Layers for Keras to connect CNN with RNN

Dynamic Vanilla RNN, GRU, LSTM,2layer Stacked LSTM with Tensorflow Higher Order Ops

PRNN: A fast implementation of recurrent neural network layers in CUDA

min-char-rnn: Minimal character-level language model with a Vanilla Recurrent Neural Network, in Python/numpy

rnn: Recurrent Neural Network library for Torch7’s nn

word-rnn-tensorflow: Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow

tf-char-rnn: Tensorflow implementation of char-rnn

translit-rnn: Automatic transliteration with LSTM

tf_lstm.py: Simple implementation of LSTM in Tensorflow in 50 lines (+ 130 lines of data generation and comments)

Handwriting generating with RNN

RecNet - Recurrent Neural Network Framework

Blogs

Survey on Attention-based Models Applied in NLP

http://yanran.li/peppypapers/2015/10/07/survey-attention-model-1.html

Survey on Advanced Attention-based Models

http://yanran.li/peppypapers/2015/10/07/survey-attention-model-2.html

Online Representation Learning in Recurrent Neural Language Models

http://www.marekrei.com/blog/online-representation-learning-in-recurrent-neural-language-models/

Fun with Recurrent Neural Nets: One More Dive into CNTK and TensorFlow

http://esciencegroup.com/2016/03/04/fun-with-recurrent-neural-nets-one-more-dive-into-cntk-and-tensorflow/

Materials to understand LSTM

https://medium.com/@shiyan/materials-to-understand-lstm-34387d6454c1#.4mt3bzoau

Understanding LSTM and its diagrams

:star::star::star::star::star:

Persistent RNNs: 30 times faster RNN layers at small mini-batch sizes

Persistent RNNs: Stashing Recurrent Weights On-Chip

All of Recurrent Neural Networks

https://medium.com/@jianqiangma/all-about-recurrent-neural-networks-9e5ae2936f6e#.q4s02elqg

Rolling and Unrolling RNNs

https://shapeofdata.wordpress.com/2016/04/27/rolling-and-unrolling-rnns/

Sequence prediction using recurrent neural networks(LSTM) with TensorFlow: LSTM regression using TensorFlow

LSTMs

Machines and Magic: Teaching Computers to Write Harry Potter

Crash Course in Recurrent Neural Networks for Deep Learning

http://machinelearningmastery.com/crash-course-recurrent-neural-networks-deep-learning/

Understanding Stateful LSTM Recurrent Neural Networks in Python with Keras

http://machinelearningmastery.com/understanding-stateful-lstm-recurrent-neural-networks-python-keras/

Recurrent Neural Networks in Tensorflow

Written Memories: Understanding, Deriving and Extending the LSTM

http://r2rt.com/written-memories-understanding-deriving-and-extending-the-lstm.html

Attention and Augmented Recurrent Neural Networks

Interpreting and Visualizing Neural Networks for Text Processing

https://civisanalytics.com/blog/data-science/2016/09/22/neural-network-visualization/

A simple design pattern for recurrent deep learning in TensorFlow

RNN Spelling Correction: To crack a nut with a sledgehammer

Recurrent Neural Network Gradients, and Lessons Learned Therein

A noob’s guide to implementing RNN-LSTM using Tensorflow

http://monik.in/a-noobs-guide-to-implementing-rnn-lstm-using-tensorflow/

Non-Zero Initial States for Recurrent Neural Networks

Interpreting neurons in an LSTM network

http://yerevann.github.io/2017/06/27/interpreting-neurons-in-an-LSTM-network/

Optimizing RNN (Baidu Silicon Valley AI Lab)

Optimizing RNN performance

Optimizing RNNs with Differentiable Graphs

Resources

Awesome Recurrent Neural Networks - A curated list of resources dedicated to RNN

Jürgen Schmidhuber’s page on Recurrent Neural Networks

http://people.idsia.ch/~juergen/rnn.html

Reading and Questions

Are there any Recurrent convolutional neural network network implementations out there ?

Published: 09 Oct 2015

Reinforcement Learning

Tutorials

Demystifying Deep Reinforcement Learning (Part1)

http://neuro.cs.ut.ee/demystifying-deep-reinforcement-learning/

Deep Reinforcement Learning With Neon (Part2)

http://neuro.cs.ut.ee/deep-reinforcement-learning-with-neon/

Deep Reinforcement Learning

Deep Reinforcement Learning

Deep Reinforcement Learning: Pong from Pixels

Deep Reinforcement Learning

Deep Reinforcement Learning

The Nuts and Bolts of Deep RL Research

ML Tutorial: Modern Reinforcement Learning and Video Games

Reinforcement learning explained

Beginner’s guide to Reinforcement Learning & its implementation in Python

https://www.analyticsvidhya.com/blog/2017/01/introduction-to-reinforcement-learning-implementation/

Reinforcement Learning on the Web

Deep Q Learning with Keras and Gym

“Deep Reinforcement Learning, Decision Making, and Control

A Tour of Reinforcement Learning: The View from Continuous Control

An Introduction to Deep Reinforcement Learning

Simple Reinforcement Learning with Tensorflow

Part 0: Q-Learning with Tables and Neural Networks https://medium.com/emergent-future/simple-reinforcement-learning-with-tensorflow-part-0-q-learning-with-tables-and-neural-networks-d195264329d0#.oo105wa2t

Part 1 - Two-armed Bandit

https://medium.com/@awjuliani/super-simple-reinforcement-learning-tutorial-part-1-fd544fab149#.tk89k51ob

Part 2 - Policy-based Agents

https://medium.com/@awjuliani/super-simple-reinforcement-learning-tutorial-part-2-ded33892c724#.n2wytg9q0

Part 3 - Model-Based RL https://medium.com/@awjuliani/simple-reinforcement-learning-with-tensorflow-part-3-model-based-rl-9a6fe0cce99#.742i2yj6p

Part 4: Deep Q-Networks and Beyond https://medium.com/@awjuliani/simple-reinforcement-learning-with-tensorflow-part-4-deep-q-networks-and-beyond-8438a3e2b8df#.jox069crz

Part 5: Visualizing an Agent’s Thoughts and Actions https://medium.com/@awjuliani/simple-reinforcement-learning-with-tensorflow-part-5-visualizing-an-agents-thoughts-and-actions-4f27b134bb2a#.pluh6cygm

Part 6: Partial Observability and Deep Recurrent Q-Networks

Part 7: Action-Selection Strategies for Exploration

Dissecting Reinforcement Learning

REINFORCE tutorial

Deep Q-Learning Recap

http://blog.davidqiu.com/Research/%5B%20Recap%20%5D%20Deep%20Q-Learning%20Recap/

Introduction to Reinforcement Learning

Courses

Advanced Topics: RL

UCL Course on RL

CS 294: Deep Reinforcement Learning, Fall 2017

CS 294: Deep Reinforcement Learning, Spring 2017

Berkeley CS 294: Deep Reinforcement Learning

(Udacity) Reinforcement Learning - Offered at Georgia Tech as CS 8803

CS229 Lecture notes Part XIII: Reinforcement Learning and Control

Practical_RL: A course in reinforcement learning in the wild

Reinforcement Learning (COMP-762) Winter 2017

**Deep RL Bootcamp - 26-27 August 2017 Berkeley CA**

CMPUT 366: Intelligent Systems and CMPUT 609: Reinforcement Learning & Artificial Intelligence

Deep Reinforcement Learning and Control (Spring 2017, CMU 10703)

Advanced Deep Learning & Reinforcement Learning

Papers

Playing Atari with Deep Reinforcement Learning

Deep Learning for Real-Time Atari Game Play Using Offline Monte-Carlo Tree Search Planning

Replicating the Paper “Playing Atari with Deep Reinforcement Learning”

A Tutorial for Reinforcement Learning

Incentivizing Exploration In Reinforcement Learning With Deep Predictive Models

Massively Parallel Methods for Deep Reinforcement Learning

Action-Conditional Video Prediction using Deep Networks in Atari Games

Deep Recurrent Q-Learning for Partially Observable MDPs

Continuous control with deep reinforcement learning

Benchmarking for Bayesian Reinforcement Learning

Deep Reinforcement Learning with Double Q-learning

Giraffe: Using Deep Reinforcement Learning to Play Chess

Human-level control through deep reinforcement learning

Data-Efficient Learning of Feedback Policies from Image Pixels using Deep Dynamical Models

Variational Information Maximisation for Intrinsically Motivated Reinforcement Learning

Actor-Mimic: Deep Multitask and Transfer Reinforcement Learning

MazeBase: A Sandbox for Learning from Games

Learning Simple Algorithms from Examples

Learning Algorithms from Data

Multiagent Cooperation and Competition with Deep Reinforcement Learning

Active Object Localization with Deep Reinforcement Learning

Deep Reinforcement Learning with Attention for Slate Markov Decision Processes with High-Dimensional States and Actions

How to Discount Deep Reinforcement Learning: Towards New Dynamic Strategies

State of the Art Control of Atari Games Using Shallow Reinforcement Learning

Angrier Birds: Bayesian reinforcement learning

Prioritized Experience Replay

Dueling Network Architectures for Deep Reinforcement Learning

Asynchronous Methods for Deep Reinforcement Learning

Graying the black box: Understanding DQNs

Learning to Communicate to Solve Riddles with Deep Distributed Recurrent Q-Networks

Value Iteration Networks

Insights in Reinforcement Learning

Using Deep Q-Learning to Control Optimization Hyperparameters

Continuous Deep Q-Learning with Model-based Acceleration

Deep Reinforcement Learning from Self-Play in Imperfect-Information Games

Hierarchical Deep Reinforcement Learning: Integrating Temporal Abstraction and Intrinsic Motivation

Benchmarking Deep Reinforcement Learning for Continuous Control

Terrain-Adaptive Locomotion Skills Using Deep Reinforcement Learning

Hierarchical Reinforcement Learning using Spatio-Temporal Abstractions and Deep Neural Networks

Deep Successor Reinforcement Learning (MIT)

Learning to Communicate with Deep Multi-Agent Reinforcement Learning

Deep Reinforcement Learning with Regularized Convolutional Neural Fitted Q Iteration RC-NFQ: Regularized Convolutional Neural Fitted Q Iteration

Episodic Exploration for Deep Deterministic Policies: An Application to StarCraft Micromanagement Tasks

Bayesian Reinforcement Learning: A Survey

Playing FPS Games with Deep Reinforcement Learning

Reset-Free Guided Policy Search: Efficient Deep Reinforcement Learning with Stochastic Initial States

Utilization of Deep Reinforcement Learning for saccadic-based object visual search

Learning to Navigate in Complex Environments

Reinforcement Learning with Unsupervised Auxiliary Tasks

Learning to reinforcement learn

A Deep Learning Approach for Joint Video Frame and Reward Prediction in Atari Games

Exploration for Multi-task Reinforcement Learning with Deep Generative Models

Neural Combinatorial Optimization with Reinforcement Learning

Loss is its own Reward: Self-Supervision for Reinforcement Learning

Reinforcement Learning Using Quantum Boltzmann Machines

Deep Reinforcement Learning applied to the game Bubble Shooter

Deep Reinforcement Learning: An Overview

Robust Adversarial Reinforcement Learning

Beating Atari with Natural Language Guided Reinforcement Learning

Feature Control as Intrinsic Motivation for Hierarchical Reinforcement Learning

Distral: Robust Multitask Reinforcement Learning

Deep Reinforcement Learning: Framework, Applications, and Embedded Implementations

Robust Deep Reinforcement Learning with Adversarial Attacks

https://arxiv.org/abs/1712.03632

Variational Deep Q Network

On Monte Carlo Tree Search and Reinforcement Learning

https://www.jair.org/media/5507/live-5507-10333-jair.pdf

Distributed Deep Reinforcement Learning: Learn how to play Atari games in 21 minutes

GAN Q-learning

https://arxiv.org/abs/1805.04874

Finding and Visualizing Weaknesses of Deep Reinforcement Learning Agents

  • intro: Visual Geometry Group, University of Oxford & Element AI & Polytechnique Montreal, Mila & Canada CIFAR AI Chair
  • arxiv: https://arxiv.org/abs/1904.01318

Surveys

Reinforcement Learning: A Survey

A Brief Survey of Deep Reinforcement Learning

  • intro: IEEE Signal Processing Magazine, Special Issue on Deep Learning for Image Understanding
  • intro: Imperial College London & Arizona State University
  • arxiv: https://arxiv.org/abs/1708.05866

Playing Doom

ViZDoom: A Doom-based AI Research Platform for Visual Reinforcement Learning

Deep Reinforcement Learning From Raw Pixels in Doom

Playing Doom with SLAM-Augmented Deep Reinforcement Learning

Reinforcement Learning via Recurrent Convolutional Neural Networks

Shallow Updates for Deep Reinforcement Learning

Projects

TorchQLearning

General_Deep_Q_RL: General deep Q learning framework

Snake: Toy example of deep reinforcement model playing the game of snake

Using Deep Q Networks to Learn Video Game Strategies

qlearning4k: Q-learning for Keras

rlenvs: Reinforcement learning environments for Torch7, inspired by RL-Glue

deep_rl_ale: An implementation of Deep Reinforcement Learning / Deep Q-Networks for Atari games in TensorFlow

Chimp: General purpose framework for deep reinforcement learning

Deep Q Learning for ATARI using Tensorflow

DeepQLearning: A powerful machine learning algorithm utilizing Q-Learning and Neural Networks, implemented using Torch and Lua.

OpenAI Gym: A toolkit for developing and comparing reinforcement learning algorithms

DeeR: DEEp Reinforcement learning framework

KeRLym: A Deep Reinforcement Learning Toolbox in Keras

Pack of Drones: Layered reinforcement learning for complex behaviors

RL Helicopter Game: Q-Learning and DQN Reinforcement Learning to play the Helicopter Game - Keras based!

Playing Mario with Deep Reinforcement Learning

Deep Attention Recurrent Q-Network

Deep Reinforcement Learning in TensorFlow

rltorch: A RL package for Torch that can also be used with openai gym

deep_q_rl: Theano-based implementation of Deep Q-learning

Reinforcement-trading

  • intro: This project uses reinforcement learning on stock market and agent tries to learn trading. The goal is to check if the agent can learn to read tape. The project is dedicated to hero in life great Jesse Livermore.
  • github: https://github.com/deependersingla/deep_trader

dist-dqn:Distributed Reinforcement Learning using Deep Q-Network in TensorFlow

Deep Reinforcement Learning for Keras

RL4J: Reinforcement Learning for the JVM

Teaching Your Computer To Play Super Mario Bros. – A Fork of the Google DeepMind Atari Machine Learning Project

dprl: Deep reinforcement learning package for torch7

Reinforcement Learning for Torch: Introducing torch-twrl

Alpha Toe - Using Deep learning to master Tic-Tac-Toe - Daniel Slater

Tensorflow-Reinforce: Implementation of Reinforcement Learning Models in Tensorflow

deep RL hacking on minecraft with malmo

ReinforcementLearning

markovjs: Reinforcement Learning in JavaScript

Deep Q: Deep reinforcement learning with TensorFlow

Deep Q-Learning Network in pytorch

https://github.com/transedward/pytorch-dqn

Tensorflow-RL: Implementations of deep RL papers and random experimentation

https://github.com/steveKapturowski/tensorflow-rl

Minimal and Clean Reinforcement Learning Examples

https://github.com/rlcode/reinforcement-learning

DeepRL: Highly modularized implementation of popular deep RL algorithms by PyTorch

https://github.com/ShangtongZhang/DeepRL

Autonomous vehicle navigation

Self-Driving-Car-AI

Autonomous vehicle navigation based on Deep Reinforcement Learning

https://github.com//kaihuchen/DRL-AutonomousVehicles

Car Racing using Reinforcement Learning

Play Flappy Bird

Using Deep Q-Network to Learn How To Play Flappy Bird

Playing Flappy Bird Using Deep Reinforcement Learning (Based on Deep Q Learning DQN using Tensorflow)

Playing Flappy Bird Using Deep Reinforcement Learning (Based on Deep Q Learning DQN)

MXNET-Scala Playing Flappy Bird Using Deep Reinforcement Learning

Flappy Bird Bot using Reinforcement Learning in Python

Using Keras and Deep Q-Network to Play FlappyBird

Pong

Building a Pong playing AI in just 1 hour(plus 4 days training…)

Pong Neural Network(LIVE)

Tips and Tricks

DeepRLHacks

Library

BURLAP: Brown-UMBC Reinforcement Learning and Planning (BURLAP) java code library

  • intro: for the use and development of single or multi-agent planning and learning algorithms and domains to accompany them
  • homepage: http://burlap.cs.brown.edu/

AgentNet: Deep Reinforcement Learning library for humans

Atari Multitask & Transfer Learning Benchmark (AMTLB)

Coach: a python reinforcement learning research framework containing implementation of many state-of-the-art algorithms

Blogs

Reinforcement learning’s foundational flaw

https://thegradient.pub/why-rl-is-flawed/

A Short Introduction To Some Reinforcement Learning Algorithms

http://webdocs.cs.ualberta.ca/~vanhasse/rl_algs/rl_algs.html

A Painless Q-Learning Tutorial

http://mnemstudio.org/path-finding-q-learning-tutorial.htm


Reinforcement Learning - Part 1

http://outlace.com/Reinforcement-Learning-Part-1/

Reinforcement Learning - Monte Carlo Methods

http://outlace.com/Reinforcement-Learning-Part-2/

Q-learning with Neural Networks

http://outlace.com/Reinforcement-Learning-Part-3/


Guest Post (Part I): Demystifying Deep Reinforcement Learning

http://www.nervanasys.com/demystifying-deep-reinforcement-learning/

Using reinforcement learning in Python to teach a virtual car to avoid obstacles: An experiment in Q-learning, neural networks and Pygame.

Reinforcement learning in Python to teach a virtual car to avoid obstacles — part 2

https://medium.com/@harvitronix/reinforcement-learning-in-python-to-teach-a-virtual-car-to-avoid-obstacles-part-2-93e614fcd238#.i0o643m1h

Some Reinforcement Learning Algorithms in Python, C++

learning to do laps with reinforcement learning and neural nets

Get a taste of reinforcement learning — implement a tic tac toe agent

https://medium.com/@shiyan/get-a-taste-of-reinforcement-learning-implement-a-tic-tac-toe-agent-deda5617b2e4#.59bx71a2h

Best reinforcement learning libraries?

Super Simple Reinforcement Learning Tutorial

Reinforcement Learning in Python

The Skynet Salesman

Apprenticeship learning using Inverse Reinforcement Learning

Reinforcement Learning and DQN, learning to play from pixels

Deep Learning in a Nutshell: Reinforcement Learning

https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-reinforcement-learning/

Write an AI to win at Pong from scratch with Reinforcement Learning

https://medium.com/@dhruvp/how-to-write-a-neural-network-to-play-pong-from-scratch-956b57d4f6e0#.n1pgn9chr

Learning Reinforcement Learning (with Code, Exercises and Solutions)

Deep Reinforcement Learning: Playing a Racing Game

https://lopespm.github.io/machine_learning/2016/10/06/deep-reinforcement-learning-racing-game.html

Experimenting with Reinforcement Learning and Active Inference

Deep reinforcement learning, battleship

Deep Learning Research Review Week 2: Reinforcement Learning

https://adeshpande3.github.io/adeshpande3.github.io/Deep-Learning-Research-Review-Week-2-Reinforcement-Learning

Reinforcement Learning: Artificial Intelligence in Game Playing

https://medium.com/@pavelkordik/reinforcement-learning-the-hardest-part-of-machine-learning-b667a22995ca#.jjiitflok

Artificial Intelligence’s Next Big Step: Reinforcement Learning

http://thenewstack.io/reinforcement-learning-ready-real-world/

Let’s make a DQN

Let’s make a DQN

Books

Reinforcement Learning: State-of-the-Art

  • intro: “The main goal of this book is to present an up-to-date series of survey articles on the main contemporary sub-fields of reinforcement learning. This includes surveys on partially observable environments, hierarchical task decompositions, relational knowledge representation and predictive state representations. Furthermore, topics such as transfer, evolutionary methods and continuous spaces in reinforcement learning are surveyed. In addition, several chapters review reinforcement learning methods in robotics, in games, and in computational neuroscience. In total seventeen different subfields are presented by mostly young experts in those areas, and together they truly represent a state-of-the-art of current reinforcement learning research.”
  • book: http://www.springer.com/gp/book/9783642276446#

Reinforcement Learning: An Introduction

Reinforcement Learning: An Introduction (Second edition, Draft)

The Self Learning Quant

Reinforcement Learning: An Introduction

Resources

Deep Reinforcement Learning Papers

https://github.com/junhyukoh/deep-reinforcement-learning-papers

Awesome Reinforcement Learning

Deep Reinforcement Learning Papers

Deep Reinforcement Learning 深度增强学习资源

deep-reinforcement-learning-networks: A list of deep neural network architectures for reinforcement learning tasks

Deep Reinforcement Learning survey

Studying Reinforcement Learning Guide

Reading and Questions

What are the best books about reinforcement learning?

https://www.quora.com/What-are-the-best-books-about-reinforcement-learning

Published: 09 Oct 2015

Image Retrieval

Papers

Published: 09 Oct 2015

Recommendation System

Tutorials

Making a Contextual Recommendation Engine

Papers

Collaborative Deep Learning for Recommender Systems

Image-based recommendations on styles and substitutes

A Complex Network Approach for Collaborative Recommendation

Session-based Recommendations with Recurrent Neural Networks

Item2Vec: Neural Item Embedding for Collaborative Filtering

Wide & Deep Learning for Recommender Systems

Hybrid Recommender System based on Autoencoders

Parallel Recurrent Neural Network Architectures for Feature-rich Session-based Recommendations

Collaborative Filtering with Recurrent Neural Networks

Deep Neural Networks for YouTube Recommendations

Photo Filter Recommendation by Category-Aware Aesthetic Learning

  • intro: Filter Aesthetic Comparison Dataset (FACD): 28,000 filtered images and 42,240 reliable image pairs with aesthetic comparison annotations
  • arxiv: http://arxiv.org/abs/1608.05339

Convolutional Matrix Factorization for Document Context-Aware Recommendation

Deep learning for audio-based music recommendation

Ask the GRU: Multi-Task Learning for Deep Text Recommendations

Collaborative Recurrent Autoencoder: Recommend while Learning to Fill in the Blanks

Recurrent Recommender Networks

Deep Learning based Large Scale Visual Recommendation and Search for E-Commerce

What Your Image Reveals: Exploiting Visual Contents for Point-of-Interest Recommendation

Recurrent Neural Networks with Top-k Gains for Session-based Recommendations

On Sampling Strategies for Neural Network-based Collaborative Filtering

Deep Learning based Recommender System: A Survey and New Perspectives

Training Deep AutoEncoders for Collaborative Filtering

Deep Collaborative Autoencoder for Recommender Systems: A Unified Framework for Explicit and Implicit Feedback

Deep Reinforcement Learning for List-wise Recommendations

Recommendations with Negative Feedback via Pairwise Deep Reinforcement Learning

Personalized Top-N Sequential Recommendation via Convolutional Sequence Embedding

Slides

Deep learning for music recommendation

Deep learning for music recommendation and generation

Blogs

Recommending music on Spotify with deep learning

http://benanne.github.io/2014/08/05/spotify-cnns.html

Generating Recommendations at Amazon Scale with Apache Spark and Amazon DSSTNE

http://blogs.aws.amazon.com/bigdata/post/TxGEL8IJ0CAXTK/Generating-Recommendations-at-Amazon-Scale-with-Apache-Spark-and-Amazon-DSSTNE

Recommending movies with deep learning

Deep Learning Helps iHeartRadio Personalize Music Recommendations

Applying deep learning to Related Pins

Recommendation System Algorithms: Main existing recommendation engines and how they work

https://blog.statsbot.co/recommendation-system-algorithms-ba67f39ac9a3

Building a Music Recommender with Deep Learning

Projects

NNRec: Neural models for Collaborative Filtering

  • intro: Source code for, AutoRec, an autoencoder based model for collaborative filtering. This package also includes implementation of RBM based collaborative filtering model(RBM-CF).
  • github: https://github.com/mesuvash/NNRec

Deep learning recommend system with TensorFlow

Deep Learning Recommender System

Keras Implementation of Recommender Systems

https://github.com/sonyisme/keras-recommendation

Videos

Deep Learning for Recommender Systems

Using MXNet for Recommendation Modeling at Scale

Resources

Recommender Systems with Deep Learning

https://amundtveit.com/2016/11/20/recommender-systems-with-deep-learning/

Deep-Learning-for-Recommendation-Systems

Published: 09 Oct 2015

Classification / Recognition

Papers

Published: 09 Oct 2015

Re-ID

Leaderboard

Published: 09 Oct 2015