Topics in AI (CPSC 532L): Multimodal Learning with Vision, Language and Sound. Lecture 12: Deep Reinforcement Learning

Similar documents
Slides credited from Dr. David Silver & Hung-Yi Lee

A Brief Introduction to Reinforcement Learning

10703 Deep Reinforcement Learning and Control

When Network Embedding meets Reinforcement Learning?

Introduction to Reinforcement Learning. J. Zico Kolter Carnegie Mellon University

Deep Reinforcement Learning

Applications of Reinforcement Learning. Ist künstliche Intelligenz gefährlich?

Introduction to Deep Q-network

10703 Deep Reinforcement Learning and Control

arxiv: v1 [cs.cv] 2 Sep 2018

Human-level Control Through Deep Reinforcement Learning (Deep Q Network) Peidong Wang 11/13/2015

GUNREAL: GPU-accelerated UNsupervised REinforcement and Auxiliary Learning

Reinforcement Learning: A brief introduction. Mihaela van der Schaar

ADAPTIVE TILE CODING METHODS FOR THE GENERALIZATION OF VALUE FUNCTIONS IN THE RL STATE SPACE A THESIS SUBMITTED TO THE FACULTY OF THE GRADUATE SCHOOL

Markov Decision Processes and Reinforcement Learning

Knowledge Transfer for Deep Reinforcement Learning with Hierarchical Experience Replay

PSU Student Research Symposium 2017 Bayesian Optimization for Refining Object Proposals, with an Application to Pedestrian Detection Anthony D.

CS885 Reinforcement Learning Lecture 9: May 30, Model-based RL [SutBar] Chap 8

Generalized Inverse Reinforcement Learning

Sequence Modeling: Recurrent and Recursive Nets. By Pyry Takala 14 Oct 2015

Algorithms for Solving RL: Temporal Difference Learning (TD) Reinforcement Learning Lecture 10

SEMANTIC COMPUTING. Lecture 8: Introduction to Deep Learning. TU Dresden, 7 December Dagmar Gromann International Center For Computational Logic

Markov Decision Processes (MDPs) (cont.)

Fuzzy Set Theory in Computer Vision: Example 3, Part II

Accelerating Reinforcement Learning in Engineering Systems

Neural Networks and Tree Search

Neural Episodic Control. Alexander pritzel et al (presented by Zura Isakadze)

Combining Deep Reinforcement Learning and Safety Based Control for Autonomous Driving

Recurrent Neural Network (RNN) Industrial AI Lab.

RNNs as Directed Graphical Models

DEEP LEARNING REVIEW. Yann LeCun, Yoshua Bengio & Geoffrey Hinton Nature Presented by Divya Chitimalla

GPU-BASED A3C FOR DEEP REINFORCEMENT LEARNING

Gradient Descent. Wed Sept 20th, James McInenrey Adapted from slides by Francisco J. R. Ruiz

Marco Wiering Intelligent Systems Group Utrecht University

Reinforcement Learning and Optimal Control. ASU, CSE 691, Winter 2019

CS 234 Winter 2018: Assignment #2

Deep Q-Learning to play Snake

Simulated Transfer Learning Through Deep Reinforcement Learning

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech

Gradient Reinforcement Learning of POMDP Policy Graphs

Markov Decision Processes. (Slides from Mausam)

Reinforcement Learning (INF11010) Lecture 6: Dynamic Programming for Reinforcement Learning (extended)

CMU Lecture 18: Deep learning and Vision: Convolutional neural networks. Teacher: Gianni A. Di Caro

Multi-Glance Attention Models For Image Classification

Planning and Control: Markov Decision Processes

Machine Learning. Deep Learning. Eric Xing (and Pengtao Xie) , Fall Lecture 8, October 6, Eric CMU,

Apprenticeship Learning for Reinforcement Learning. with application to RC helicopter flight Ritwik Anand, Nick Haliday, Audrey Huang

Monte Carlo Tree Search PAH 2015

Problem characteristics. Dynamic Optimization. Examples. Policies vs. Trajectories. Planning using dynamic optimization. Dynamic Optimization Issues

Value Iteration. Reinforcement Learning: Introduction to Machine Learning. Matt Gormley Lecture 23 Apr. 10, 2019

arxiv: v1 [cs.lg] 24 Jun 2014

Semantic Segmentation. Zhongang Qi

Applying the Episodic Natural Actor-Critic Architecture to Motor Primitive Learning

CSEP 573: Artificial Intelligence

Deep Learning with Tensorflow AlexNet

Recurrent Neural Networks. Nand Kishore, Audrey Huang, Rohan Batra

6. NEURAL NETWORK BASED PATH PLANNING ALGORITHM 6.1 INTRODUCTION

Convolution Neural Networks for Chinese Handwriting Recognition

Target-driven Visual Navigation in Indoor Scenes Using Deep Reinforcement Learning [Zhu et al. 2017]

CS231N Section. Video Understanding 6/1/2018

Residual Networks And Attention Models. cs273b Recitation 11/11/2016. Anna Shcherbina

Fully Convolutional Networks for Semantic Segmentation

Unsupervised Learning: Clustering

16-785: Integrated Intelligence in Robotics: Vision, Language, and Planning. Spring 2018 Lecture 14. Image to Text

Know your data - many types of networks

Deep Reinforcement Learning for Pellet Eating in Agar.io

Autoencoder. Representation learning (related to dictionary learning) Both the input and the output are x

CSE 573: Artificial Intelligence Autumn 2010

10-701/15-781, Fall 2006, Final

Convolutional Restricted Boltzmann Machine Features for TD Learning in Go

CME 213 SPRING Eric Darve

Exploring Boosted Neural Nets for Rubik s Cube Solving

Tracking Algorithms. Lecture16: Visual Tracking I. Probabilistic Tracking. Joint Probability and Graphical Model. Deterministic methods

3D Attention-Driven Depth Acquisition for Object Identification

CS 1674: Intro to Computer Vision. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh November 16, 2016

Machine Learning Techniques at the core of AlphaGo success

A Fast Learning Algorithm for Deep Belief Nets

IN recent years, artificial intelligence (AI) has flourished. Reinforcement Learning and Deep Learning based Lateral Control for Autonomous Driving

Deep Learning in Image Processing

A new approach for supervised power disaggregation by using a deep recurrent LSTM network

A Brief Look at Optimization

Overall Description. Goal: to improve spatial invariance to the input data. Translation, Rotation, Scale, Clutter, Elastic

CSE 559A: Computer Vision

Partially Observable Markov Decision Processes. Silvia Cruciani João Carvalho

Announcements. CS 188: Artificial Intelligence Spring Classification: Feature Vectors. Classification: Weights. Learning: Binary Perceptron

Machine Learning 13. week

Contextual Dropout. Sam Fok. Abstract. 1. Introduction. 2. Background and Related Work

Using Machine Learning for Classification of Cancer Cells

Deep Learning. Deep Learning. Practical Application Automatically Adding Sounds To Silent Movies

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

Neural Networks. Single-layer neural network. CSE 446: Machine Learning Emily Fox University of Washington March 10, /10/2017

Using Machine Learning to Optimize Storage Systems

arxiv: v1 [cs.db] 22 Mar 2018

Feature Extractors. CS 188: Artificial Intelligence Fall Some (Vague) Biology. The Binary Perceptron. Binary Decision Rule.

CS 4510/9010 Applied Machine Learning

CPSC 340: Machine Learning and Data Mining. Deep Learning Fall 2016

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides

Distributed Deep Q-Learning

How Learning Differs from Optimization. Sargur N. Srihari

CS 2750: Machine Learning. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh April 13, 2016

Transcription:

Topics in AI (CPSC 532L): Multimodal Learning with Vision, Language and Sound Lecture 12: Deep Reinforcement Learning

Types of Learning Supervised training Learning from the teacher Training data includes desired output Unsupervised training Training data does not include desired output Reinforcement learning Learning to act under evaluative feedback (rewards) * slide from Dhruv Batra

What is Reinforcement Learning Agent-oriented learning learning by interacting with an environment to achieve a goal More realizing and ambitious than other kinds of machine learning Learning by trial and error, with only delayed evaluative feedback (reward) The kind go machine learning most like natural learning Learning that can tell for itself when it is right or wrong * slide from David Silver

Example: Hajime Kimura s RL Robot Before After * slide from Rich Sutton

Example: Hajime Kimura s RL Robot Before After * slide from Rich Sutton

Example: Hajime Kimura s RL Robot Before After * slide from Rich Sutton

Challenges of RL Evaluative feedback (reward) Sequentiality, delayed consequences Need for trial and error, to explore as well as exploit Non-stationarity The fleeting nature of time and online data * slide from Rich Sutton

How does RL work? * slide from David Silver

Robot Locomotion Objective: Make the robot move forward State: Angle and position of the joints Action: Torques applied on joints Reward: 1 at each time step upright + forward movement

Atari Games Objective: Complete the game with the highest score State: Raw pixel inputs of the game state Action: Game controls e.g. Left, Right, Up, Down Reward: Score increase/decrease at each time step

Go Game (AlphaGo) Objective: Win the game! State: Position of all pieces Action: Where to put the next piece down Reward: 1 if win at the end of the game, 0 otherwise

Markov Decision Processes Mathematical formulation of the RL problem Defined by: : set of possible states : set of possible actions : distribution of reward given (state, action) pair : transition probability i.e. distribution over next state given (state, action) pair : discount factor

Markov Decision Processes Mathematical formulation of the RL problem Defined by: : set of possible states : set of possible actions : distribution of reward given (state, action) pair : transition probability i.e. distribution over next state given (state, action) pair : discount factor Life is trajectory:

Markov Decision Processes Mathematical formulation of the RL problem Defined by: : set of possible states : set of possible actions : distribution of reward given (state, action) pair : transition probability i.e. distribution over next state given (state, action) pair : discount factor Life is trajectory: Markov property: Current state completely characterizes the state of the world

Components of the RL Agent Policy How does the agent behave? Value Function How good is each state and/or action pair? Model Agent s representation of the environment * slide from Dhruv Batra

Policy The policy is how the agent acts Formally, map from states to actions: Deterministic policy: Stochastic policy: * slide from Dhruv Batra

Policy The policy is how the agent acts Formally, map from states to actions: Deterministic policy: Stochastic policy: * slide from Dhruv Batra

The Optimal Policy What is a good policy? * slide from Dhruv Batra

The Optimal Policy What is a good policy? Maximizes current reward? Sum of all future rewards? * slide from Dhruv Batra

The Optimal Policy What is a good policy? Maximizes current reward? Sum of all future rewards? Discounted future rewards! * slide from Dhruv Batra

The Optimal Policy What is a good policy? Maximizes current reward? Sum of all future rewards? Discounted future rewards! Formally: with * slide from Dhruv Batra

Components of the RL Agent Policy How does the agent behave? Value Function How good is each state and/or action pair? Model Agent s representation of the environment * slide from Dhruv Batra

Value Function A value function is a prediction of future reward State Value Function" or simps Value Function How good id a state? Am I screwed? Am I winning this game? Action Value Function or Q-function How good is a state action-pair? Should I do this now? * slide from Dhruv Batra

Value Function and Q-value Function Following a policy produces sample trajectories (or paths) s 0, a 0, r 0, s 1, a 1, r 1, The value function (how good is the state) at state s, is the expected cumulative reward from state s (and following the policy thereafter):

Value Function and Q-value Function Following a policy produces sample trajectories (or paths) s 0, a 0, r 0, s 1, a 1, r 1, The value function (how good is the state) at state s, is the expected cumulative reward from state s (and following the policy thereafter): The Q-value function (how good is a state-action pair) at state s and action a, is the expected cumulative reward from taking action a in state s (and following the policy thereafter):

Components of the RL Agent Policy How does the agent behave? Value Function How good is each state and/or action pair? Model Agent s representation of the environment * slide from Dhruv Batra

Model Model predicts what the world will do next * slide from David Silver

Model Model predicts what the world will do next * slide from David Silver

Components of the RL Agent Policy How does the agent behave? Value Function How good is each state and/or action pair? Model Agent s representation of the environment * slide from Dhruv Batra

Maze Example Reward: -1 per time-step Actions: N, E, S, W States: Agent s location * slide from David Silver

Maze Example: Policy Arrows represent a policy (s) for each state s * slide from David Silver

Maze Example: Value Numbers represent value each state s v (s) of * slide from David Silver

Maze Example: Model Grid layout represents transition model Numbers represent the immediate reward for each state (same for all states) * slide from David Silver

Components of the RL Agent Policy How does the agent behave? Value Function How good is each state and/or action pair? Model Agent s representation of the environment * slide from Dhruv Batra

Approaches to RL: Taxonomy Model-free RL Value-based RL Estimate the optimal action-value function Q (s, a) No policy (implicit) Policy-based RL Search directly for the optima policy No value function Model-based RL Build a model of the world Plan (e.g., by look-ahead) using model * slide from Dhruv Batra

Approaches to RL: Taxonomy Model-free RL Value-based RL Estimate the optimal action-value function Q (s, a) No policy (implicit) Actor-critic RL Policy-based RL Search directly for the optima policy No value function Value function Policy function Model-based RL Build a model of the world Plan (e.g., by look-ahead) using model * slide from Dhruv Batra

Deep RL Value-based RL Use neural nets to represent Q function Policy-based RL Use neural nets to represent the policy Model-based RL Use neural nets to represent and learn the model * slide from Dhruv Batra

Approaches to RL Value-based RL Estimate the optimal action-value function Q (s, a) No policy (implicit) * slide from Dhruv Batra

Optimal Value Function Optimal Q-function is the maximum achievable value * slide from David Silver

Optimal Value Function Optimal Q-function is the maximum achievable value Once we have it, we can act optimally * slide from David Silver

Optimal Value Function Optimal Q-function is the maximum achievable value Once we have it, we can act optimally Optimal value maximizes over all future decisions * slide from David Silver

Optimal Value Function Optimal Q-function is the maximum achievable value Once we have it, we can act optimally Optimal value maximizes over all future decisions Formally, Q* satisfied Bellman Equations * slide from David Silver

Solving for the Optimal Policy Value iteration algorithm: Use Bellman equation as an iterative update Q i will converge to Q* as i -> infinity

Solving for the Optimal Policy Value iteration algorithm: Use Bellman equation as an iterative update Q i will converge to Q* as i -> infinity What s the problem with this?

Solving for the Optimal Policy Value iteration algorithm: Use Bellman equation as an iterative update Q i will converge to Q* as i -> infinity What s the problem with this? Not scalable. Must compute Q(s,a) for every state-action pair. If state is e.g. game pixels, computationally infeasible to compute for entire state space!

Solving for the Optimal Policy Value iteration algorithm: Use Bellman equation as an iterative update Q i will converge to Q* as i -> infinity What s the problem with this? Not scalable. Must compute Q(s,a) for every state-action pair. If state is e.g. game pixels, computationally infeasible to compute for entire state space! Solution: use a function approximator to estimate Q(s,a). E.g. a neural network!

Q-Networks * slide from David Silver

Case Study: Playing Atari Games [ Mnih et al., 2013; Nature 2015 ] Objective: Complete the game with the highest score State: Raw pixel inputs of the game state Action: Game controls e.g. Left, Right, Up, Down Reward: Score increase/decrease at each time step

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 Input: state s t Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 familiar conv and fc layers Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 Last FC layer has 4-d output (if 4 actions), corresponding to Q(s t, a 1 ), Q(s t, a 2 ), Q(s t, a 3 ), Q(s t,a 4 ) Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 Last FC layer has 4-d output (if 4 actions), corresponding to Q(s t, a 1 ), Q(s t, a 2 ), Q(s t, a 3 ), Q(s t,a 4 ) Number of actions between 4-18 depending on Atari game Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Architecture [ Mnih et al., 2013; Nature 2015 ] with weights : neural network A single feedforward pass to compute Q-values for all actions from the current state => efficient! FC-4 (Q-values) FC-256 32 4x4 conv, stride 2 16 8x8 conv, stride 4 Last FC layer has 4-d output (if 4 actions), corresponding to Q(s t, a 1 ), Q(s t, a 2 ), Q(s t, a 3 ), Q(s t,a 4 ) Number of actions between 4-18 depending on Atari game Current state s t : 84x84x4 stack of last 4 frames (after RGB->grayscale conversion, downsampling, and cropping)

Q-Network Learning Remember: want to find a Q-function that satisfies the Bellman Equation:

Q-Network Learning Remember: want to find a Q-function that satisfies the Bellman Equation: Forward Pass: Loss function: where

Q-Network Learning Remember: want to find a Q-function that satisfies the Bellman Equation: Forward Pass: Loss function: where Backward Pass: Gradient update (with respect to Q-function parameters θ):

Q-Network Learning Remember: want to find a Q-function that satisfies the Bellman Equation: Forward Pass: Loss function: where Iteratively try to make the Q-value close to the target value (y i ) it should have, if Q-function corresponds to optimal Q* (and optimal policy π*) Backward Pass: Gradient update (with respect to Q-function parameters θ):

Training the Q-Network: Experience Replay Learning from batches of consecutive samples is problematic: Samples are correlated => inefficient learning Current Q-network parameters determines next training samples (e.g. if maximizing action is to move left, training samples will be dominated by samples from left-hand size) => can lead to bad feedback loops Address these problems using experience replay Continually update a replay memory table of transitions (s t, a t, r t, s t+1 ) as game (experience) episodes are played Train Q-network on random minibatches of transitions from the replay memory, instead of consecutive samples

Experience Replay

Experience Replay

Example: Atari Playing

Example: Atari Playing

Deep RL Value-based RL Use neural nets to represent Q function Policy-based RL Use neural nets to represent the policy Model-based RL Use neural nets to represent and learn the model * slide from Dhruv Batra

Deep RL Value-based RL Use neural nets to represent Q function Policy-based RL Use neural nets to represent the policy Model-based RL Use neural nets to represent and learn the model * slide from Dhruv Batra

Policy Gradients Formally, let s define a class of parameterized policies: For each policy, define its value:

Policy Gradients Formally, let s define a class of parameterized policies: For each policy, define its value: We want to find the optimal policy

Policy Gradients Formally, let s define a class of parameterized policies: For each policy, define its value: We want to find the optimal policy How can we do this?

Policy Gradients Formally, let s define a class of parameterized policies: For each policy, define its value: We want to find the optimal policy How can we do this? Gradient ascent on policy parameters!

REINFORCE algorithm Expected reward: Where r(τ) is the reward of a trajectory

REINFORCE algorithm Expected reward: Where r(τ) is the reward of a trajectory Now let s differentiate this: Intractable! Expectation of gradient is problematic when p depends on θ

REINFORCE algorithm Expected reward: Where r(τ) is the reward of a trajectory Now let s differentiate this: However, we can use a nice trick: If we inject this back: Can estimate with Monte Carlo sampling

Intuition Gradient estimator: Interpretation: - If r(τ) is high, push up the probabilities of the actions seen - If r(τ) is low, push down the probabilities of the actions seen

Intuition Gradient estimator: Interpretation: - If r(τ) is high, push up the probabilities of the actions seen - If r(τ) is low, push down the probabilities of the actions seen Might seem simplistic to say that if a trajectory is good then all its actions were good. But in expectation, it averages out!

Intuition * slide from Dhruv Batra

Intuition Gradient estimator: Interpretation: - If r(τ) is high, push up the probabilities of the actions seen - If r(τ) is low, push down the probabilities of the actions seen Might seem simplistic to say that if a trajectory is good then all its actions were good. But in expectation, it averages out! However, this also suffers from high variance because credit assignment is really hard. Can we help the estimator?

REINFORCE in Action: Recurrent Attention Model (REM) Objective: Image Classification Take a sequence of glimpses selectively focusing on regions of the image, to predict class Inspiration from human perception and eye movements Saves computational resources => scalability Able to ignore clutter / irrelevant parts of image glimpse [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Objective: Image Classification Take a sequence of glimpses selectively focusing on regions of the image, to predict class Inspiration from human perception and eye movements Saves computational resources => scalability Able to ignore clutter / irrelevant parts of image glimpse State: Glimpses seen so far Action: (x,y) coordinates (center of glimpse) of where to look next in image Reward: 1 at the final timestep if image correctly classified, 0 otherwise [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Objective: Image Classification Take a sequence of glimpses selectively focusing on regions of the image, to predict class Inspiration from human perception and eye movements Saves computational resources => scalability Able to ignore clutter / irrelevant parts of image glimpse State: Glimpses seen so far Action: (x,y) coordinates (center of glimpse) of where to look next in image Reward: 1 at the final timestep if image correctly classified, 0 otherwise Glimpsing is a non-differentiable operation => learn policy for how to take glimpse actions using REINFORCE Given state of glimpses seen so far, use RNN to model the state and output next action [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) (x 1, y 1 ) Input image NN [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) (x 1, y 1 ) (x 2, y 2 ) Input image NN NN [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) (x 1, y 1 ) (x 2, y 2 ) (x 3, y 3 ) Input image NN NN NN [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) (x 1, y 1 ) (x 2, y 2 ) (x 3, y 3 ) (x 4, y 4 ) (x 5, y 5 ) Softmax Input image y=2 NN NN NN NN NN [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Has also been used in many other tasks including fine-grained image recognition, image captioning, and visual question-answering! [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Has also been used in many other tasks including fine-grained image recognition, image captioning, and visual question-answering! [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Has also been used in many other tasks including fine-grained image recognition, image captioning, and visual question-answering! [ Mnih et al., 2014 ]

REINFORCE in Action: Recurrent Attention Model (REM) Has also been used in many other tasks including fine-grained image recognition, image captioning, and visual question-answering! [ Mnih et al., 2014 ]

Summary Policy gradients: very general but suffer from high variance so requires a lot of samples. Challenge: sample-efficiency Q-learning: does not always work but when it works, usually more sampleefficient. Challenge: exploration Guarantees: Policy Gradients: Converges to a local minima of J(θ), often good enough! Q-learning: Zero guarantees since you are approximating Bellman equation with a complicated function approximator