Recursive Learning Automata Approach to Markov Decision Processes

Similar documents
Recursive Learning Automata Approach to Markov Decision Processes

Optimal Convergence in Multi-Agent MDPs

Evaluation of multi armed bandit algorithms and empirical algorithm

Value Iteration and Action ɛ-approximation of Optimal Policies in Discounted Markov Decision Processes

MDP Preliminaries. Nan Jiang. February 10, 2019

Reinforcement Learning

Elements of Reinforcement Learning

Distributed Optimization. Song Chong EE, KAIST

Complexity of stochastic branch and bound methods for belief tree search in Bayesian reinforcement learning

Infinite-Horizon Average Reward Markov Decision Processes

Approximate Optimal-Value Functions. Satinder P. Singh Richard C. Yee. University of Massachusetts.

Decision Theory: Q-Learning

E-Companion to The Evolution of Beliefs over Signed Social Networks

On Differentiability of Average Cost in Parameterized Markov Chains

Basics of reinforcement learning

Markov Decision Processes and Dynamic Programming

Reinforcement Learning

Prioritized Sweeping Converges to the Optimal Value Function

On Finding Optimal Policies for Markovian Decision Processes Using Simulation

Exponential Moving Average Based Multiagent Reinforcement Learning Algorithms

Stochastic Primal-Dual Methods for Reinforcement Learning

Procedia Computer Science 00 (2011) 000 6

1 MDP Value Iteration Algorithm

Introduction to Reinforcement Learning. CMPT 882 Mar. 18

Approximate Dynamic Programming

Central-limit approach to risk-aware Markov decision processes

A linear programming approach to constrained nonstationary infinite-horizon Markov decision processes

Markov Decision Processes and Dynamic Programming

Bandit models: a tutorial

Multi-armed bandit models: a tutorial

Lower PAC bound on Upper Confidence Bound-based Q-learning with examples

Lecture notes for Analysis of Algorithms : Markov decision processes

Lecture 2. We now introduce some fundamental tools in martingale theory, which are useful in controlling the fluctuation of martingales.

Lecture 3: Policy Evaluation Without Knowing How the World Works / Model Free Policy Evaluation

Selecting Efficient Correlated Equilibria Through Distributed Learning. Jason R. Marden

Finding the Value of Information About a State Variable in a Markov Decision Process 1

Markov Decision Processes and Solving Finite Problems. February 8, 2017

The Multi-Arm Bandit Framework

Point Process Control

Reinforcement Learning. Yishay Mansour Tel-Aviv University

The Optimal Stopping of Markov Chain and Recursive Solution of Poisson and Bellman Equations

On the Complexity of Best Arm Identification with Fixed Confidence

Approximate Dynamic Programming

Journal of Computer and System Sciences. An analysis of model-based Interval Estimation for Markov Decision Processes

Multi-channel Opportunistic Access: A Case of Restless Bandits with Multiple Plays

Practicable Robust Markov Decision Processes

CS 7180: Behavioral Modeling and Decisionmaking

Decision Theory: Markov Decision Processes

Chapter 2 SOME ANALYTICAL TOOLS USED IN THE THESIS

Continuous-Time Markov Decision Processes. Discounted and Average Optimality Conditions. Xianping Guo Zhongshan University.

Section Notes 9. Midterm 2 Review. Applied Math / Engineering Sciences 121. Week of December 3, 2018

Near-Optimal Control of Queueing Systems via Approximate One-Step Policy Improvement

An Analysis of Model-Based Interval Estimation for Markov Decision Processes

Optimism in the Face of Uncertainty Should be Refutable

Christopher Watkins and Peter Dayan. Noga Zaslavsky. The Hebrew University of Jerusalem Advanced Seminar in Deep Learning (67679) November 1, 2015

Simplex Algorithm for Countable-state Discounted Markov Decision Processes

Adaptive linear quadratic control using policy. iteration. Steven J. Bradtke. University of Massachusetts.

An Adaptive Clustering Method for Model-free Reinforcement Learning

Stratégies bayésiennes et fréquentistes dans un modèle de bandit

ON THE POLICY IMPROVEMENT ALGORITHM IN CONTINUOUS TIME

Learning Exploration/Exploitation Strategies for Single Trajectory Reinforcement Learning

Extended dynamic programming: technical details

Learning of Uncontrolled Restless Bandits with Logarithmic Strong Regret

Multi-Armed Bandit: Learning in Dynamic Systems with Unknown Models

Online Learning Schemes for Power Allocation in Energy Harvesting Communications

Reinforcement Learning

Chapter 2 Event-Triggered Sampling

Stochastic Games with Time The value Min strategies Max strategies Determinacy Finite-state games Cont.-time Markov chains

Q-Learning for Markov Decision Processes*

Performance and Convergence of Multi-user Online Learning

OPTIMALITY OF RANDOMIZED TRUNK RESERVATION FOR A PROBLEM WITH MULTIPLE CONSTRAINTS

Reinforcement Learning and NLP

A Review of the E 3 Algorithm: Near-Optimal Reinforcement Learning in Polynomial Time

Administration. CSCI567 Machine Learning (Fall 2018) Outline. Outline. HW5 is available, due on 11/18. Practice final will also be available soon.

The Art of Sequential Optimization via Simulations

Anytime Planning for Decentralized Multi-Robot Active Information Gathering

RECURSION EQUATION FOR

On Robust Arm-Acquiring Bandit Problems

On Fixed Point Equations over Commutative Semirings

CS261: Problem Set #3

Alireza Shafaei. Machine Learning Reading Group The University of British Columbia Summer 2017

Logarithmic Online Regret Bounds for Undiscounted Reinforcement Learning

CS 188 Introduction to Fall 2007 Artificial Intelligence Midterm

An Empirical Algorithm for Relative Value Iteration for Average-cost MDPs

Stochastic Optimization with Inequality Constraints Using Simultaneous Perturbations and Penalty Functions

Final. Introduction to Artificial Intelligence. CS 188 Spring You have approximately 2 hours and 50 minutes.

Coupled Bisection for Root Ordering

MARKOV DECISION PROCESSES (MDP) AND REINFORCEMENT LEARNING (RL) Versione originale delle slide fornita dal Prof. Francesco Lo Presti

SOME MEMORYLESS BANDIT POLICIES

Infinite-Horizon Discounted Markov Decision Processes

Average Reward Parameters

Approximate Dynamic Programming

Finite-Sample Analysis in Reinforcement Learning

Lecture 3: Lower Bounds for Bandit Algorithms

Information Structures Preserved Under Nonlinear Time-Varying Feedback

Notes 6 : First and second moment methods

Hidden Markov Models (HMM) and Support Vector Machine (SVM)

Markov decision processes and interval Markov chains: exploiting the connection

CSE 546 Final Exam, Autumn 2013

Bayesian reinforcement learning and partially observable Markov decision processes November 6, / 24

Transcription:

1 Recursive Learning Automata Approach to Markov Decision Processes Hyeong Soo Chang, Michael C. Fu, Jiaqiao Hu, and Steven I. Marcus Abstract We present a sampling algorithm, called Recursive Automata Sampling Algorithm RASA, for control of finite horizon Markov decision processes. By extending in a recursive manner the learning automata Pursuit algorithm of Rajaraman and Sastry [5] designed for solving stochastic optimization problems, RASA returns an estimate of both the optimal action from a given state and the corresponding optimal value. Based on the finite-time analysis of the Pursuit algorithm, we provide an analysis for the finite-time behavior of RASA. Specifically, for a given initial state, we derive the following probability bounds as a function of the number of samples: i a lower bound on the probability that RASA will sample the optimal action; and ii an upper bound on the probability that the deviation between the true optimal value and the RASA estimate exceeds a given error. Index Terms Markov decision process, learning automata, sampling. H.S. Chang is with the Department of Computer Science and Engineering at Sogang University, Seoul 121-742, Korea, and can be reached by e-mail at hschang@sogang.ac.kr. M.C. Fu is with the Robert H. Smith School of Business and Institute for Systems Research at the University of Maryland, College Park, USA, and can be reached by email at mfu@rhsmith.umd.edu. J. Hu and S.I. Marcus are with the Department of Electrical and Computer Engineering and Institute for Systems Research at the University of Maryland, College Park, USA, and can be reached by e-mail at {jqhu,marcus}@eng.umd.edu. This work was supported in part by the National Science Foundation under Grant DMI-0323220, in part by the Air Force Office of Scientific Research under Grant FA95500410210, and in part by the Department of Defense. A preliminary version of this paper appeared in the Proceedings of the 44th IEEE Conference on Decision and Control, 2005.

2 I. INTRODUCTION Consider the following finite horizon H < Markov decision processes MDP model: x i+1 = fx i,a i,w i for i =0, 1, 2,..., H 1, where x i is a random variable ranging over a possibly infinite state set X giving the state at stage i, a i is the control to be chosen from a finite action set A at stage i, w i is a random disturbance uniformly and independently selected from [0,1] at stage i, representing the uncertainty in the system, and f : X A [0, 1] X is the next-state function. Let Π be the set of all possible nonstationary Markovian policies π = {π i π i : X A, i = 0,..., H 1}. Defining the optimal reward-to-go value function for state x in stage i by [ H 1 ] Vi x =supe w Rx t,π t x t,w t x i = x, π Π t=i where x X, w = w i,w i+1,..., w H 1,w j U0, 1,j = i,..., H 1, with a bounded nonnegative reward function R : X A [0, 1] R +, VH x = 0 for all x X, and x t = fx t 1,π t 1 x t 1,w t 1 a random variable denoting the state at stage t following policy π, we wish to compute V0 x 0 and obtain an optimal policy π Π that achieves V0 x 0,x 0 X. R is bounded such that R max := sup x X,a A,w [0,1] Rx, a, w <, and for simplicity it is assumed that every action in A is admissible at every state and the same random number is associated with the reward and transition functions. This paper presents a sampling algorithm, called Recursive Automata Sampling Algorithm RASA, for estimating V0 x 0 and obtaining an approximately optimal policy. RASA extends in a recursive manner for sequential decisions the Pursuit algorithm by Rajaraman and Sastry [5] in the context of solving MDPs. Because it uses sampling, the algorithm complexity is independent of the state space size. The Pursuit algorithm is based on well-known learning automata [8] for solving nonsequential stochastic optimization problems. A learning automaton is associated with a finite set of actions candidate solutions and updates a probability distribution over the set by iterative interaction with an environment and takes samples an action according to the newly updated distribution. The environment provides a certain reaction reward to the action taken by the automaton, where the reaction is random and the distribution is unknown to the automaton. The automaton s aim is to learn to choose the optimal action that yields the highest average reward.

3 In the Pursuit algorithm, the automaton pursues the current best optimal action by increasing the probability of sampling that action while decreasing the probabilities of all other actions. As learning automata are well-known adaptive decision-making devices operating in unknown random environments, RASA s sampling process of taking an action at the sampled state is adaptive at each stage. At each sampled state at a stage, a fixed sampling budget is allocated among feasible actions, and the budget is used with the current probability estimate for the optimal action. RASA builds a sampled tree in a recursive manner to estimate the optimal value V0 x 0 at an initial state x 0 in a bottom-up fashion and makes use of an adaptive sampling scheme of the action space while building the tree. Based on the finite-time analysis of the Pursuit algorithm, we analyze the finite-time behavior of RASA, providing in terms of the sampling parameters of RASA for a given x 0 : i a lower bound on the probability that the optimal action is sampled, and ii an upper bound on the probability that the difference between the estimate of V0 x 0 and the true value of V0 x 0 exceeds a given error. The book by Poznyak et al. [3] provides a good survey on using learning automata for solving controlled ergodic Markov chains in a model-free reinforcement learning RL framework for a loss function defined on the chains. Each automaton is associated with a state and updates certain functions including the probability distribution over the action space at each iteration of various learning algorithms. Wheeler and Narendra [9] consider controlling ergodic Markov chains for infinite horizon average reward within a similar RL framework. As far as the authors are aware, for all of the learning automata approaches proposed in the literature, the number of automata grows with the size of the state space, and thus the corresponding updating procedure becomes cumbersome, with the exception of Wheeler and Narendra s algorithm, where only the currently visited automaton state updates relevant functions. Santharam and Sastry [6] provide an adaptive method for solving infinite horizon MDPs via a stochastic neural network model in the RL framework. For each state, there are A -units of nodes associated with the estimates of state-action values. As in [9], the probability distribution over the action space at an observed state is updated with an observed payoff. Even though they provide a probabilistic performance guarantee for their approach, the network size grows with the sizes of the state and action spaces. Jain and Varaiya [2] provide a uniform bound on the empirical performance of policies within a simulation model of partially observable MDPs, which would be useful in many contexts. However, the main interest here is an algorithm and its sampling complexity for estimating the

4 optimal value/policy, and not the value function over the entire set of feasible policies. The adaptive multi-stage sampling AMS algorithm in [1] also uses adaptive sampling in a manner similar to RASA, but the sampling is based on the exploration-exploitation process of multi-armed bandits from regret analysis, and the performance analysis of AMS is given in terms of the expected bias. In contrast, RASA s sampling is based on the probability estimate for the optimal action, and probability bounds are provided for the performance analysis of RASA. This paper is organized as follows. We present RASA in Section II and analyze it in Section III. We conclude our paper in Section IV. II. ALGORITHM It is well known see, e.g., [4] that Vi and i =0,..., H 1, can be written recursively as follows: for all x X Vi x = max a A Q i x, a, Q i x, a = E w[rx, a, w+vi+1 fx, a, w], w U0, 1, and VH x =0,x X. We provide below a high-level description of RASA to estimate V0 x 0 for a given initial state x 0 via this set of equations. The inputs to RASA are the stage i, a state x X, and sampling parameters K i > 0, µ i 0, 1, and the output of RASA is ˆV K i i x, the estimate of Vi x, where ˆV K H H x =V K H H x =0 K H,x X. Whenever ˆV K i i y for stage i >iand state y is encountered in the Loop portion of RASA, a recursive call to RASA is required at 1. The initial call to RASA is done with stage i =0, the initial state x 0, K 0, and µ 0, and every sampling is independent of previous samplings. Basically, RASA builds a sampled tree of depth H with the root node being the initial state x 0 at stage 0 and a branching factor of K i at each level i level 0 corresponds to the root. The root node x 0 corresponds to an automaton and initializes the probability distribution over the action space P x0 as the uniform distribution refer to Initialization in RASA. The x 0 -automaton then samples an action and a random number an action and a random number together corresponding to an edge in the tree independently w.r.t. the current probability distribution P x0 k and U0, 1, respectively, at each iteration k = 0,..., K 0 1. If action ak A is sampled, the count variable N 0 ak x 0 is incremented. From the sampled action ak and the random number w k,

5 the automaton obtains an environment response Rx 0,ak,w k + ˆV K 1 1 fx 0,ak,w k. Then by averaging the responses obtained for each action a A such that N 0 a x 0 > 0, the x 0 -automaton computes a sample mean for Q 0 x 0,a: ˆQ K 0 0 x 0,a= 1 N 0 a x 0 j:aj=a Rx 0,a,w j + ˆV K 1 1 fx 0,a,w j, where a A N 0 a x 0=K 0. At each iteration k, the x 0 -automaton obtains an estimate of the optimal action by taking the action that achieves the current best Q-value cf. 2 and updates the probability distribution P x0 k in the direction of the current estimate of the optimal action â cf. 3. In other words, the automaton pursues the current best action, and hence the nonrecursive one-stage version of this algorithm is called the Pursuit algorithm [5]. After K 0 iterations, RASA estimates the optimal value V0 x 0 by ˆV K 0 0 x 0 = ˆQ K 0 0 x 0, â. The overall estimate procedure is replicated recursively at those sampled states corresponding to nodes in level 1 of the tree fx 0,ak,w k -automata, where the estimates returned from those states ˆV K 1 1 fx 0,ak,w k comprise the environment responses for the x 0 -automaton. Recursive Automata Sampling Algorithm RASA Input: stage i H, state x X, K i > 0, µ i 0, 1. If i = H, then Exit immediately, returning V K H H x =0. Initialization: Set P x 0a =1/ A,N i a x =0,MK i i x, a =0 a A; k =0. Loop until k = K i : Sample ak P x k, w k U0, 1. Update Q-value estimate for a = ak only: M K i i x, ak M K i i x, ak + Rx, ak,w k + ˆV K i+1 i+1 fx, ak,w k, 1 Nak i x N ak i x+1, ˆQ K i i x, ak M K i i x, ak Nak i x. Update optimal action estimate: ties broken arbitrarily â = arg max a A ˆQ K i i x, a. 2

6 Update probability distribution over action space: P x k +1a 1 µ i P x ka+µ i I{a =â } a A, 3 where I{ } denotes the indicator function. k k +1. Exit: Return ˆV K i i x = ˆQ K i i x, â. The running time complexity of RASA is OK H with K =max i K i, independent of the state space size. For some performance guarantees, the value K depends on the size of the action space. See the next section. All of the estimated ˆV K i III. ANALYSIS OF RASA and ˆQ K i -values in the current section refer to the values at the Exit in the algorithm. The following lemma provides a probability bound on the estimate of the Q -value relative to the true Q -value when the estimate of the Q -value is obtained under the assumption that the optimal value for the remaining horizon is known so that the recursive call is not required. Lemma 3.1: cf. [5, Lemma 3.1] Given δ 0, 1 and positive integer N such that 6 N<, consider running the one-stage nonrecursive RASA obtained by replacing 1 by M K i i x, a M K i i x, a+rx, a, w k +Vi+1fx, a, w k 4 with k> λn,δ and 0 <µ i < µ i N,δ, where 2N [ Nl N 1 λn,δ = ln l ln ln l N, δ µ i N,δ =1 2 1/ λn,δ, and l = 2 A 2 A 1. Then for each action a A, wehave k P I{aj =a} N <δ. j=0 Theorem 3.1: Let {X i, i =1, 2,...} be a sequence of i.i.d. non-negative uniformly bounded random variables, with 0 X i D and E[X i ]=µ i, and let M Z + be a positive integer-valued random variable bounded by L. If the event {M {X n+1,x n+2,...}, then for any given ɛ>0 and n Z +,wehave 1 M P X i µ M ɛ, M n D+ɛ 2e n D i=1 ln D+ɛ = n} is independent of D ɛ D.

7 e τd 1+τD+ε 0 τ max Fig. 1. A sketch of the function f 1τ =e τd and the function f 2τ =1+τD + ɛ. Proof: Define Λ D τ := edτ 1 τd, and let τ D 2 max be a constant satisfying τ max 0and 1+D + ɛτ max e Dτmax =0see Figure 1. Let Y k = k i=1 X i µ. It is easy to see that the sequence {Y k } forms a martingale w.r.t {F k }, where F j is the σ-field generated by {Y 1,...,Y j }. Therefore, for any τ>0, 1 P M where M i=1 X i µ ɛ, M n Y n = = P Y M Mɛ,M n = P τy M Λ D τ Y M τmɛ Λ D τ Y M,M n, n E[ Y j 2 F j 1 ], Y j = Y j Y j 1. Now for any τ 0,τ max, and for any n 1 n 0, where n 0, n 1 Z +,wehave τn 1 n 0 ɛ edτ 1 τd n D 2 1 n 0 D 2 which implies that Λ D τ [ n 1 n 0 ] E[ Y j 2 F j 1 ] E[ Y j 2 F j 1 ], τn 1 ɛ Λ D τ Y n1 τn 0 ɛ Λ D τ Y n0, τ 0,τ max.

8 Thus for all τ 0,τ max, 1 P M M i=1 X i µ ɛ, M n P τy M Λ D τ Y M τnɛ Λ D τ Y n,m n P τy M Λ D τ Y M τnɛ Λ D τnd 2,M n = P e τy M Λ D τ Y M e τnɛ nλ DτD 2,M n. 5 It can be shown that cf. e.g., Lemma 1 in [7], pp.505 the sequence {Z t τ =e τyt Λ Dτ Y t,t 1} with Z 0 τ =1forms a non-negative supermartingale. It follows that 5 P e τy M Λ D τ Y M e τnɛ nλ DτD 2 P sup Z t τ e τnɛ nλ DτD 2 0 t L E[Z 0 τ] by maximal inequality for supermartingales [7] e τnɛ nλ DτD 2 = e nτɛ Λ DτD 2. By using a similar argument, we can also show that 1 P M M i=1 X i µ ɛ, M n e nτɛ Λ DτD 2. 6 Thus by combining 5 and 6, we have 1 M P X i µ ɛ, M n 2e nτɛ Λ DτD 2. 7 M i=1 Finally, we optimize the right-hand-side of 7 over τ. It is easy to verify that the optimal τ is given by τ = 1 D ln D+ɛ D 0,τ max and τ ɛ Λ D τ D 2 = D + ɛ D Hence Theorem 3.1 follows. ln D + ɛ D ɛ D > 0. Lemma 3.2: Consider the nonrecursive RASA obtained by replacing 1 by M K i i x, a M K i i x, a+rx, a, w k +Vi+1 fx, a, w k. 8 Assume K i >λɛ, δ and 0 <µ i <µ i ɛ, δ, where [ 2M ɛ,δ lm ɛ,δ λɛ, δ = ln ln l ln l 2Mɛ,δ δ 1 M ɛ,δ ] 9

9 R maxh ln4/δ with M ɛ,δ =max{6, }, l =2 A /2 A 1, and R µ maxh+ɛlnr maxh+ɛ/r maxh ɛ i ɛ, δ = 1 2 1 K i. Consider a fixed i, x X, ɛ>0, and δ 0, 1. Then, for all a A at the Exit step, P ˆQ K i i x, a Q i x, a ɛ <δ. Proof: For any action a A, let I j a be the iteration at which action a is chosen for the jth time, let ˆQ K i i,k x, a be the current estimate of Q i,k i x, a at the kth iteration, and let Na x be the number of times action a is sampled up to the kth iteration at x, i.e., Na i,kx = k j=0 I{aj = a}. By RASA, the estimation ˆQ K i i,k x, a is given by cf. 8 ˆQ K i i,k x, a = 1 N i,k x a Na i,k x Rx, a, w Ij a+v i+1 fx, a, w I j a. 10 Since the sequence of random variables {w Ij a, j 1} are i.i.d., a straightforward application of Theorem 3.1 yields P ˆQ K i i,k x, a Q i,k i x, a ɛ, Na x N RmaxH+ɛ RmaxH+ɛ 2e N ln RmaxH RmaxH ɛ RmaxH. 11 Define the events A k = { ˆQ K i i,k x, a Q i x, a ɛ} and B k = {Na i,k x N}. By the law of total probability, P A k =PA k B k +PA k Bk c P Bc k P A k B k +PBk c. Taking N = other hand, by Lemma 3.1 R maxh ln4/δ R maxh+ɛlnr maxh+ɛ/r maxh ɛ, we get from 11 that P A k B k δ. On the 2 P Bk c i,k =PNa x <N < δ for k> λn,δ/2 and 0 <µ i < 1 2 1/ λn, δ 2. 2 Therefore P A Ki = P ˆQ K i i x, a Q i x, a ɛ < δ for K i > λɛ, δ and 0 < µ i < µ i ɛ, δ, where 2Mɛ,δ [ lmɛ,δ 2Mɛ,δ 1 ] M λɛ, δ = ln ɛ,δ ln l ln l δ { R max H ln4/δ } M ɛ,δ = max 6, R max H + ɛlnr max H + ɛ/r max H ɛ µ i ɛ, δ = 1 2 1 K i < 1 2 1 λɛ,δ. Since a A is arbitrary, the proof is complete.

10 We now make an assumption for the purpose of the analysis. The assumption states that at each stage, the optimal action is unique at each state. In other words, the given MDP has a unique optimal policy. We will give a remark on this at the concluding section. Assumption 3.1: For all x X and i =0, 1,..., H 1, θ i x :=Q i x, a max a a Q i x, a > 0, where Vi x =Q i x, a. Define θ := inf x X,i=0,...,H 1 θ i x. Givenδ i 0, 1,i=0,..., H 1, define H 1 ρ := 1 δ 0 1 δ i Q i K j. 12 i=1 Lemma 3.3: Assume that Assumption 3.1 holds. Select K i >λ θ,δ 2 i+2 i and 0 <µ i <µ i = 1 2 1 K i for a given δ i 0, 1,i=0,..., H 1. Then under RASA with ρ in 12. K P ˆV 0 0 x 0 V0 x 0 > θ < 1 ρ. 2 Proof: Let Xs i be the set of sampled states in X by the algorithm at stage i. Suppose for a moment that for all x Xs i+1, with some K i+1,µ i+1, and a given δ i+1 0, 1, K P ˆV i+1 i+1 x Vi+1 x θ > <δ 2 i+2 i+1. 13 Consider for x Xs i, Q K i i x, a = 1 N a ix Na ix Rx, a, wj a +Vi+1fx, a, wj a, where {wj a},j =1,..., N a i x refers to the sampled random number sequence for the sample execution of the action a in the algorithm. We have that for any sampled x X i s ˆQ K i i x, a Q K i i x, a = 1 Na ix N a i x K ˆV i+1 i+1 fx, a, wj a Vi+1fx, a, wj a. at stage i, Then under the supposition that 13 holds, for all a A at any sampled x Xs i at stage i, P i ˆQK i x, a Q K i i x, a θ 1 δ 2 i+2 i+1 Nax i 1 δ i+1 K i+1. 14 This is because if for all of the next states sampled by taking a, V K i+1 i+1 fx, a, wj a Vi+1fx, a, wj a ɛ for ɛ>0, then 1 N i a x N ax i V K i+1 i+1 fx, a, wj a Vi+1fx, a, wj a ɛ,

11 which further implies 1 N i ax N i a x and therefore P ˆQ K i i x, a Q N ax i K i i x, a ɛ P V K i+1 i+1 fx, a, wj a V i+1 fx, a, wa j ɛ, V K i+1 i+1 fx, a, w a j V i+1 fx, a, wa j ɛ. From Lemma 3.2, for all a A, with K i >λ θ,δ 2 i+2 i and µ i 0, 1 2 1 K i for δ i 0, 1, P i QK i x, a Q i x, a θ > <δ 2 i+2 i,x Xs i. 15 Combining 14 and 15, P i ˆQK i x, a Q i x, a θ 2 + θ 1 δ i+2 2 i+2 i 1 δ i+1 K i+1, and this yields that under the supposition of 13, for any x Xs, i P ˆQ K i i x, a Q θ i x, a 1 δ 2 i+1 i 1 δ i+1 K i+1. Define the event { EK i = sup max ˆQ } j i x, a j K i a A Q i x, a θ <. 16 2 If the event EK i occurs at the Exit step, then from the definition of θ and the event EK i, ˆQ K i i x, a > ˆQ K i i x, a for all a a with a = arg max a A Q i x, a Refer the proof of Theorem 3.1 in [5]. Because from the definition of ˆV K i i K x, ˆV i i x =max i a A ˆQK i x, a = ˆQ K i i x, a and Vi x =Q i x, a, with our choice of K i >λ θ,δ 2 i+2 i and µ i 0, 1 2 1 K i, P ˆV K i i x Vi x > θ 2 i+1 < 1 1 δ i 1 δ i+1 K i+1 if for all x Xs i+1, with some K i+1,µ i+1, and a given δ i+1 0, 1, K P ˆV i+1 i+1 x Vi+1 x θ > <δ 2 i+2 i+1. We now apply an inductive argument: because ˆV K H H x =V H x =0,x X, with K H 1 > θ λ,δ 2 H+1 H 1 λ θ,δ 2 H H 1 and µ H 1 0, 1 2 1 K H 1, P K ˆV H 1 H 1 x V H 1 x θ > 2 H <δ H 1,x X H 1 s.

12 It follows that with K H 2 >λ θ,δ 2 H H 2 and µ H 2 0, 1 2 1 K H 2, K P ˆV H 2 H 2 x V H 2 x θ > < 1 1 δ 2 H 1 H 2 1 δ H 1 K H 1,x Xs H 2 θ and further follows that with K H 3 >λ,δ 2 H 1 H 3 and µ H 3 0, 1 2 1 K H 3, K P ˆV H 3 H 3 x V H 3 x θ > < 1 1 δ 2 H 2 H 3 1 δ H 2 K H 2 1 δ H 1 K H 2K H 1 for x X H 3 s. Continuing this way, we have that < 1 1 δ 1 1 δ 2 K 2 1 δ 3 K 2K 3 1 δ H 1 K 2 K H 1 P ˆV K 1 1 x V 1 x > θ 2 2 for x Xs 1. Finally, with K 0 >λ θ,δ 4 0 and µ 0 0, 1 2 1 K 0, K P ˆV 0 0 x 0 V0 x 0 > θ < 1 1 δ 0 1 δ 1 K 1 1 δ H 1 K 1 K H 1, 2 which completes the proof. Theorem 3.2: Assume that Assumption 3.1 holds. Given δ i 0, 1,i =0,..., H 1, select K i >λ θ,δ 2 i+2 i and 0 <µ i <µ i =1 2 1 K i,i =1,..., H 1. Then under RASA with ρ in 12, for all ɛ 0, 1, P P x0 K 0 a > 1 ɛ > 1 ρ, where a = arg max a A Q 0x 0,a and K 0 >K0, where ln 1 K0 = κ + ɛ ln 1, 1 µ 0 with κ>λ θ,δ 4 0 and 0 <µ 0 <µ 0 =1 2 1 κ. Then, Proof: Define the event E K 0 ={P x0 K 0 a > 1 ɛ} where a = arg max a A Q 0 x 0,a. P P x0 K0 a > 1 ɛ =P E K0 P E K0 EκP Eκ, where the event E is given in 16 with i =0. From the selection of κ > λ θ,δ 4 0 with K i > λ θ,δ 2 i+2 i,i = 1,..., H 1 and µ i s for δ i 0, 1, P Eκ 1 ρ by Lemma 3.3. With reasoning similar to that in the proof of Theorem 3.1 in [5], P E l + κ Eκ = 1 if l + κ>λ θ 2,δ 0+ ln 1 ɛ 1 ln 1 µ 0.

13 Based on the proof of Lemma 3.3, the following result follows immediately. We skip the details. Theorem 3.3: Assume that Assumption 3.1 holds. Given δ i 0, 1,i =0,..., H 1 and ɛ 0,θ], select K i >λ ɛ,δ 2 i+2 i, 0 <µ i <µ i =1 1 2 K i,i=0,..., H 1. Then under RASA with ρ in 12, K P ˆV 0 0 x 0 V0 x 0 > ɛ < 1 ρ. 2 IV. CONCLUDING REMARKS From the statements of Lemma 3.3, Theorems 3.2 and 3.3, the performance of RASA depends on the value of θ. Ifθ i x is very small or even 0 failing to satisfy Assumption 3.1 for some x X, RASA will have a hard time distinguishing between the optimal action and the second best action or multiple optimal actions if x is in the sampled tree of RASA. In general, the larger θ is, the more effective the algorithm will be the smaller the sampling complexity. Therefore, in the actual implementation of RASA, if multiple actions performances are very close after enough iterations in Loop, it would be advisable to keep only one action among the competitive actions transferring the probability mass. The parameter θ can thus be viewed as a measure of problem difficulty. Furthermore, to achieve a certain approximation guarantee at the root level of the sampled tree i.e., the quality of ˆV K 0 0 x 0, we need a geometric increase in the accuracies of the optimal reward-to-go values for the sampled states at the lower levels, making it necessary that the total number of samples at the lower levels increase geometrically K i depends on 2 i+2 /θ. This is because the estimate error of Vi x i for some x i X affects the estimate of the sampled states in the higher levels in a recursive manner the error in a level adds up recursively. However, the probability bounds in Theorem 3.2 and 3.3 are obtained with coarse estimation of various parameters/terms. For example, we used the worst case values of θ i x,x X, i = 0,..., H 1 and R max H 2 for bounding sup x X Vi x,i=0,..., H 1, and used conservative bounds in 14 and in relating the probability bounds for the estimates at the two adjacent levels. Considering this, the performance of RASA should probably be more effective in practice than the analysis indicates here.

14 REFERENCES [1] H. S. Chang, M. C. Fu, J. Hu, and S. I. Marcus, An adaptive sampling algorithm for solving Markov decision processes, Operations Research, vol. 53, no. 1, pp. 126 139, 2005. [2] R. Jain and P. Varaiya, Simulation-based uniform value function estimates of discounted and average-reward MDPs, in Proc. of the 43rd IEEE Conf. on Decision and Control, pp. 44054410, 2004. [3] A. S. Poznyak, K. Najim, and E. Gomez-Ramirez, Self-Learning Control of Finite Markov Chains, Marcel Dekker, Inc. New York, 2000. [4] M. L. Puterman, Markov Decision Processes: Discrete Stochastic Dynamic Programming. Wiley, New York, 1994. [5] K. Rajaraman and P. S. Sastry, Finite time analysis of the pursuit algorithm for learning automata, IEEE Trans. on Systems, Man, and Cybernetics, Part B, vol. 26, no. 4, pp. 590 598, 1996. [6] G. Santharam and P. S. Sastry, A reinforcement learning neural network for adaptive control of Markov chains, IEEE Trans. on Systems, Man, and Cybernetics, Part A, vol. 27, no. 5, pp. 588 600, 1997. [7] A.N. Shiryaev, Probability, Second Edition, Springer-Verlag, New York, 1995. [8] M. A. L. Thathachar and P. S. Sastry, Varieties of learning automata: an overview, IEEE Trans. on Systems, Man, and Cybernetics, Part B, vol. 32, no. 6, pp. 711 722, 2002. [9] R. M. Wheeler, Jr. and K. S. Narendra, Decentralized learning in finite Markov chains, IEEE Trans. on Automatic Control, vol. AC-31, no. 6, pp. 519 526, 1986.