【书籍阅读 Ch3】Reinforcement Learning An Introduction, 2nd Edition

本文深入探讨了马尔科夫决策过程(MDP)在强化学习中的应用,包括目标与奖励、策略与价值函数、最优策略等关键概念。MDP通过数学模型简化了环境动态,强调了状态的马尔可夫性质。通过GridWorld的例子展示了如何求解最优值函数和策略。此外,文章还讨论了在实际问题中如围棋等复杂场景下,MDP的局限性和近似方法的重要性。
摘要由CSDN通过智能技术生成

前言:第1、2章点此进入
注:每一个目录对应的是在pdf的页数(如果LPage就是书左上角的页码 - 因为我发现后面我要在两页之间加空白页 做练习lol 例如:LPage28 就是左上角书页28页,RPage29就是右上角书页29页);【】这个框架之间有时候是我留的疑问,与一些关于方向上连接的想法 主要集中于无人驾驶的控制层,带问号结束的就是…我的疑问

更新时间:2021/01/19

推荐观看:
1.英文 - PDF链接
2 中文 - 官方京东书籍购买链接
代码参考:
1.github 关于整本书的图python代码
2.github 关于整本书的练习solution参考

回顾与进入

从上一章 我们应该还能记得那个赌博机的例子 bandit 而聪明的你一定发现了 A t = ˙ a r g m a x a Q t ( a ) A_t\dot=\mathop {argmax}\limits_a Q_t(a) At=˙aargmaxQt(a) 这里我们估计了每个动作a的价值q,然后在这章中,我们需要考虑这个动作在这个状态下的价值,也就是加入了状态这一参数从 q ∗ ( a ) q_*(a) q(a) 到 -> 到 q ∗ ( s , a ) q_*(s,a) q(s,a) 或者是给定最优动作下每个状态的价值 v ∗ ( s ) v_*(s) v(s)
而MDP是强化学习问题在数学上的理想化形式(mathematically idealized) -【所以相对于其他学习的方式?RL其实是在前面给出了一种数学的解释方式,可解释性更强?
∑ s ′ ∈ S ∑ r ∈ R p ( s ′ , r ∣ s , a ) = 1 for all    s ∈ S , a ∈ A ( a ) \sum\limits_{s' \in S} {\sum\limits_{r \in R} {p\left( {s',r|s,a} \right) = 1} } \quad \text{for all} \, \, s \in S, a \in A(a) sSrRp(s,rs,a)=1for allsS,aA(a)在马尔可夫决策过程中 这个式子中 p p p给出的概率完全刻画了环境的动态特性。所以这个时刻的状态和动作取决于上一个时刻的,This is best viewed a restriction not on the decision process, but on the state 这个限制针对的就是状态,而不是决策的过程。
A state must include information about all aspects of the past agent-environment interaction that make a difference for the future那么这样的状态就是具有马尔可夫性的 Markov property

之后就是对于MDP来说,什么sensory memory control都可以无需公式化,只要介定好了三个东西:action, state, rewards

3.2 Goal and Rewards

首先是第一段自己的想法:At each time step, the reward is a simple number R t ∈ R R_t \in \Reals RtR 【那我们是否可以从这里将reward定义由人为驾驶数据得出的数据分值化成为state】

这本节的最后一段指出:the reward signal is not the place to impart to the agent prior knowledge about how to achieve what we want it to do. 也就是说 我们不应该去引导agent去实现我们想要的目标,而是让它自己探索那个目标【但是这样的话 如果目标不具有独立性,也就是说你的每一步都部分决定了你离目标的距离 这样的情况 难道不应该为这些步骤也赋予一定的reward而使其与远离目标的点做区分吗?】

理由:If achieving these sorts of subgoals were rewarded, then the agent might find a way to achieve them without achieving the real goal.

结论:The reward signal is your way of communicating to the robot what you want it to achieve, not how you want it achieved.【在第17章也进一步的进行了讨论】

3.4 (Lpage 57)

最后的 Thus, we can define the return, in general, according to (3.8), using the convention of omitting episode numbers when they are not needed, and including the possibility that γ = 1 \gamma=1 γ=1 if the sum remains defined【这里的sum remains是指的什么?】
G t = ˙ ∑ k = t + 1 T γ k − t − 1 R k (3.11) G_t\dot =\sum \limits_{k=t+1}^{T} \gamma^{k-t-1}R_k \qquad \text{(3.11)} Gt=˙k=t+1Tγkt1Rk(3.11)

3.5 Policies and Value Functions

LPage 58: 最后一句 We call estimation methods of this kind Monte Carlo methods because ***
这里的公式3.13与3.11的不同之处在哪里?->一个是episode 有限时间内,3.13是无穷大
q π ( s , a ) ≐ E π [ G t ∣ S t = s , A t = a ] = E π [ ∑ k = 0 ∞ γ k R t + k + 1 ∣ S t = s , A t = a ] (3.13) q_{\pi}(s, a) \doteq \mathbb{E}_{\pi}\left[G_{t} \mid S_{t}=s, A_{t}=a\right]=\mathbb{E}_{\pi}\left[\sum_{k=0}^{\infty} \gamma^{k} R_{t+k+1} \mid S_{t}=s, A_{t}=a\right] \text{(3.13)} qπ(s,a)Eπ[GtSt=s,At=a]=Eπ[k=0γkRt+k+1St=s,At=a](3.13)
Example 3.5: Grid World 代码:

import matplotlib
import matplotlib.pyplot as plt
import numpy as np
from matplotlib.table import Table

WORLD_SIZE = 5
A_POS = [0, 1]
A_PRIME_POS = [4, 1]
B_POS = [0, 3]
B_PRIME_POS = [2, 3]
DISCOUNT = 0.9

# left, up, right, down
ACTIONS = [np.array([0, -1]),
           np.array([-1, 0]),
           np.array([0, 1]),
           np.array([1, 0])]
ACTIONS_FIGS=[ '←', '↑', '→', '↓']


ACTION_PROB = 0.25


def step(state, action):
    if state == A_POS:
        return A_PRIME_POS, 10
    if state == B_POS:
        return B_PRIME_POS, 5

    next_state = (np.array(state) + action).tolist()
    x, y = next_state
    if x < 0 or x >= WORLD_SIZE or y < 0 or y >= WORLD_SIZE:
        reward = -1.0
        next_state = state
    else:
        reward = 0
    return next_state, reward
    
def figure_3_2():
    value = np.zeros((WORLD_SIZE, WORLD_SIZE))
    while True:
        # keep iteration until convergence
        new_value = np.zeros_like(value)
        for i in range(WORLD_SIZE):
            for j in range(WORLD_SIZE):
                for action in ACTIONS:
                    (next_i, next_j), reward = step([i, j], action)
                    # bellman equation
                    new_value[i, j] += ACTION_PROB * (reward + DISCOUNT * value[next_i, next_j])
        if np.sum(np.abs(value - new_value)) < 1e-4:
            draw_image(np.round(new_value, decimals=2))
            plt.savefig('../images/figure_3_2.png')
            plt.close()
            break
        value = new_value
        
def figure_3_2_linear_system():
    '''
    Here we solve the linear system of equations to find the exact solution.
    We do this by filling the coefficients for each of the states with their respective right side constant.
    '''
    A = -1 * np.eye(WORLD_SIZE * WORLD_SIZE)
    b = np.zeros(WORLD_SIZE * WORLD_SIZE)
    for i in range(WORLD_SIZE):
        for j in range(WORLD_SIZE):
            s = [i, j]  # current state
            index_s = np.ravel_multi_index(s, (WORLD_SIZE, WORLD_SIZE))
            for a in ACTIONS:
                s_, r = step(s, a)
                index_s_ = np.ravel_multi_index(s_, (WORLD_SIZE, WORLD_SIZE))

                A[index_s, index_s_] += ACTION_PROB * DISCOUNT
                b[index_s] -= ACTION_PROB * r

    x = np.linalg.solve(A, b)
    draw_image(np.round(x.reshape(WORLD_SIZE, WORLD_SIZE), decimals=1))
    plt.show()
    
if __name__ == '__main__':
	figure_3_2()
    figure_3_2_linear_system()
    

可以看到动作先在动作库里进行选择,然后再由step改变由这个动作产生的状态,ACTION_PROB是因为书中说明了选择每个action的概率平均0.25,每循环完一次地图的尺寸,更新new_value的值到value然后继续 直到两个差值小于1e-4其实就是value保持不变了就没必要循环了,生成的图如下:
在这里插入图片描述

3.6 Optimal Policies and Optimal Value Functions

对于RPage:63 我们可以知道 v ∗ ( s ) v_*(s) v(s)是最优策略下的value of state, q ∗ ( s , a ) q_*(s,a) q(s,a)是expected return for best action in state s,期望回报(注意reward是一个动作后的收益,return是一系列动作后的回报)
也就是下面的这两个式子
v ∗ ( s ) = max ⁡ a ∈ A ( s ) q π ∗ ( s , a ) = max ⁡ a E π ∗ [ G t ∣ S t = s , A t = a ] = max ⁡ a E π ∗ [ R t + 1 + γ G t + 1 ∣ S t = s , A t = a ] = max ⁡ a E [ R t + 1 + γ v ∗ ( S t + 1 ) ∣ S t = s , A t = a ] = max ⁡ a ∑ s ′ , r p ( s ′ , r ∣ s , a ) [ r + γ v ∗ ( s ′ ) ] \begin{aligned} v_{*}(s) &=\max _{a \in \mathcal{A}(s)} q_{\pi_{*}}(s, a) \\ &=\max _{a} \mathbb{E}_{\pi_{*}}\left[G_{t} \mid S_{t}=s, A_{t}=a\right] \\ &=\max _{a} \mathbb{E}_{\pi_{*}}\left[R_{t+1}+\gamma G_{t+1} \mid S_{t}=s, A_{t}=a\right] \\ &=\max _{a} \mathbb{E}\left[R_{t+1}+\gamma v_{*}\left(S_{t+1}\right) \mid S_{t}=s, A_{t}=a\right] \\ &=\max _{a} \sum_{s^{\prime}, r} p\left(s^{\prime}, r \mid s, a\right)\left[r+\gamma v_{*}\left(s^{\prime}\right)\right] \end{aligned} v(s)=aA(s)maxqπ(s,a)=amaxEπ[GtSt=s,At=a]=amaxEπ[Rt+1+γGt+1St=s,At=a]=amaxE[Rt+1+γv(St+1)St=s,At=a]=amaxs,rp(s,rs,a)[r+γv(s)] q ∗ ( s , a ) = E [ R t + 1 + γ max ⁡ a ′ q ∗ ( S t + 1 , a ′ ) ∣ S t = s , A t = a ] = ∑ s ′ , r p ( s ′ , r ∣ s , a ) [ r + γ max ⁡ a ′ ( s ′ , a ′ ) ] \begin{aligned} q_{*}(s, a) &=\mathbb{E}\left[R_{t+1}+\gamma \max _{a^{\prime}} q_{*}\left(S_{t+1}, a^{\prime}\right) \mid S_{t}=s, A_{t}=a\right] \\ &=\sum_{s^{\prime}, r} p\left(s^{\prime}, r \mid s, a\right)\left[r+\gamma \max _{a^{\prime}}\left(s^{\prime}, a^{\prime}\right)\right] \end{aligned}{\small } q(s,a)=E[Rt+1+γamaxq(St+1,a)St=s,At=a]=s,rp(s,rs,a)[r+γamax(s,a)]感觉这幅图很好的描述了 两个式子的关系
在这里插入图片描述
而在这里如果确定好了 v ∗ v_* v也就是状态的价值,那policy也就很好确定了 一个状态下有很多个可行action 每一个都对应一个Policy,选择了这个policy也就是选择了这个动作,通过Bellman optimal equation可得。例如 使用单步搜索 也就是每一步我都选择前方价值最大的状态 及状态下的最优动作。而这一节的数学意义就是将未来的价值使用Bellman方程考虑在了value function里。
所以定 v ∗ v_* v的意义:我们可以将最优的长期(全局)回报期望值转化为每个状态对应的一个当前局部量计算,也就是单步搜索就可以产生长期最优的动作序列。

Example 3.8: Solving the GridWorld

代码:

import matplotlib
import matplotlib.pyplot as plt
import numpy as np
from matplotlib.table import Table

WORLD_SIZE = 5
A_POS = [0, 1]
A_PRIME_POS = [4, 1]
B_POS = [0, 3]
B_PRIME_POS = [2, 3]
DISCOUNT = 0.9

# left, up, right, down
ACTIONS = [np.array([0, -1]),
           np.array([-1, 0]),
           np.array([0, 1]),
           np.array([1, 0])]
ACTIONS_FIGS=[ '←', '↑', '→', '↓']


ACTION_PROB = 0.25


def step(state, action):
    if state == A_POS:
        return A_PRIME_POS, 10
    if state == B_POS:
        return B_PRIME_POS, 5

    next_state = (np.array(state) + action).tolist()
    x, y = next_state
    if x < 0 or x >= WORLD_SIZE or y < 0 or y >= WORLD_SIZE:
        reward = -1.0
        next_state = state
    else:
        reward = 0
    return next_state, reward


def draw_image(image):
    fig, ax = plt.subplots()
    ax.set_axis_off()
    tb = Table(ax, bbox=[0, 0, 1, 1])

    nrows, ncols = image.shape
    width, height = 1.0 / ncols, 1.0 / nrows

    # Add cells
    for (i, j), val in np.ndenumerate(image):

        # add state labels
        if [i, j] == A_POS:
            val = str(val) + " (A)"
        if [i, j] == A_PRIME_POS:
            val = str(val) + " (A')"
        if [i, j] == B_POS:
            val = str(val) + " (B)"
        if [i, j] == B_PRIME_POS:
            val = str(val) + " (B')"
        
        tb.add_cell(i, j, width, height, text=val,
                    loc='center', facecolor='white')
        

    # Row and column labels...
    for i in range(len(image)):
        tb.add_cell(i, -1, width, height, text=i+1, loc='right',
                    edgecolor='none', facecolor='none')
        tb.add_cell(-1, i, width, height/2, text=i+1, loc='center',
                    edgecolor='none', facecolor='none')

    ax.add_table(tb)

def draw_policy(optimal_values):
    fig, ax = plt.subplots()
    ax.set_axis_off()
    tb = Table(ax, bbox=[0, 0, 1, 1])

    nrows, ncols = optimal_values.shape
    width, height = 1.0 / ncols, 1.0 / nrows

    # Add cells
    for (i, j), val in np.ndenumerate(optimal_values):
        next_vals=[]
        for action in ACTIONS:
            next_state, _ = step([i, j], action)
            next_vals.append(optimal_values[next_state[0],next_state[1]])

        best_actions=np.where(next_vals == np.max(next_vals))[0]
        val=''
        for ba in best_actions:
            val+=ACTIONS_FIGS[ba]
        
        # add state labels
        if [i, j] == A_POS:
            val = str(val) + " (A)"
        if [i, j] == A_PRIME_POS:
            val = str(val) + " (A')"
        if [i, j] == B_POS:
            val = str(val) + " (B)"
        if [i, j] == B_PRIME_POS:
            val = str(val) + " (B')"
        
        tb.add_cell(i, j, width, height, text=val,
                loc='center', facecolor='white')

    # Row and column labels...
    for i in range(len(optimal_values)):
        tb.add_cell(i, -1, width, height, text=i+1, loc='right',
                    edgecolor='none', facecolor='none')
        tb.add_cell(-1, i, width, height/2, text=i+1, loc='center',
                   edgecolor='none', facecolor='none')

    ax.add_table(tb)

def figure_3_5():
    value = np.zeros((WORLD_SIZE, WORLD_SIZE))
    while True:
        # keep iteration until convergence
        new_value = np.zeros_like(value)
        for i in range(WORLD_SIZE):
            for j in range(WORLD_SIZE):
                values = []
                for action in ACTIONS:
                    (next_i, next_j), reward = step([i, j], action)
                    # value iteration
                    values.append(reward + DISCOUNT * value[next_i, next_j])#这里就是对应的公式3.17
                new_value[i, j] = np.max(values)#对应公式3.18 也就是选最大value的最大
        if np.sum(np.abs(new_value - value)) < 1e-4:
            draw_image(np.round(new_value, decimals=2))
            draw_policy(new_value)
            break
        value = new_value
if __name__ == '__main__':
	figure_3_5()

因为这里的action选择不再根据概率去选择(或者说因为在例3.5中说了 四个动作的概率均相同),也就是我们计算一个状态内的所有动作的value
在这里插入图片描述
在这里插入图片描述

LPage: 66

如果需要使用 v ∗ ( s ) v_*(s) v(s) 显式求解Bellman equation是需要预估所有的可能性,计算每种可能性出现的概率及expected reward,需要同时满足这三个条件:

  • 准确知道环境的动态变化特性 (dynamics of the environment)
  • 足够的算力(enough computational resources to complete the computation of the solution)
  • 马尔科夫性质(Markov property)
    但是这三个条件通常来说很难同时满足例如围棋

据有人计算:围棋棋盘横竖各有19条线,共有361个落子点,双方交替落子,这意味着围棋总共可能有 1 0 171 10^{171} 10171(1后面有171个零)种可能性。这个数字到底有多大,你可能没有感觉。我们可以告诉你,宇宙中的原子总数是 1 0 80 10^{80} 1080(1后面80个零),即使穷尽整个宇宙的物质也不能存下围棋的所有可能性。

如果这么多的状态用贝尔曼方程求解 v ∗ v_* v或者是求解 q ∗ q_* q都是不行的,所以通常使用近似或机器/深度学习去解决。

3.8 Summary

Elements

  • actions are the choices made by the agent
  • states are the basis for making the choices
  • rewards are the basis for evaluating the choices
  • policy is a stochastic rule by which the agent selects actions as a function of states.
  • return is the function of future rewards that the agent seeks to maximize.
  • Everything inside the agent is completely known and controllable by the agent
  • Everything outside is incompletely controllable but may or may not be completely known.

Value Function

  • A policy’s value functions assign to each state, or state–action pair, the expected return from that state, or state–action pair, given that the agent uses the policy.
  • The optimal value functions assign to each state, or state–action pair, the largest expected return achievable by any policy.

All Exercise Part

Exercise 3.1: Devise three example tasks of your own that fit into the MDP framework, identifying for each its states, actions, and rewards. Make the three examples as different from each other as possible. The framework is abstract and flexible and can be applied in many different ways. Stretch its limits in some way in at least one of your examples.
The MDP framework is describe by the formula as below:
p ( s ′ , r ∣ s , a ) = ˙ Pr { S t = s ′ , R t = r ∣ S t − 1 = s , A t − s = a } p(s',r|s,a)\dot=\text{Pr}\{S_t =s',R_t=r|S_{t-1}=s,A_{t-s}=a \} p(s,rs,a)=˙Pr{St=s,Rt=rSt1=s,Ats=a}

  • an agent to escape the maze of grid.
    State: position in the maze and the time in the maze
    Action: move action (north, west, south, east)
    Reward: reach the goal +1; otherwise 0; timeout -1
  • an agent try to learn which arm to use to grasp a glass.
    State: arm position
    Action: adjust arm position
    Reward: grasp a glass success +1; otherwise 0; glass fall down -1
  • an agent to decide how to hot its heater that could make water 60 degrees hot.
    State: water temperature and heater degree
    Action: change the header degree
    Reward: 60 degrees +1; otherwise 0; <40 or >80 -1
    【迷宫的那一个例子在后面3.7中提及会有问题 如果不加timeout -1】

Exercise 3.2: Is the MDP framework adequate to usefully represent all goal-directed learning tasks? Can you think of any clear exceptions?

  • don’t have enough calculation power to find all s s s and r r r 也就是状态情况太多了,例如围棋的虽然是RL框架但是使用的DL做的framework而不是MDP,原因就是因为算力更不上
  • 对于那些具有goal-directed tasks但是他的state不具有Markov property 例如射击类的游戏 你无法观测到all information of the environments.

Exercise 3.3: Consider the problem of driving. You could define the actions in terms of the accelerator, steering wheel, and brake, that is, where your body meets the machine. Or you could define them farther out—say, where the rubber meets the road, considering your actions to be tire torques. Or you could define them farther in—say, where your brain meets your body, the actions being muscle twitches to control your limbs. Or you could go to a really high level and say that your actions are your choices of where to drive. What is the right level, the right place to draw the line between agent and environment? On what basis is one location of the line to be preferred over another? Is there any fundamental reason for preferring one location over another, or is it a free choice?
This problem is asking the proper line to define the environment and the agent. To my understanding, the line should be divided such that the effect of agent’s action a a a on state s s s could be observed in some way.
也就是说我们选定的action的影响需要在状态里进行提现并且还能观测到observed
对于fundamental reason我写的是(\大笑):Think about how human will do the job about the action

Exercise 3.4: Give a table analogous to that in Example 3.3, but for p ( s ′ , r ∣ s , a ) p(s', r|s, a) p(s,rs,a). It should have columns for s , a , s ′ , r s, a, s', r s,a,s,r and p ( s ′ , r ∣ s , a ) p(s', r|s, a) p(s,rs,a), and a row for every 4-tuple for which p ( s ′ , r ∣ s , a ) > 0 p(s', r|s, a) > 0 p(s,rs,a)>0.
也就是由Example 3.3的表格演化而来的 把 r r r提前
在这里插入图片描述

Exercise 3.5: The equations in Section 3.1 are for the continuing case and need to be modified (very slightly) to apply to episodic tasks. Show that you know the modifications needed by giving the modified version of (3.3).
原来的公式: ∑ s ′ ∈ S ∑ r ∈ R p ( s ′ , r ∣ s , a ) = 1 for all    s ∈ S , a ∈ A ( a ) \sum\limits_{s' \in S} {\sum\limits_{r \in R} {p\left( {s',r|s,a} \right) = 1} } \quad \text{for all} \, \, s \in S, a \in A(a) sSrRp(s,rs,a)=1for allsS,aA(a)为了适用于episodic tasks: ∑ s ′ ∈ S + ∑ r ∈ R p ( s ′ , r ∣ s , a ) = 1 for all    s ∈ S , a ∈ A ( a ) \sum\limits_{s' \in S^{+}} {\sum\limits_{r \in R} {p\left( {s',r|s,a} \right) = 1} } \quad \text{for all} \, \, s \in S, a \in A(a) sS+rRp(s,rs,a)=1for allsS,aA(a)不同之处在于 S S S S + S^+ S+ S S S代表的是non-terminal states, S + S^+ S+代表的是All states include terminal state

Exercise 3.6: Suppose you treated pole-balancing as an episodic task but also used discounting, with all rewards zero except for − 1 -1 1 upon failure. What then would the return be at each time? How does this return differ from that in the discounted, continuing formulation of this task?
First review the episodic task without discount: G t = ˙ R t + 1 + R t + 2 + ⋯ + R T G_t \dot=R_{t+1}+R_{t+2}+\dots+R_{T} Gt=˙Rt+1+Rt+2++RTAdd discount into this formula will be:
G t = ˙ R t + 1 + γ R t + 2 + ⋯ + γ T − ( t + 1 ) R T = ∑ k = 0 T − ( t + 1 ) γ k R k + t + 1 G_t\dot =R_{t+1}+\gamma R_{t+2}+\dots+ \gamma^{T-(t+1)} R_{T}=\sum \limits_{k=0}^{T-(t+1)} \gamma^{k}R_{k+t+1} Gt=˙Rt+1+γRt+2++γT(t+1)RT=k=0T(t+1)γkRk+t+1因为这是0 for success; -1 for failure,所以如果在第K时刻失败了,收益和应该是: − γ K -\gamma^K γK,在K时刻前都是 0 0 0;这是对于episodic,对于continuing task: G t = ˙ R t + 1 + γ R t + 2 + ⋯ = ∑ k = 0 ∞ γ k R k + t + 1 G_t\dot =R_{t+1}+\gamma R_{t+2}+\dots=\sum \limits_{k=0}^{\infin} \gamma^{k}R_{k+t+1} Gt=˙Rt+1+γRt+2+=k=0γkRk+t+1但是如果也是在K时刻的时候失败了,收益和也是 − γ K -\gamma^K γK,而在K时刻前都是 0 0 0,所以没有不同

Exercise 3.7: Imagine that you are designing a robot to run a maze. You decide to give it a reward of + 1 +1 +1 for escaping from the maze and a reward of zero at all other times. The task seems to break down naturally into episodes—the successive runs through the maze—so you decide to treat it as an episodic task, where the goal is to maximize expected total reward (3.7). After running the learning agent for a while, you find that it is showing no improvement in escaping from the maze. What is going wrong? Have you effectively communicated to the agent what you want it to achieve?
应该要限定时间,同样的要加入discount,越接近出口的步数的reward越大

引用答案:If you do not use to implement the discount, the maximum return is always 1 regardless the time the agent spends. The correct way to communicate the agent is to add -1 punishment to each time step before the escape or adding the discount.

Exercise 3.8: Suppose γ = 0.5 and the following sequence of rewards is received R 1 = − 1 , R 2 = 2 , R 3 = 6 , R 4 = 3 R_1 = -1, R_2 = 2, R_3 = 6, R_4 = 3 R1=1,R2=2,R3=6,R4=3, and R 5 = 2 R_5 = 2 R5=2, with T = 5 T = 5 T=5. What are G 0 , G 1 , . . . , G 5 G_0, G_1, ..., G_5 G0,G1,...,G5? Hint: Work backwards.

Exercise 3.9: Suppose γ = 0.9 and the reward sequence is R1 = 2 followed by an infinite sequence of 7s. What are G1 and G0?

Exercise 3.10: Prove the second equality in (3.10)

Exercise 3.11: If the current state is S t S_t St, and actions are selected according to stochastic policy π π π, then what is the expectation of R t + 1 R_{t+1} Rt+1 in terms of π π π and the four-argument function p p p (3.2)?
E ( R t ∣ S t = s ) = ∑ a π ( a ∣ S t ) ∑ s ′ , r p ( s ′ , r ∣ s , a ) r \mathbb{E}(R_t|S_t=s) =\sum\limits_{a} \pi(a|S_t)\sum\limits_{s',r} { {p\left( {s',r|s,a} \right)r} } E(RtSt=s)=aπ(aSt)s,rp(s,rs,a)r

Exercise 3.12: Give an equation for v π v_{\pi} vπ in terms of q π q_{\pi} qπ and π π π
v π ( s ) = ˙ ∑ a π ( a ∣ s ) q π ( s , a ) v_{\pi}(s) \dot=\sum\limits_{a}\pi(a|s)q_{\pi}(s,a) vπ(s)=˙aπ(as)qπ(s,a)

Exercise 3.13: Give an equation for q π q_{\pi} qπ in terms of v π v_{\pi} vπ and the four-argument p p p.
q π ( s , a ) = ∑ s ′ , r p ( s ′ , r ∣ s , a ) [ r + γ v π ( s ′ ) ] q_{\pi}(s, a)=\sum_{s^{\prime}, r} p\left(s^{\prime}, r \mid s, a\right)\left[r+\gamma v_{\pi}\left(s^{\prime}\right)\right] qπ(s,a)=s,rp(s,rs,a)[r+γvπ(s)]

Exercise 3.14: The Bellman equation (3.14) must hold for each state for the value function v π v_\pi vπ shown in Figure 3.2 (right) of Example 3.5. Show numerically that this equation holds for the center state, valued at +0.7, with respect to its four neighboring states, valued at +2.3, +0.4, 0.4, and +0.7. (These numbers are accurate only to one decimal place.)

Exercise 3.15: In the gridworld example, rewards are positive for goals, negative for running into the edge of the world, and zero the rest of the time. Are the signs of these rewards important, or only the intervals between them? Prove, using (3.8), that adding a constant c to all the rewards adds a constant, v c v_c vc, to the values of all states, and thus does not affect the relative values of any states under any policies. What is v c v_c vc in terms of c c c and γ γ γ?

Exercise 3.16: Now consider adding a constant c c c to all the rewards in an episodic task, such as maze running. Would this have any effect, or would it leave the task unchanged as in the continuing task above? Why or why not? Give an example.
看这个常数是否会让现有的negative reward变为positive 因为如果变到了正数reward 对于gridworld这种episodic 用正负来加速完成任务的操作 是会有影响的,此外 负的ward如果保持负,整体的学习也会受到变慢的影响 因为value的值下降的不够快(对于正负来说)

引用答案It is a similar question as one before. The sign of reward is critical in episodic task because episodic task uses negative reward to accelerate the agent finishing the task. Thus, adding a constant C, if changing the sign, would have an impact on how agent moves. Furthermore, if the negative reward remains negative but the value of it shrinks too much, it will give a wrong signal to the agent that the time of completing the job is not that important.

Exercise 3.17: What is the Bellman equation for action values, that is, for q π q_\pi qπ? It must give the action value q π ( s , a ) q_\pi(s, a) qπ(s,a) in terms of the action values, q π ( s ′ , a ′ ) q_\pi(s', a') qπ(s,a), of possible successors to the state–action pair ( s , a ) (s, a) (s,a). Hint: the backup diagram to the right corresponds to this equation. Show the sequence of equations analogous to (3.14), but for action values.
q π ( s , a ) = E [ G t ∣ S t = s , A t = a ] = E [ R t + 1 + γ G t + 1 ( S t + 1 ) ∣ S t = s , A t = a ] = ∑ s ′ , r p ( s ′ , r ∣ s , a ) [ r + γ ∑ a ′ π ( a ′ ∣ s ′ ) q π ( s ′ , a ′ ) ] \begin{aligned} q_{\pi}(s, a) &= \mathbb{E}[G_t|S_t=s, A_t=a] \\ &= \mathbb{E}\left[R_{t+1}+\gamma G_{t+1} \left(S_{t+1}\right) \mid S_{t}=s, A_{t}=a\right] \\ &=\sum_{s^{\prime}, r} p\left(s^{\prime}, r \mid s, a\right)\left[r+\gamma \sum_{a'}\pi(a'|s')q_\pi(s',a') \right] \end{aligned} qπ(s,a)=E[GtSt=s,At=a]=E[Rt+1+γGt+1(St+1)St=s,At=a]=s,rp(s,rs,a)[r+γaπ(as)qπ(s,a)]

Exercise 3.18: The value of a state depends on the values of the actions possible in that state and on how likely each action is to be taken under the current policy. We can think of this in terms of a small backup diagram rooted at the state and considering each possible action:

评论 3
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

Kin-Zhang

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值