11. Reinforcement Learning

Size: px
Start display at page:

Download "11. Reinforcement Learning"

Transcription

1 Artificial Intelligence 11. Reinforcement Learning prof. dr. sc. Bojana Dalbelo Bašić doc. dr. sc. Jan Šnajder University of Zagreb Faculty of Electrical Engineering and Computing (FER) Academic Year 2015/2016 Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

2 Markov Decision Processes and Non-Deterministic Search Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

3 The Model of the World Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

4 GridWorld A maze-like problem Noisy movement Actions don t always end up as planned Immediate reward ( Living reward) Each time-step the agent lives, he receives a reward. The goal of the game is to maximize the sum of rewards - Utility Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

5 Deterministic vs Stochastic Movement Deterministic Stochastic Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

6 Markov Decision Processes Andrey Markov ( ) Markov in MDP s means that an action outcome depends only on the current state: P (S t+1 = s S t = s t, A t = a t ) The successor function cares only about the current state, and not where you came from Therefore, we want to model the optimal action choice (Policy) for all given states π : S A A policy π gives an action for each state An optimal policy maximizes expected utility Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

7 Formalized Markov Decision Processes A Markov Decision Process (MDP) is a Non-deterministic search problem MDP Formalization A set of states s S A set of actions a A A transition function T (s, a, s ) The probability that taking an action a in state s takes you to state s Also known as the model of the world the agent lives in A reward function R(s, a, s ) A start state Maybe, a terminal state(s) In the scope of the course, only the transition function T is a probability distribution, while generally even the reward function could be a probability distribution itself Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

8 Gridworld demo Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

9 Optimal Policies and Immediate Rewards (Punishments?) r(s,, s ) = 0.01 r(s,, s ) = 0.03 r(s,, s ) = 0.4 r(s,, s ) = 2.0 How would the policy look like for positive immediate rewards? Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

10 MDP Search Trees Imagine that instead of playing a game against an opponent that wants to minimize your reward, your opponent takes random actions Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

11 Sequence Preference Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

12 Sequence Preference Two main, seemingly straightforward issues More or less 1, 2, 2 vs 1, 2, 3 Now or later 0, 0, 1 vs 1, 0, 0 It s logical and simple to prefer the larger sum of rewards How to adapt the algorithm to prefer equal amounts sooner instead of later? Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

13 Discounting Exponential decay of rewards Each step we take, the rewards are multiplied by a factor of γ Discounted utility = t=0 γt r t The utility for an action a in the state s that ends up in state s is the sum of the immediate reward and the discounted future reward V (s) = R(s, a, s ) + γv (s ) Finding the same utility faster is usually better (otherwise, the reward function is not defined properly) = ( = 0.107) Gamma values are usually from [0.8, 1] Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

14 Infinite utilities Some MDP s can go on forever with infinite rewards Solutions 1 Discounted utility = t=0 γt r t Rmax (1 γ) Smaller gamma = shorter focus 2 Limited number of steps (terminate learning after T steps) 3 Absorbing state - a terminal state s A which will always be reached (imagine that every state has a small probability to transition into s A ) Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

15 Markov Decision Processes Revisited MDP = (S, s 0 S, A, T (s, a, s ), R(s, a, s ), γ) A set of states s S An initial state s 0 Maybe, a terminal state(s) A set of actions a A A transition function T (s, a, s ) The probability that taking an action a in state s takes you to state s Also known as the model of the world the agent lives in A reward function R(s, a, s ) Discounting factor γ Terms Policy = which action to take in each state Utility = sum of discounted rewards Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

16 Solving Markov Decision Processes Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

17 Optimal Quantities Optimal quantities are the values we want at the end of our process Optimal policy π (s) = optimal action to take from state s Value (utility) of a state V (s) = expected utility when starting in s and acting optimally Value (utility) of a Q-state Q (s, a) = expected utility when having commited to an action a from a state s and acting optimally afterwards Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

18 Values of states Computing the expected maximum value of a state Expectation E[X] = x X P (x) x The utility is the probability weighted sum of rewards of possible transitions when committed to an action a Or, in more simple terms, the utility is the expected future reward The optimal action provides maximum future utility Two recursive relations ( Bellman equations ) The value of a state is the maximum Q-value of all the possible actions V (s) = max a Q (s, a) The Q-value of a state is the expectation of the immediate reward for a transition (s, a, s ) and the discounted future reward Q (s, a) = s T (s, a, s )[R(s, a, s ) + γv (s )] Bellman form - substituting Q(s, a) V (s) = max a s T (s, a, s )[R(s, a, s ) + γv (s )] Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

19 Value Iteration Initialize the vector of values to zero V 0 (s) = 0 Instead of 0, we can use any constant - the system is still going to converge to stationary values in the limit Iterate over the Bellman form Vk+1 (s) max a s T (s, a, s )[R(s, a, s ) + γv k (s )] Repeat until convergence Complexity of each step = O(S 2 A) Policy (optimal action) will converge before the values values (Demo) Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

20 Demo: value iteration No randomized movement, no living penalty, gamma = 0.9 python gridworld.py -n 0 -a value -v -i 20 Randomized movement p = 0.2, living penalty = -0.01, gamma = 0.9 python gridworld.py -r a value -v -i 20 Randomized movement p = 0.2, living penalty = -0.01, gamma = 1 python gridworld.py -r a value -v -i 20 -d 1 Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

21 Policy Iteration Value iteration is slow - it considers every possible action in every possible step (complexity S 2 A) The maximum value (policy) rarely changes! Policy iteration 1 Fix a non-optimal policy π 2 Policy evaluation: calculate the utilities (values) for the fixed (non-optimal) policy until convergence 3 Policy improvement: update the policy by using the resulting (non-optimal) utilities 4 Repeat until convergence Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

22 Policy Iteration Policy Iteration 1 Fix π 0 2 V π k+1 (s) s T (s, π i(s), s )[R(s, π i (s), s ) + γv π k (s )] 3 π i+1 (s) = arg max a s T (s, a, s )[R(s, a, s ) + γv π k (s )] 4 Repeat until convergence In value iteration, we calculate the optimal values without an explicit policy and then compute the policy by finding the max value in the successor states. In policy iteration, we use a fixed non-optimal policy which we then improve until convergence. Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

23 Double Bandit Problem Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

24 Double Bandit Problem First bandit (blue): With probability p = 1, win one dollar Second bandit (red): With probability p w = 0.75, win two dollars, with probability p l = 0.25 win zero dollars Even without explicit calculation, we have a good idea which strategy we should use Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

25 Game on! $2 $2 $0 $2 $2 $0 $2 $2 $2 $2 Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

26 Offline Planning When all the values are known, solving MDP s is easy V (blue) = x X P (x) x = 1 1 V (red) = x X P (x) x = = 1.5 What happens when we don t know the values? Same problem, but the transition function T is now unknown for both bandits Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

27 Game on again!! $2 $2 $0 $0 $0 $0 $0 $0 $0 $2 Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

28 Reinforcement Learning Intro What happened? We changed our policy after sampling long enough The underlying problem is still the same (MDP), however the transition function is unknown - forcing us to estimate the transition probabilities Keywords Exploration: Trying unknown actions to gather information Exploitation: Use what you know to be optimal Sampling: Trying things out with varying degrees of success and estimating the underlying probability distribution of the MDP Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

29 Reinforcement Learning Ivan Petrovič Pavlov Conditioned reflexes - based on repeated sampling, the dogs learned a reaction to hearing a bell Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

30 Reinforcement Learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

31 Reinforcement Learning Take actions based on current knowledge of the environment Receive feedback in the form of rewards Learn based on received rewards and update behavior (policy) in order to maximize the expected reward (utility) We start with zero knowledge and sample our way to the optimal policy Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

32 Example videos: learning to walk, game playing, crawler Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

33 Reinforcement Learning Assume an underlying Markov Decision Process A set of states s S A set of actions a A A transition function T (s, a, s ) A reward function R(s, a, s ) Goal: find optimal policy π (s) Difficulty: Don t know T or R Possible approaches 1 Estimate the transition and reward functions and then find the optimal model 2 Directly estimate the optimal model without explicitly calculating the transition and reward function Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

34 Offline Planning vs. Online Learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

35 Model-Based Learning Learn an approximate model based on experience Assume the learned model is correct and solve for its values 1 Learn empirical MDP model Count outcomes s for each (s, a) Normalize values to estimate T (s, a, s ) Discover each R(s, a, s ) when sampling 2 Solve the learned MDP Use value iteration Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

36 Example: expected age Estimation E[A] = a P (a) a = 1 N N i=0 a i Model-Based learning Estimate the prior ˆP (a) = count(a i) N Calculate the expectation E[A] a ˆP (a) a Model-Free learning Learn the estimation as you go E[A] 1 N N i=0 a i Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

37 Passive Reinforcement Learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

38 Passive Reinforcement Learning Evaluate a given, non-optimal policy π(s) Both the transition and reward function are unknown Goal: Learn state values The learner follows instructions given from an oracle and has no choice regarding which action to take This is not offline planning - we cannot deduce the state values without explicitely trying out sequences of moves (playing) Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

39 Direct evaluation Goal: Compute the value for each state under fixed non-optimal policy π Solution: Average sampled values Act according to π On each visit to a state, write down what the sum of discounted rewards turned out to be in the end, starting from that state Average the samples Similar to model-free learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

40 Example of direct evaluation γ = 1 Sample 1 B, east, E, -1 E, east, D, -1 D, exit, x, 10 Sample 2 C, north, E, -1 E, east, D, -1 D, exit, x, 10 Sample 3 B, east, E, -1 E, east, D, -1 D, exit, x, 10 Sample 4 C, north, E, -1 E, east, A, -1 D, exit, x, -10 Observed transitions T(B, e, E) = 1.0 T(E, e, D) = 0.75 T(E, e, A) = 0.25 Observed rewards R(B, e, E) = -1 R(D, exit, x) = Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

41 Example of direct evaluation γ = 1 Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

42 The Good and the Bad Pros of direct evaluation Easy to understand Requires no knowledge of T and R Eventually computes the correct values just by sampling Cons of direct evaluation Information about state connections is unused (T) Each state is learned independently Learning takes a long time Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

43 Policy Evaluation Value iteration: V0 π(s) = 0 Vk+1 π (s) max a s T (s, a, s )[R(s, a, s ) + γvk π(s )] We don t have T and R! How to average without knowing the weights? Sampling! Vk+1 π (s) 1 n n i=1 [R(s, π(s), s 1 ) + γv k π(s 1 )] We need samples for each outcome from state s - hard to do in practice (some states are hard to reach) Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

44 Temporal Difference Learning Keep track of the past and adapt to the present Still using a fixed, non-optimal policy! Update V (s) every time we get a new experience (s, a, s, r) The outcomes s that are more likely based on the unknown probability distribution T will contribute to the updates more often Temporal difference learning Sample from V(s): sample = (s, a, s, r) Update V(s): V π (s) = V π (s) + α[(r(s, π(s), s ) + γv π (s ) V π (s)] The update factor is the difference between the observed value and the current estimate scaled by the learning rate α difference = [R(s, π(s), s ) + γv π (s )] V π (s) If the observed value is higher than what we estimated, we increase the estimation, otherwise we decrease (or keep it the same) This type of update is called the running average - we move the values toward the value of whichever successor occurs Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

45 Caveats of Temporal Difference Value Learning Temporal difference value learning allows us to approximate the value of each state However, we wanted to learn the policy - and all we do is estimate the values based on a given non-optimal policy π(s) = arg maxa Q(s, a) Q(s, a) = s T (s, a, s )[R(s, a, s ) + γv (s )] We learned all the values, so in theory we could find the policy - but we didn t keep track of the transition function T, and therefore cannot find the arguments to the max Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

46 Active Reinforcement Learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

47 Active Reinforcement Learning The differences Now, you select which action to take based on prior experience The transitions T(s,a,s ) and rewards R(s,a,s ) are still unknown The goal: Learn the optimal policy and values Q-value Iteration Remember the recursive definition of the Bellman updates V (s) = max a Q (s, a) Q (s, a) = s T (s, a, s )[R(s, a, s ) + γv (s )] Instead of learning the value function, learn all of its arguments - if we have all the Q-values (expected utilities when commited to an action in a state), calculating the policy is a simple max over the actions for a state Q 0(s, a) = 0 Q k+1 (s, a) s T (s, a, s )[R(s, a, s ) + γ max a Q k (s, a )] The policy π is the action that for a given state gives the maximal Q-value Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

48 Q-Learning Sample-based Q-value iteration Qk+1 (s, a) s T (s, a, s )[R(s, a, s ) + γ max a Q k (s, a )] Learn Q(s,a) values on-the-fly Sample (s,a,s,r) Incorporate it into the running average Q(s, a) Q(s, a) + (α)[r(s, a, s ) + γ max a Q(s, a ) Q(s, a)] Q-learning converges to an optimal policy even if we make suboptimal decisions on the way Off-policy learning Caveats! It takes a long time to converge Eventually, you have to reduce the learning rate to converge, however you have to do it at the right time However, as the number of iterations approaches infinity, as long as you explore enough, the algorithm will learn the optimal policy! Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

49 Exploration vs Exploitation Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

50 Epsilon-Greedy Forcing exploration through random actions When choosing an action With probability ɛ choose a random action With probability 1 ɛ act according to current optimal policy We still need to converge to a fixed policy 1 Decay ɛ over time (similar to the discounting factor) 2 Smarter exploration functions Explore each state proportionally to its estimated (Q-)value Sample enough times to be sure that a state is bad and not just due to the movement noise Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

51 Approximate Q-Learning Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

52 Generalizing So far, we keep track of every single possible state We have no notion of similarities between states What happens when we scale the problem? Ideally, we want to be able to generalize from a small number of observed experiences For this, we need to have a notion of similarity between states Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

53 Similar states Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

54 Feature space embeddings Describe a state using a vector of features Features are mappings from the full problem space to a lower dimensional space (boolean values, enumerations, categories) which captures the important properties of the problem space Features Distance to the closest ghost Distance to closest food dot Number of ghosts Minimal distance to ghost Distance to ghost when moving in direction d Is Pacman in a tunnel We can also describe a q-state (state, action pair) with features, such as This action moves us further away from the ghosts Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

55 Linear Value Functions By using feature based representation, we can describe the value of each state (or q-state) by the linear combination of its weights Features are lower-dimensional mappings of the current state f(s) = [f 1 (s),..., f n (s)] We assign a weight to each feature to measure its importance W = [wn,..., wn ] The value of a (Q-)state is the dot product of the weights and features of that state V (s) = w 1 f 1 (s) + + w n f n (s) = W f(s) Q(s, a) = w 1 f 1 (s, a) + + w n f n (s, a) = W f(s) We get: Reduced dimensionality Faster learning Loss of information! States may share features but have different values Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

56 Approximate Q-Learning Q-state decomposition Q(s, a) = w 1 f 1 (s, a) + + w n f n (s, a) Q-learning with linear Q-functions: difference = [R + γ maxa Q(s, a )] Q(s, a) wi w i + α(difference)f i (s, a) Adjust weights instead of Q-values When something unexpected happens (our current policy leads us to a bad outcome), find the responsible features (the ones that contributed the most to the policy) and update them Dalbelo Bašić, Šnajder (UNIZG FER) AI Reinforcement Learning Academic Year 2015/ / 56

Lecture 10: Reinforcement Learning

Lecture 10: Reinforcement Learning Lecture 1: Reinforcement Learning Cognitive Systems II - Machine Learning SS 25 Part III: Learning Programs and Strategies Q Learning, Dynamic Programming Lecture 1: Reinforcement Learning p. Motivation

More information

Reinforcement Learning by Comparing Immediate Reward

Reinforcement Learning by Comparing Immediate Reward Reinforcement Learning by Comparing Immediate Reward Punit Pandey DeepshikhaPandey Dr. Shishir Kumar Abstract This paper introduces an approach to Reinforcement Learning Algorithm by comparing their immediate

More information

Lecture 1: Machine Learning Basics

Lecture 1: Machine Learning Basics 1/69 Lecture 1: Machine Learning Basics Ali Harakeh University of Waterloo WAVE Lab ali.harakeh@uwaterloo.ca May 1, 2017 2/69 Overview 1 Learning Algorithms 2 Capacity, Overfitting, and Underfitting 3

More information

High-level Reinforcement Learning in Strategy Games

High-level Reinforcement Learning in Strategy Games High-level Reinforcement Learning in Strategy Games Christopher Amato Department of Computer Science University of Massachusetts Amherst, MA 01003 USA camato@cs.umass.edu Guy Shani Department of Computer

More information

Exploration. CS : Deep Reinforcement Learning Sergey Levine

Exploration. CS : Deep Reinforcement Learning Sergey Levine Exploration CS 294-112: Deep Reinforcement Learning Sergey Levine Class Notes 1. Homework 4 due on Wednesday 2. Project proposal feedback sent Today s Lecture 1. What is exploration? Why is it a problem?

More information

AMULTIAGENT system [1] can be defined as a group of

AMULTIAGENT system [1] can be defined as a group of 156 IEEE TRANSACTIONS ON SYSTEMS, MAN, AND CYBERNETICS PART C: APPLICATIONS AND REVIEWS, VOL. 38, NO. 2, MARCH 2008 A Comprehensive Survey of Multiagent Reinforcement Learning Lucian Buşoniu, Robert Babuška,

More information

Artificial Neural Networks written examination

Artificial Neural Networks written examination 1 (8) Institutionen för informationsteknologi Olle Gällmo Universitetsadjunkt Adress: Lägerhyddsvägen 2 Box 337 751 05 Uppsala Artificial Neural Networks written examination Monday, May 15, 2006 9 00-14

More information

Georgetown University at TREC 2017 Dynamic Domain Track

Georgetown University at TREC 2017 Dynamic Domain Track Georgetown University at TREC 2017 Dynamic Domain Track Zhiwen Tang Georgetown University zt79@georgetown.edu Grace Hui Yang Georgetown University huiyang@cs.georgetown.edu Abstract TREC Dynamic Domain

More information

Improving Action Selection in MDP s via Knowledge Transfer

Improving Action Selection in MDP s via Knowledge Transfer In Proc. 20th National Conference on Artificial Intelligence (AAAI-05), July 9 13, 2005, Pittsburgh, USA. Improving Action Selection in MDP s via Knowledge Transfer Alexander A. Sherstov and Peter Stone

More information

TD(λ) and Q-Learning Based Ludo Players

TD(λ) and Q-Learning Based Ludo Players TD(λ) and Q-Learning Based Ludo Players Majed Alhajry, Faisal Alvi, Member, IEEE and Moataz Ahmed Abstract Reinforcement learning is a popular machine learning technique whose inherent self-learning ability

More information

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur Module 12 Machine Learning 12.1 Instructional Objective The students should understand the concept of learning systems Students should learn about different aspects of a learning system Students should

More information

ISFA2008U_120 A SCHEDULING REINFORCEMENT LEARNING ALGORITHM

ISFA2008U_120 A SCHEDULING REINFORCEMENT LEARNING ALGORITHM Proceedings of 28 ISFA 28 International Symposium on Flexible Automation Atlanta, GA, USA June 23-26, 28 ISFA28U_12 A SCHEDULING REINFORCEMENT LEARNING ALGORITHM Amit Gil, Helman Stern, Yael Edan, and

More information

Laboratorio di Intelligenza Artificiale e Robotica

Laboratorio di Intelligenza Artificiale e Robotica Laboratorio di Intelligenza Artificiale e Robotica A.A. 2008-2009 Outline 2 Machine Learning Unsupervised Learning Supervised Learning Reinforcement Learning Genetic Algorithms Genetics-Based Machine Learning

More information

Axiom 2013 Team Description Paper

Axiom 2013 Team Description Paper Axiom 2013 Team Description Paper Mohammad Ghazanfari, S Omid Shirkhorshidi, Farbod Samsamipour, Hossein Rahmatizadeh Zagheli, Mohammad Mahdavi, Payam Mohajeri, S Abbas Alamolhoda Robotics Scientific Association

More information

(Sub)Gradient Descent

(Sub)Gradient Descent (Sub)Gradient Descent CMSC 422 MARINE CARPUAT marine@cs.umd.edu Figures credit: Piyush Rai Logistics Midterm is on Thursday 3/24 during class time closed book/internet/etc, one page of notes. will include

More information

Regret-based Reward Elicitation for Markov Decision Processes

Regret-based Reward Elicitation for Markov Decision Processes 444 REGAN & BOUTILIER UAI 2009 Regret-based Reward Elicitation for Markov Decision Processes Kevin Regan Department of Computer Science University of Toronto Toronto, ON, CANADA kmregan@cs.toronto.edu

More information

Speeding Up Reinforcement Learning with Behavior Transfer

Speeding Up Reinforcement Learning with Behavior Transfer Speeding Up Reinforcement Learning with Behavior Transfer Matthew E. Taylor and Peter Stone Department of Computer Sciences The University of Texas at Austin Austin, Texas 78712-1188 {mtaylor, pstone}@cs.utexas.edu

More information

Continual Curiosity-Driven Skill Acquisition from High-Dimensional Video Inputs for Humanoid Robots

Continual Curiosity-Driven Skill Acquisition from High-Dimensional Video Inputs for Humanoid Robots Continual Curiosity-Driven Skill Acquisition from High-Dimensional Video Inputs for Humanoid Robots Varun Raj Kompella, Marijn Stollenga, Matthew Luciw, Juergen Schmidhuber The Swiss AI Lab IDSIA, USI

More information

FF+FPG: Guiding a Policy-Gradient Planner

FF+FPG: Guiding a Policy-Gradient Planner FF+FPG: Guiding a Policy-Gradient Planner Olivier Buffet LAAS-CNRS University of Toulouse Toulouse, France firstname.lastname@laas.fr Douglas Aberdeen National ICT australia & The Australian National University

More information

Laboratorio di Intelligenza Artificiale e Robotica

Laboratorio di Intelligenza Artificiale e Robotica Laboratorio di Intelligenza Artificiale e Robotica A.A. 2008-2009 Outline 2 Machine Learning Unsupervised Learning Supervised Learning Reinforcement Learning Genetic Algorithms Genetics-Based Machine Learning

More information

First Grade Standards

First Grade Standards These are the standards for what is taught throughout the year in First Grade. It is the expectation that these skills will be reinforced after they have been taught. Mathematical Practice Standards Taught

More information

Task Completion Transfer Learning for Reward Inference

Task Completion Transfer Learning for Reward Inference Machine Learning for Interactive Systems: Papers from the AAAI-14 Workshop Task Completion Transfer Learning for Reward Inference Layla El Asri 1,2, Romain Laroche 1, Olivier Pietquin 3 1 Orange Labs,

More information

The Strong Minimalist Thesis and Bounded Optimality

The Strong Minimalist Thesis and Bounded Optimality The Strong Minimalist Thesis and Bounded Optimality DRAFT-IN-PROGRESS; SEND COMMENTS TO RICKL@UMICH.EDU Richard L. Lewis Department of Psychology University of Michigan 27 March 2010 1 Purpose of this

More information

Task Completion Transfer Learning for Reward Inference

Task Completion Transfer Learning for Reward Inference Task Completion Transfer Learning for Reward Inference Layla El Asri 1,2, Romain Laroche 1, Olivier Pietquin 3 1 Orange Labs, Issy-les-Moulineaux, France 2 UMI 2958 (CNRS - GeorgiaTech), France 3 University

More information

IAT 888: Metacreation Machines endowed with creative behavior. Philippe Pasquier Office 565 (floor 14)

IAT 888: Metacreation Machines endowed with creative behavior. Philippe Pasquier Office 565 (floor 14) IAT 888: Metacreation Machines endowed with creative behavior Philippe Pasquier Office 565 (floor 14) pasquier@sfu.ca Outline of today's lecture A little bit about me A little bit about you What will that

More information

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS Václav Kocian, Eva Volná, Michal Janošek, Martin Kotyrba University of Ostrava Department of Informatics and Computers Dvořákova 7,

More information

A Reinforcement Learning Variant for Control Scheduling

A Reinforcement Learning Variant for Control Scheduling A Reinforcement Learning Variant for Control Scheduling Aloke Guha Honeywell Sensor and System Development Center 3660 Technology Drive Minneapolis MN 55417 Abstract We present an algorithm based on reinforcement

More information

Evolutive Neural Net Fuzzy Filtering: Basic Description

Evolutive Neural Net Fuzzy Filtering: Basic Description Journal of Intelligent Learning Systems and Applications, 2010, 2: 12-18 doi:10.4236/jilsa.2010.21002 Published Online February 2010 (http://www.scirp.org/journal/jilsa) Evolutive Neural Net Fuzzy Filtering:

More information

Generative models and adversarial training

Generative models and adversarial training Day 4 Lecture 1 Generative models and adversarial training Kevin McGuinness kevin.mcguinness@dcu.ie Research Fellow Insight Centre for Data Analytics Dublin City University What is a generative model?

More information

Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for

Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for Email Marilyn A. Walker Jeanne C. Fromer Shrikanth Narayanan walker@research.att.com jeannie@ai.mit.edu shri@research.att.com

More information

Probabilistic Latent Semantic Analysis

Probabilistic Latent Semantic Analysis Probabilistic Latent Semantic Analysis Thomas Hofmann Presentation by Ioannis Pavlopoulos & Andreas Damianou for the course of Data Mining & Exploration 1 Outline Latent Semantic Analysis o Need o Overview

More information

The Good Judgment Project: A large scale test of different methods of combining expert predictions

The Good Judgment Project: A large scale test of different methods of combining expert predictions The Good Judgment Project: A large scale test of different methods of combining expert predictions Lyle Ungar, Barb Mellors, Jon Baron, Phil Tetlock, Jaime Ramos, Sam Swift The University of Pennsylvania

More information

Transfer Learning Action Models by Measuring the Similarity of Different Domains

Transfer Learning Action Models by Measuring the Similarity of Different Domains Transfer Learning Action Models by Measuring the Similarity of Different Domains Hankui Zhuo 1, Qiang Yang 2, and Lei Li 1 1 Software Research Institute, Sun Yat-sen University, Guangzhou, China. zhuohank@gmail.com,lnslilei@mail.sysu.edu.cn

More information

Machine Learning and Data Mining. Ensembles of Learners. Prof. Alexander Ihler

Machine Learning and Data Mining. Ensembles of Learners. Prof. Alexander Ihler Machine Learning and Data Mining Ensembles of Learners Prof. Alexander Ihler Ensemble methods Why learn one classifier when you can learn many? Ensemble: combine many predictors (Weighted) combina

More information

SARDNET: A Self-Organizing Feature Map for Sequences

SARDNET: A Self-Organizing Feature Map for Sequences SARDNET: A Self-Organizing Feature Map for Sequences Daniel L. James and Risto Miikkulainen Department of Computer Sciences The University of Texas at Austin Austin, TX 78712 dljames,risto~cs.utexas.edu

More information

GDP Falls as MBA Rises?

GDP Falls as MBA Rises? Applied Mathematics, 2013, 4, 1455-1459 http://dx.doi.org/10.4236/am.2013.410196 Published Online October 2013 (http://www.scirp.org/journal/am) GDP Falls as MBA Rises? T. N. Cummins EconomicGPS, Aurora,

More information

Learning and Transferring Relational Instance-Based Policies

Learning and Transferring Relational Instance-Based Policies Learning and Transferring Relational Instance-Based Policies Rocío García-Durán, Fernando Fernández y Daniel Borrajo Universidad Carlos III de Madrid Avda de la Universidad 30, 28911-Leganés (Madrid),

More information

Probability and Game Theory Course Syllabus

Probability and Game Theory Course Syllabus Probability and Game Theory Course Syllabus DATE ACTIVITY CONCEPT Sunday Learn names; introduction to course, introduce the Battle of the Bismarck Sea as a 2-person zero-sum game. Monday Day 1 Pre-test

More information

Mathematics process categories

Mathematics process categories Mathematics process categories All of the UK curricula define multiple categories of mathematical proficiency that require students to be able to use and apply mathematics, beyond simple recall of facts

More information

ReinForest: Multi-Domain Dialogue Management Using Hierarchical Policies and Knowledge Ontology

ReinForest: Multi-Domain Dialogue Management Using Hierarchical Policies and Knowledge Ontology ReinForest: Multi-Domain Dialogue Management Using Hierarchical Policies and Knowledge Ontology Tiancheng Zhao CMU-LTI-16-006 Language Technologies Institute School of Computer Science Carnegie Mellon

More information

Software Maintenance

Software Maintenance 1 What is Software Maintenance? Software Maintenance is a very broad activity that includes error corrections, enhancements of capabilities, deletion of obsolete capabilities, and optimization. 2 Categories

More information

Grade 6: Correlated to AGS Basic Math Skills

Grade 6: Correlated to AGS Basic Math Skills Grade 6: Correlated to AGS Basic Math Skills Grade 6: Standard 1 Number Sense Students compare and order positive and negative integers, decimals, fractions, and mixed numbers. They find multiples and

More information

Go fishing! Responsibility judgments when cooperation breaks down

Go fishing! Responsibility judgments when cooperation breaks down Go fishing! Responsibility judgments when cooperation breaks down Kelsey Allen (krallen@mit.edu), Julian Jara-Ettinger (jjara@mit.edu), Tobias Gerstenberg (tger@mit.edu), Max Kleiman-Weiner (maxkw@mit.edu)

More information

Hentai High School A Game Guide

Hentai High School A Game Guide Hentai High School A Game Guide Hentai High School is a sex game where you are the Principal of a high school with the goal of turning the students into sex crazed people within 15 years. The game is difficult

More information

Improving Fairness in Memory Scheduling

Improving Fairness in Memory Scheduling Improving Fairness in Memory Scheduling Using a Team of Learning Automata Aditya Kajwe and Madhu Mutyam Department of Computer Science & Engineering, Indian Institute of Tehcnology - Madras June 14, 2014

More information

Learning Disability Functional Capacity Evaluation. Dear Doctor,

Learning Disability Functional Capacity Evaluation. Dear Doctor, Dear Doctor, I have been asked to formulate a vocational opinion regarding NAME s employability in light of his/her learning disability. To assist me with this evaluation I would appreciate if you can

More information

On the Combined Behavior of Autonomous Resource Management Agents

On the Combined Behavior of Autonomous Resource Management Agents On the Combined Behavior of Autonomous Resource Management Agents Siri Fagernes 1 and Alva L. Couch 2 1 Faculty of Engineering Oslo University College Oslo, Norway siri.fagernes@iu.hio.no 2 Computer Science

More information

Math-U-See Correlation with the Common Core State Standards for Mathematical Content for Third Grade

Math-U-See Correlation with the Common Core State Standards for Mathematical Content for Third Grade Math-U-See Correlation with the Common Core State Standards for Mathematical Content for Third Grade The third grade standards primarily address multiplication and division, which are covered in Math-U-See

More information

Intelligent Agents. Chapter 2. Chapter 2 1

Intelligent Agents. Chapter 2. Chapter 2 1 Intelligent Agents Chapter 2 Chapter 2 1 Outline Agents and environments Rationality PEAS (Performance measure, Environment, Actuators, Sensors) Environment types The structure of agents Chapter 2 2 Agents

More information

Python Machine Learning

Python Machine Learning Python Machine Learning Unlock deeper insights into machine learning with this vital guide to cuttingedge predictive analytics Sebastian Raschka [ PUBLISHING 1 open source I community experience distilled

More information

Natural Language Processing. George Konidaris

Natural Language Processing. George Konidaris Natural Language Processing George Konidaris gdk@cs.brown.edu Fall 2017 Natural Language Processing Understanding spoken/written sentences in a natural language. Major area of research in AI. Why? Humans

More information

Ohio s Learning Standards-Clear Learning Targets

Ohio s Learning Standards-Clear Learning Targets Ohio s Learning Standards-Clear Learning Targets Math Grade 1 Use addition and subtraction within 20 to solve word problems involving situations of 1.OA.1 adding to, taking from, putting together, taking

More information

AGS THE GREAT REVIEW GAME FOR PRE-ALGEBRA (CD) CORRELATED TO CALIFORNIA CONTENT STANDARDS

AGS THE GREAT REVIEW GAME FOR PRE-ALGEBRA (CD) CORRELATED TO CALIFORNIA CONTENT STANDARDS AGS THE GREAT REVIEW GAME FOR PRE-ALGEBRA (CD) CORRELATED TO CALIFORNIA CONTENT STANDARDS 1 CALIFORNIA CONTENT STANDARDS: Chapter 1 ALGEBRA AND WHOLE NUMBERS Algebra and Functions 1.4 Students use algebraic

More information

Adaptive Generation in Dialogue Systems Using Dynamic User Modeling

Adaptive Generation in Dialogue Systems Using Dynamic User Modeling Adaptive Generation in Dialogue Systems Using Dynamic User Modeling Srinivasan Janarthanam Heriot-Watt University Oliver Lemon Heriot-Watt University We address the problem of dynamically modeling and

More information

AP Calculus AB. Nevada Academic Standards that are assessable at the local level only.

AP Calculus AB. Nevada Academic Standards that are assessable at the local level only. Calculus AB Priority Keys Aligned with Nevada Standards MA I MI L S MA represents a Major content area. Any concept labeled MA is something of central importance to the entire class/curriculum; it is a

More information

Seminar - Organic Computing

Seminar - Organic Computing Seminar - Organic Computing Self-Organisation of OC-Systems Markus Franke 25.01.2006 Typeset by FoilTEX Timetable 1. Overview 2. Characteristics of SO-Systems 3. Concern with Nature 4. Design-Concepts

More information

An Introduction to Simulation Optimization

An Introduction to Simulation Optimization An Introduction to Simulation Optimization Nanjing Jian Shane G. Henderson Introductory Tutorials Winter Simulation Conference December 7, 2015 Thanks: NSF CMMI1200315 1 Contents 1. Introduction 2. Common

More information

The Evolution of Random Phenomena

The Evolution of Random Phenomena The Evolution of Random Phenomena A Look at Markov Chains Glen Wang glenw@uchicago.edu Splash! Chicago: Winter Cascade 2012 Lecture 1: What is Randomness? What is randomness? Can you think of some examples

More information

AI Agent for Ice Hockey Atari 2600

AI Agent for Ice Hockey Atari 2600 AI Agent for Ice Hockey Atari 2600 Emman Kabaghe (emmank@stanford.edu) Rajarshi Roy (rroy@stanford.edu) 1 Introduction In the reinforcement learning (RL) problem an agent autonomously learns a behavior

More information

Arizona s College and Career Ready Standards Mathematics

Arizona s College and Career Ready Standards Mathematics Arizona s College and Career Ready Mathematics Mathematical Practices Explanations and Examples First Grade ARIZONA DEPARTMENT OF EDUCATION HIGH ACADEMIC STANDARDS FOR STUDENTS State Board Approved June

More information

Genevieve L. Hartman, Ph.D.

Genevieve L. Hartman, Ph.D. Curriculum Development and the Teaching-Learning Process: The Development of Mathematical Thinking for all children Genevieve L. Hartman, Ph.D. Topics for today Part 1: Background and rationale Current

More information

Focus of the Unit: Much of this unit focuses on extending previous skills of multiplication and division to multi-digit whole numbers.

Focus of the Unit: Much of this unit focuses on extending previous skills of multiplication and division to multi-digit whole numbers. Approximate Time Frame: 3-4 weeks Connections to Previous Learning: In fourth grade, students fluently multiply (4-digit by 1-digit, 2-digit by 2-digit) and divide (4-digit by 1-digit) using strategies

More information

OCR for Arabic using SIFT Descriptors With Online Failure Prediction

OCR for Arabic using SIFT Descriptors With Online Failure Prediction OCR for Arabic using SIFT Descriptors With Online Failure Prediction Andrey Stolyarenko, Nachum Dershowitz The Blavatnik School of Computer Science Tel Aviv University Tel Aviv, Israel Email: stloyare@tau.ac.il,

More information

Measurement. Time. Teaching for mastery in primary maths

Measurement. Time. Teaching for mastery in primary maths Measurement Time Teaching for mastery in primary maths Contents Introduction 3 01. Introduction to time 3 02. Telling the time 4 03. Analogue and digital time 4 04. Converting between units of time 5 05.

More information

Lecture 1: Basic Concepts of Machine Learning

Lecture 1: Basic Concepts of Machine Learning Lecture 1: Basic Concepts of Machine Learning Cognitive Systems - Machine Learning Ute Schmid (lecture) Johannes Rabold (practice) Based on slides prepared March 2005 by Maximilian Röglinger, updated 2010

More information

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition

Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition Introduction to Ensemble Learning Featuring Successes in the Netflix Prize Competition Todd Holloway Two Lecture Series for B551 November 20 & 27, 2007 Indiana University Outline Introduction Bias and

More information

Algebra 2- Semester 2 Review

Algebra 2- Semester 2 Review Name Block Date Algebra 2- Semester 2 Review Non-Calculator 5.4 1. Consider the function f x 1 x 2. a) Describe the transformation of the graph of y 1 x. b) Identify the asymptotes. c) What is the domain

More information

CSL465/603 - Machine Learning

CSL465/603 - Machine Learning CSL465/603 - Machine Learning Fall 2016 Narayanan C Krishnan ckn@iitrpr.ac.in Introduction CSL465/603 - Machine Learning 1 Administrative Trivia Course Structure 3-0-2 Lecture Timings Monday 9.55-10.45am

More information

Discriminative Learning of Beam-Search Heuristics for Planning

Discriminative Learning of Beam-Search Heuristics for Planning Discriminative Learning of Beam-Search Heuristics for Planning Yuehua Xu School of EECS Oregon State University Corvallis,OR 97331 xuyu@eecs.oregonstate.edu Alan Fern School of EECS Oregon State University

More information

Given a directed graph G =(N A), where N is a set of m nodes and A. destination node, implying a direction for ow to follow. Arcs have limitations

Given a directed graph G =(N A), where N is a set of m nodes and A. destination node, implying a direction for ow to follow. Arcs have limitations 4 Interior point algorithms for network ow problems Mauricio G.C. Resende AT&T Bell Laboratories, Murray Hill, NJ 07974-2070 USA Panos M. Pardalos The University of Florida, Gainesville, FL 32611-6595

More information

Grade 2: Using a Number Line to Order and Compare Numbers Place Value Horizontal Content Strand

Grade 2: Using a Number Line to Order and Compare Numbers Place Value Horizontal Content Strand Grade 2: Using a Number Line to Order and Compare Numbers Place Value Horizontal Content Strand Texas Essential Knowledge and Skills (TEKS): (2.1) Number, operation, and quantitative reasoning. The student

More information

Language Acquisition Fall 2010/Winter Lexical Categories. Afra Alishahi, Heiner Drenhaus

Language Acquisition Fall 2010/Winter Lexical Categories. Afra Alishahi, Heiner Drenhaus Language Acquisition Fall 2010/Winter 2011 Lexical Categories Afra Alishahi, Heiner Drenhaus Computational Linguistics and Phonetics Saarland University Children s Sensitivity to Lexical Categories Look,

More information

GCE. Mathematics (MEI) Mark Scheme for June Advanced Subsidiary GCE Unit 4766: Statistics 1. Oxford Cambridge and RSA Examinations

GCE. Mathematics (MEI) Mark Scheme for June Advanced Subsidiary GCE Unit 4766: Statistics 1. Oxford Cambridge and RSA Examinations GCE Mathematics (MEI) Advanced Subsidiary GCE Unit 4766: Statistics 1 Mark Scheme for June 2013 Oxford Cambridge and RSA Examinations OCR (Oxford Cambridge and RSA) is a leading UK awarding body, providing

More information

Towards a Robuster Interpretive Parsing

Towards a Robuster Interpretive Parsing J Log Lang Inf (2013) 22:139 172 DOI 10.1007/s10849-013-9172-x Towards a Robuster Interpretive Parsing Learning from Overt Forms in Optimality Theory Tamás Biró Published online: 9 April 2013 Springer

More information

Causal Link Semantics for Narrative Planning Using Numeric Fluents

Causal Link Semantics for Narrative Planning Using Numeric Fluents Proceedings, The Thirteenth AAAI Conference on Artificial Intelligence and Interactive Digital Entertainment (AIIDE-17) Causal Link Semantics for Narrative Planning Using Numeric Fluents Rachelyn Farrell,

More information

Radius STEM Readiness TM

Radius STEM Readiness TM Curriculum Guide Radius STEM Readiness TM While today s teens are surrounded by technology, we face a stark and imminent shortage of graduates pursuing careers in Science, Technology, Engineering, and

More information

Learning Methods in Multilingual Speech Recognition

Learning Methods in Multilingual Speech Recognition Learning Methods in Multilingual Speech Recognition Hui Lin Department of Electrical Engineering University of Washington Seattle, WA 98125 linhui@u.washington.edu Li Deng, Jasha Droppo, Dong Yu, and Alex

More information

ENME 605 Advanced Control Systems, Fall 2015 Department of Mechanical Engineering

ENME 605 Advanced Control Systems, Fall 2015 Department of Mechanical Engineering ENME 605 Advanced Control Systems, Fall 2015 Department of Mechanical Engineering Lecture Details Instructor Course Objectives Tuesday and Thursday, 4:00 pm to 5:15 pm Information Technology and Engineering

More information

Stochastic Calculus for Finance I (46-944) Spring 2008 Syllabus

Stochastic Calculus for Finance I (46-944) Spring 2008 Syllabus Stochastic Calculus for Finance I (46-944) Spring 2008 Syllabus Introduction. This is a first course in stochastic calculus for finance. It assumes students are familiar with the material in Introduction

More information

Automatic Discretization of Actions and States in Monte-Carlo Tree Search

Automatic Discretization of Actions and States in Monte-Carlo Tree Search Automatic Discretization of Actions and States in Monte-Carlo Tree Search Guy Van den Broeck 1 and Kurt Driessens 2 1 Katholieke Universiteit Leuven, Department of Computer Science, Leuven, Belgium guy.vandenbroeck@cs.kuleuven.be

More information

Grade 5 + DIGITAL. EL Strategies. DOK 1-4 RTI Tiers 1-3. Flexible Supplemental K-8 ELA & Math Online & Print

Grade 5 + DIGITAL. EL Strategies. DOK 1-4 RTI Tiers 1-3. Flexible Supplemental K-8 ELA & Math Online & Print Standards PLUS Flexible Supplemental K-8 ELA & Math Online & Print Grade 5 SAMPLER Mathematics EL Strategies DOK 1-4 RTI Tiers 1-3 15-20 Minute Lessons Assessments Consistent with CA Testing Technology

More information

Using focal point learning to improve human machine tacit coordination

Using focal point learning to improve human machine tacit coordination DOI 10.1007/s10458-010-9126-5 Using focal point learning to improve human machine tacit coordination InonZuckerman SaritKraus Jeffrey S. Rosenschein The Author(s) 2010 Abstract We consider an automated

More information

Cooperative Game Theoretic Models for Decision-Making in Contexts of Library Cooperation 1

Cooperative Game Theoretic Models for Decision-Making in Contexts of Library Cooperation 1 Cooperative Game Theoretic Models for Decision-Making in Contexts of Library Cooperation 1 Robert M. Hayes Abstract This article starts, in Section 1, with a brief summary of Cooperative Economic Game

More information

On Human Computer Interaction, HCI. Dr. Saif al Zahir Electrical and Computer Engineering Department UBC

On Human Computer Interaction, HCI. Dr. Saif al Zahir Electrical and Computer Engineering Department UBC On Human Computer Interaction, HCI Dr. Saif al Zahir Electrical and Computer Engineering Department UBC Human Computer Interaction HCI HCI is the study of people, computer technology, and the ways these

More information

Chinese Language Parsing with Maximum-Entropy-Inspired Parser

Chinese Language Parsing with Maximum-Entropy-Inspired Parser Chinese Language Parsing with Maximum-Entropy-Inspired Parser Heng Lian Brown University Abstract The Chinese language has many special characteristics that make parsing difficult. The performance of state-of-the-art

More information

Learning Prospective Robot Behavior

Learning Prospective Robot Behavior Learning Prospective Robot Behavior Shichao Ou and Rod Grupen Laboratory for Perceptual Robotics Computer Science Department University of Massachusetts Amherst {chao,grupen}@cs.umass.edu Abstract This

More information

Computer Science 141: Computing Hardware Course Information Fall 2012

Computer Science 141: Computing Hardware Course Information Fall 2012 Computer Science 141: Computing Hardware Course Information Fall 2012 September 4, 2012 1 Outline The main emphasis of this course is on the basic concepts of digital computing hardware and fundamental

More information

A Minimalist Approach to Code-Switching. In the field of linguistics, the topic of bilingualism is a broad one. There are many

A Minimalist Approach to Code-Switching. In the field of linguistics, the topic of bilingualism is a broad one. There are many Schmidt 1 Eric Schmidt Prof. Suzanne Flynn Linguistic Study of Bilingualism December 13, 2013 A Minimalist Approach to Code-Switching In the field of linguistics, the topic of bilingualism is a broad one.

More information

BMBF Project ROBUKOM: Robust Communication Networks

BMBF Project ROBUKOM: Robust Communication Networks BMBF Project ROBUKOM: Robust Communication Networks Arie M.C.A. Koster Christoph Helmberg Andreas Bley Martin Grötschel Thomas Bauschert supported by BMBF grant 03MS616A: ROBUKOM Robust Communication Networks,

More information

Visual CP Representation of Knowledge

Visual CP Representation of Knowledge Visual CP Representation of Knowledge Heather D. Pfeiffer and Roger T. Hartley Department of Computer Science New Mexico State University Las Cruces, NM 88003-8001, USA email: hdp@cs.nmsu.edu and rth@cs.nmsu.edu

More information

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models Stephan Gouws and GJ van Rooyen MIH Medialab, Stellenbosch University SOUTH AFRICA {stephan,gvrooyen}@ml.sun.ac.za

More information

Improving Conceptual Understanding of Physics with Technology

Improving Conceptual Understanding of Physics with Technology INTRODUCTION Improving Conceptual Understanding of Physics with Technology Heidi Jackman Research Experience for Undergraduates, 1999 Michigan State University Advisors: Edwin Kashy and Michael Thoennessen

More information

Active Learning. Yingyu Liang Computer Sciences 760 Fall

Active Learning. Yingyu Liang Computer Sciences 760 Fall Active Learning Yingyu Liang Computer Sciences 760 Fall 2017 http://pages.cs.wisc.edu/~yliang/cs760/ Some of the slides in these lectures have been adapted/borrowed from materials developed by Mark Craven,

More information

Teachable Robots: Understanding Human Teaching Behavior to Build More Effective Robot Learners

Teachable Robots: Understanding Human Teaching Behavior to Build More Effective Robot Learners Teachable Robots: Understanding Human Teaching Behavior to Build More Effective Robot Learners Andrea L. Thomaz and Cynthia Breazeal Abstract While Reinforcement Learning (RL) is not traditionally designed

More information

Unit 3 Ratios and Rates Math 6

Unit 3 Ratios and Rates Math 6 Number of Days: 20 11/27/17 12/22/17 Unit Goals Stage 1 Unit Description: Students study the concepts and language of ratios and unit rates. They use proportional reasoning to solve problems. In particular,

More information

Universityy. The content of

Universityy. The content of WORKING PAPER #31 An Evaluation of Empirical Bayes Estimation of Value Added Teacher Performance Measuress Cassandra M. Guarino, Indianaa Universityy Michelle Maxfield, Michigan State Universityy Mark

More information

Planning with External Events

Planning with External Events 94 Planning with External Events Jim Blythe School of Computer Science Carnegie Mellon University Pittsburgh, PA 15213 blythe@cs.cmu.edu Abstract I describe a planning methodology for domains with uncertainty

More information

Mathematics subject curriculum

Mathematics subject curriculum Mathematics subject curriculum Dette er ei omsetjing av den fastsette læreplanteksten. Læreplanen er fastsett på Nynorsk Established as a Regulation by the Ministry of Education and Research on 24 June

More information

An investigation of imitation learning algorithms for structured prediction

An investigation of imitation learning algorithms for structured prediction JMLR: Workshop and Conference Proceedings 24:143 153, 2012 10th European Workshop on Reinforcement Learning An investigation of imitation learning algorithms for structured prediction Andreas Vlachos Computer

More information

LEGO MINDSTORMS Education EV3 Coding Activities

LEGO MINDSTORMS Education EV3 Coding Activities LEGO MINDSTORMS Education EV3 Coding Activities s t e e h s k r o W t n e d Stu LEGOeducation.com/MINDSTORMS Contents ACTIVITY 1 Performing a Three Point Turn 3-6 ACTIVITY 2 Written Instructions for a

More information