Loading

IIT-M RL-ASSIGNMENT-2-GRIDWORLD

Solution for submission 132227

A detailed solution for submission 132227 submitted for challenge IIT-M RL-ASSIGNMENT-2-GRIDWORLD

sundar_raman_p_ee17b069

What is the notebook about?

Problem - Gridworld Environment Algorithms

This problem deals with a grid world and stochastic actions. The tasks you have to do are:

  • Implement Policy Iteration
  • Implement Value Iteration
  • Implement TD lamdda
  • Visualize the results
  • Explain the results

How to use this notebook? 📝

  • This is a shared template and any edits you make here will not be saved.You should make a copy in your own drive. Click the "File" menu (top-left), then "Save a Copy in Drive". You will be working in your copy however you like.

  • Update the config parameters. You can define the common variables here

Variable Description
AICROWD_DATASET_PATH Path to the file containing test data. This should be an absolute path.
AICROWD_RESULTS_DIR Path to write the output to.
AICROWD_ASSETS_DIR In case your notebook needs additional files (like model weights, etc.,), you can add them to a directory and specify the path to the directory here (please specify relative path). The contents of this directory will be sent to AIcrowd for evaluation.
AICROWD_API_KEY In order to submit your code to AIcrowd, you need to provide your account's API key. This key is available at https://www.aicrowd.com/participants/me

Setup AIcrowd Utilities 🛠

We use this to bundle the files for submission and create a submission on AIcrowd. Do not edit this block.

In [3]:
!pip install aicrowd-cli > /dev/null

AIcrowd Runtime Configuration 🧷

Get login API key from https://www.aicrowd.com/participants/me

In [ ]:
import os
import matplotlib.pyplot as plt 
import seaborn as sns

AICROWD_DATASET_PATH = os.getenv("DATASET_PATH", os.getcwd()+"/a5562c7d-55f0-4d06-841c-110655bb04ec_a2_gridworld_inputs.zip")
AICROWD_RESULTS_DIR = os.getenv("OUTPUTS_DIR", "results")
API_KEY = "" # Get your key from https://www.aicrowd.com/participants/me
In [ ]:

API Key valid
Saved API Key successfully!
a5562c7d-55f0-4d06-841c-110655bb04ec_a2_gridworld_inputs.zip: 100% 14.2k/14.2k [00:00<00:00, 610kB/s]
In [ ]:
!unzip -q $AICROWD_DATASET_PATH
In [ ]:
DATASET_DIR = 'inputs/'

GridWorld Environment

Read the code for the environment thoroughly

Do not edit the code for the environment

In [ ]:
import numpy as np

class GridEnv_HW2:
    def __init__(self, 
                 goal_location, 
                 action_stochasticity,
                 non_terminal_reward,
                 terminal_reward,
                 grey_in,
                 brown_in,
                 grey_out,
                 brown_out
                ):

        # Do not edit this section 
        self.action_stochasticity = action_stochasticity
        self.non_terminal_reward = non_terminal_reward
        self.terminal_reward = terminal_reward
        self.grid_size = [10, 10]

        # Index of the actions 
        self.actions = {'N': (1, 0), 
                        'E': (0,1),
                        'S': (-1,0), 
                        'W': (0,-1)}
        
        self.perpendicular_order = ['N', 'E', 'S', 'W']
        
        l = ['normal' for _ in range(self.grid_size[0]) ]
        self.grid = np.array([l for _ in range(self.grid_size[1]) ], dtype=object)

        self.grid[goal_location[0], goal_location[1]] = 'goal'
        self.goal_location = goal_location

        for gi in grey_in:
            self.grid[gi[0],gi[1]] = 'grey_in'
        for bi in brown_in:    
            self.grid[bi[0], bi[1]] = 'brown_in'

        for go in grey_out:    
            self.grid[go[0], go[1]] = 'grey_out'
        for bo in brown_out:    
            self.grid[bo[0], bo[1]] = 'brown_out'

        self.grey_outs = grey_out
        self.brown_outs = brown_out

    def _out_of_grid(self, state):
        if state[0] < 0 or state[1] < 0:
            return True
        elif state[0] > self.grid_size[0] - 1:
            return True
        elif state[1] > self.grid_size[1] - 1:
            return True
        else:
            return False

    def _grid_state(self, state):
        return self.grid[state[0], state[1]]        
        
    def get_transition_probabilites_and_reward(self, state, action):
        """ 
        Returns the probabiltity of all possible transitions for the given action in the form:
        A list of tuples of (next_state, probability, reward)
        Note that based on number of state and action there can be many different next states
        Unless the state is All the probabilities of next states should add up to 1
        """

        grid_state = self._grid_state(state)
        
        if grid_state == 'goal':
            return [(self.goal_location, 1.0, 0.0)]
        elif grid_state == 'grey_in':
            npr = []
            for go in self.grey_outs:
                npr.append((go, 1/len(self.grey_outs), 
                            self.non_terminal_reward))
            return npr
        elif grid_state == 'brown_in':
            npr = []
            for bo in self.brown_outs:
                npr.append((bo, 1/len(self.brown_outs), 
                            self.non_terminal_reward))
            return npr
        
        direction = self.actions.get(action, None)
        if direction is None:
            raise ValueError("Invalid action %s , please select among" % action, list(self.actions.keys()))

        dir_index = self.perpendicular_order.index(action)
        wrap_acts = self.perpendicular_order[dir_index:] + self.perpendicular_order[:dir_index]
        next_state_probs = {}
        for prob, a in zip(self.action_stochasticity, wrap_acts):
            d = self.actions[a]
            next_state = (state[0] + d[0]), (state[1] + d[1])
            if self._out_of_grid(next_state):
                next_state = state
            next_state_probs.setdefault(next_state, 0.0)
            next_state_probs[next_state] += prob

        npr = []
        for ns, prob in next_state_probs.items():
            next_grid_state = self._grid_state(ns)
            reward = self.terminal_reward if next_grid_state == 'goal' else self.non_terminal_reward
            npr.append((ns, prob, reward))

        return npr

    def step(self, state, action):
        npr = self.get_transition_probabilites_and_reward(state, action)
        probs = [t[1] for t in npr]
        sampled_idx = np.random.choice(range(len(npr)), p=probs)
        sampled_npr = npr[sampled_idx]
        next_state = sampled_npr[0]
        reward = sampled_npr[2]
        is_terminal = next_state == tuple(self.goal_location)
        return next_state, reward, is_terminal

Example environment

This has the same setup as the pdf, do not edit the settings

In [ ]:
def get_base_kwargs():
    goal_location = (9,9)
    action_stochasticity = [0.8, 0.2/3, 0.2/3, 0.2/3]
    grey_out = [(3,2), (4,2), (5,2), (6,2)]
    brown_in = [(9,7)]
    grey_in = [(0,0)]
    brown_out = [(1,7)]
    non_terminal_reward = 0
    terminal_reward = 10

    base_kwargs =  {"goal_location": goal_location, 
            "action_stochasticity": action_stochasticity,
            "brown_in": brown_in, 
            "grey_in": grey_in, 
            "brown_out": brown_out,
            "non_terminal_reward": non_terminal_reward,
            "terminal_reward": terminal_reward,
            "grey_out": grey_out,}
    
    return base_kwargs

base_kwargs = get_base_kwargs()

Task 2.1 - Value Iteration

Run value iteration on the environment and generate the policy and expected reward

In [ ]:
def value_iteration(env, gamma):
    # Initial Values
    values = np.zeros((10, 10))

    # Initial policy
    policy = np.empty((10, 10), object)
    policy[:] = 'N' # Make all the policy values as 'N'

    # Begin code here
    extra_info = {'delta':[]}  #Put your extra information needed for plots etc in this dictionary
    delta=1e-8
    brown_in_loc = np.where(env.grid == 'brown_in')
    brown_out_loc = np.where(env.grid == 'brown_out')
    grey_in_loc = np.where(env.grid == 'grey_in')
    state_brown_in = brown_in_loc[0][0], brown_in_loc[1][0]   
    state_brown_out = brown_out_loc[0][0], brown_out_loc[1][0]   
    state_grey_in = grey_in_loc[0][0], grey_in_loc[1][0]   
    extra_info['brown_in']=[]
    extra_info['brown_out']=[]
    extra_info['grey_in']=[]
    possible_actions=list(env.actions.keys())
    while (delta>=1e-8):  #repeat until delta reduces less than 1e-8 
        delta=0.0
        vg,pl = np.zeros((10, 10)),np.empty((10, 10), object)
        for x in range(env.grid_size[0]):  #go over all x-coordinates
            for y in range(env.grid_size[1]):  #go over all y-coordinates
                temp_J=[]
                for a in possible_actions:  #go over all possible actions
                    nextstates_probs_rews=env.get_transition_probabilites_and_reward((x,y),a)  #obtain possible next states, probabilities, rewards from environment
#                       print('a,temp_J,npr: ',a,temp_J,nextstates_probs_rews)
                    sum=0.0
                    for npr in nextstates_probs_rews:  #go over all possible next states
                        sum+=npr[1]*(npr[2]+gamma*values[(npr[0][0],npr[0][1])])  #approach optimal value incrementally by using operator T
                    temp_J.append(sum)
                max_J=max(temp_J)  #find maximum value amongst all action's values
                delta=max(delta,abs(values[(x,y)]-max_J))  #maximum value difference 
                extra_info['delta'].append(delta)
                vg[(x,y)],pl[(x,y)]=max_J,possible_actions[temp_J.index(max_J)]  #updating value, policy
        values,policy=vg.copy(),pl.copy()  #.copy() to avoid call by reference
        extra_info['brown_in'].append(values[state_brown_in])
        extra_info['brown_out'].append(values[state_brown_out])
        extra_info['grey_in'].append(values[state_grey_in])
    # End code

    # Do not change the number of output values
    return {"Values": values, "Policy": policy}, extra_info
In [ ]:
env = GridEnv_HW2(**base_kwargs)
res, extra_info = value_iteration(env, 0.7)

 # The rounding off is just for making print statement cleaner
print(np.flipud(np.round(res['Values'], decimals=2)))
print(np.flipud(res['Policy']))
[[0.1  0.15 0.24 0.37 0.56 0.86 1.29 0.12 8.68 0.  ]
 [0.13 0.2  0.31 0.5  0.81 1.31 2.12 3.43 5.75 8.95]
 [0.1  0.16 0.25 0.39 0.62 0.97 1.52 2.38 3.7  5.61]
 [0.07 0.11 0.17 0.26 0.41 0.64 0.99 1.54 2.38 3.52]
 [0.05 0.07 0.11 0.17 0.27 0.41 0.64 0.99 1.53 2.21]
 [0.03 0.05 0.07 0.11 0.17 0.27 0.41 0.64 0.98 1.39]
 [0.02 0.03 0.05 0.07 0.11 0.17 0.27 0.41 0.63 0.87]
 [0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.27 0.4  0.55]
 [0.04 0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.26 0.35]
 [0.07 0.04 0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.22]]
[['E' 'E' 'E' 'E' 'E' 'S' 'S' 'N' 'E' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N']
 ['N' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N' 'N']
 ['N' 'E' 'E' 'E' 'E' 'E' 'N' 'N' 'N' 'N']
 ['N' 'N' 'E' 'E' 'E' 'N' 'N' 'N' 'N' 'N']
 ['S' 'N' 'E' 'E' 'E' 'N' 'N' 'N' 'N' 'N']
 ['S' 'S' 'E' 'E' 'E' 'E' 'N' 'N' 'N' 'N']
 ['N' 'W' 'W' 'E' 'E' 'E' 'E' 'N' 'N' 'N']]

Task 2.2 - Policy Iteration

Run policy iteration on the environment and generate the policy and expected reward

In [ ]:
def policy_iteration(env, gamma):
    # Initial Values
    values = np.zeros((10, 10))

    # Initial policy
    policy = np.empty((10, 10), object)
    policy[:] = 'N' # Make all the policy values as 'N'

    # Begin code here   
    extra_info = {}  #Put your extra information needed for plots etc in this dictionary
    time_local,time_global,unequal_policy=0,0,0
    extra_info['time_local'],extra_info['time_global'],extra_info['delta'],extra_info['unequal_policy']=[],[],[],[]    
    done=0
    brown_in_loc = np.where(env.grid == 'brown_in')
    brown_out_loc = np.where(env.grid == 'brown_out')
    grey_in_loc = np.where(env.grid == 'grey_in')
    state_brown_in = brown_in_loc[0][0], brown_in_loc[1][0]   
    state_brown_out = brown_out_loc[0][0], brown_out_loc[1][0]   
    state_grey_in = grey_in_loc[0][0], grey_in_loc[1][0]   
    extra_info['brown_in']=[]
    extra_info['brown_out']=[]
    extra_info['grey_in']=[]
    extra_info['values']=[]
    possible_actions=list(env.actions.keys())
    while (done==0):
        time_global+=1
        delta=1e-8
        while (delta>=1e-8):  #repeat until delta reduces less than 1e-8 
            delta=0.0
            time_local+=1
            for x in range(env.grid_size[0]):  #go over all x-coordinates
                for y in range(env.grid_size[1]):  #go over all y-coordinates
                    j=values[(x,y)]
                    action=policy[(x,y)]
                    nextstates_probs_rews=env.get_transition_probabilites_and_reward((x,y),action)  #obtain possible next states, probabilities, rewards from environment
                    sum=0.0
                    for npr in nextstates_probs_rews:  #go over all possible next states
                        sum+=npr[1]*(npr[2]+gamma*values[(npr[0][0],npr[0][1])])  #approach optimal value incrementally by using operator T
                    values[(x,y)]=sum
                    delta=max(delta,abs(values[(x,y)]-j))  #maximum value difference 
                    extra_info['delta'].append(delta)
        extra_info['time_local'].append(time_local)
        time_local=0
        done=1
        for x in range(env.grid_size[0]):  #go over all x-coordinates
            for y in range(env.grid_size[1]):  #go over all y-coordinates
                b=policy[(x,y)]
                temp_J=[]
                for a in possible_actions:  #go over all possible actions
                    nextstates_probs_rews=env.get_transition_probabilites_and_reward((x,y),a)  #obtain possible next states, probabilities, rewards from environment
                    sum=0.0
                    for npr in nextstates_probs_rews:  #go over all possible next states
                        sum+=npr[1]*(npr[2]+gamma*values[(npr[0][0],npr[0][1])])  #approach optimal value incrementally by using operator T
                    temp_J.append(sum)
                policy[(x,y)]=possible_actions[np.argmax(np.array(temp_J))]  #find maximum value amongst all action's values
                if b!=policy[(x,y)]:
                    done=0
                    if len(extra_info['unequal_policy'])<time_global:
                        extra_info['unequal_policy'].append(0)
                    extra_info['unequal_policy'][time_global-1]+=1
        extra_info['time_global'].append(time_global)
        extra_info['brown_in'].append(values[state_brown_in])
        extra_info['brown_out'].append(values[state_brown_out])
        extra_info['grey_in'].append(values[state_grey_in])
        extra_info['values'].append(values.copy())
    # End code

    # Do not change the number of output values
    return {"Values": values, "Policy": policy}, extra_info
In [ ]:
env = GridEnv_HW2(**base_kwargs)
res, extra_info = policy_iteration(env, 0.7)

 # The rounding off is just for making print statement cleaner
print(np.flipud(np.round(res['Values'], decimals=2)))
print(np.flipud(res['Policy']))
'''
###used for plotting value convergence curves for value, policy iteration for 3 different states### 
plt.plot(extra_info1['brown_in'],label='value iteration brown-in')  #extra-info1 is from value iterationp  
plt.plot(extra_info2['brown_in'],label='policy iteration brown-in')  #extra-info2 is from policy iteration
plt.title('brown in-value vs iterations')
plt.plot(extra_info1['brown_out'],label='value iteration brown-out')
plt.plot(extra_info2['brown_out'],label='policy iteration brown-out')
plt.title('brown out-value vs iterations')
plt.plot(extra_info1['grey_in'],label='value iteration grey-in')
plt.plot(extra_info2['grey_in'],label='policy iteration grey-in')
plt.legend(loc="lower right")
plt.xlabel('iterations')
plt.ylabel('values')
plt.title('values vs iterations')
'''
'''
###used for plotting rms error over iterations for policy iteration###
opt_val=res['Values']
size_s=opt_val.size
rms_pi=[]
for v in extra_info['values']:
    rms_pi.append(np.sqrt(np.sum(np.square(opt_val-v))/size_s))
plt.plot(rms_pi,label='policy iteration')
plt.legend(loc="upper right")
plt.xlabel('iterations')
plt.ylabel('rms error of values')
plt.title('rms error of values vs iterations')
'''
[[0.1  0.15 0.24 0.37 0.56 0.86 1.29 0.12 8.68 0.  ]
 [0.13 0.2  0.31 0.5  0.81 1.31 2.12 3.43 5.75 8.95]
 [0.1  0.16 0.25 0.39 0.62 0.97 1.52 2.38 3.7  5.61]
 [0.07 0.11 0.17 0.26 0.41 0.64 0.99 1.54 2.38 3.52]
 [0.05 0.07 0.11 0.17 0.27 0.41 0.64 0.99 1.53 2.21]
 [0.03 0.05 0.07 0.11 0.17 0.27 0.41 0.64 0.98 1.39]
 [0.02 0.03 0.05 0.07 0.11 0.17 0.27 0.41 0.63 0.87]
 [0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.27 0.4  0.55]
 [0.04 0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.26 0.35]
 [0.07 0.04 0.03 0.02 0.03 0.05 0.07 0.11 0.17 0.22]]
[['E' 'E' 'E' 'E' 'E' 'S' 'S' 'N' 'E' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N']
 ['E' 'E' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N']
 ['N' 'E' 'E' 'E' 'E' 'E' 'E' 'N' 'N' 'N']
 ['N' 'E' 'E' 'E' 'E' 'E' 'N' 'N' 'N' 'N']
 ['N' 'N' 'E' 'E' 'E' 'N' 'N' 'N' 'N' 'N']
 ['S' 'N' 'E' 'E' 'E' 'N' 'N' 'N' 'N' 'N']
 ['S' 'S' 'E' 'E' 'E' 'E' 'N' 'N' 'N' 'N']
 ['N' 'W' 'W' 'E' 'E' 'E' 'E' 'N' 'N' 'N']]
Out[ ]:
'\nplt.plot(extra_info1[\'brown_in\'],label=\'value iteration brown-in\')  #extra-info1 is from value iterationp\nplt.plot(extra_info2[\'brown_in\'],label=\'policy iteration brown-in\')  #extra-info2 is from policy iteration\nplt.title(\'brown in-value vs iterations\')\nplt.plot(extra_info1[\'brown_out\'],label=\'value iteration brown-out\')\nplt.plot(extra_info2[\'brown_out\'],label=\'policy iteration brown-out\')\nplt.title(\'brown out-value vs iterations\')\nplt.plot(extra_info1[\'grey_in\'],label=\'value iteration grey-in\')\nplt.plot(extra_info2[\'grey_in\'],label=\'policy iteration grey-in\')\nplt.legend(loc="lower right")\nplt.xlabel(\'iterations\')\nplt.ylabel(\'values\')\nplt.title(\'values vs iterations\')\n'

Task 2.3 - TD Lambda

Use the heuristic policy and implement TD lambda to find values on the gridworld

In [ ]:
# The policy mentioned in the pdf to be used for TD lambda, do not modify this
def heuristic_policy(env, state):
    goal = env.goal_location
    dx = goal[0] - state[0]
    dy = goal[1] - state[1]
    if abs(dx) >= abs(dy):
        direction = (np.sign(dx), 0)
    else:
        direction = (0, np.sign(dy))
    for action, dir_val in env.actions.items():
        if dir_val == direction:
            target_action = action
            break
    return target_action
In [ ]:
def td_lambda(env, lamda, seeds):
    alpha = 0.5
    gamma = 0.7
    N = len(seeds)
    # Usage of input_policy
    # heuristic_policy(env, state) -> action
    example_action = heuristic_policy(env, (1,2)) # Returns 'N' if goal is (9,9)

    # Example of env.step
    # env.step(state, action) -> Returns next_state, reward, is_terminal

    # Initial values
    values = np.zeros((10, 10))
    es = np.zeros((10,10))

    for episode_idx in range(N):
         # Do not change this else the results will not match due to environment stochas
        np.random.seed(seeds[episode_idx])
        grey_in_loc = np.where(env.grid == 'grey_in')
        state = grey_in_loc[0][0], grey_in_loc[1][0]
        done = False
        extra_info = {'delta':[],'values':[]}  #Put your extra information needed for plots etc in this dictionary
        while not done:
            action = heuristic_policy(env, state)
            ns, rew, is_terminal = env.step(state, action) 
            # env.step is already taken inside the loop for you, 
            # Don't use env.step anywhere else in your code
            # Begin code here
            delta = rew+gamma*values[ns]-values[state]
            extra_info['delta'].append(delta)
            es[state]+=1
            for x in range(env.grid_size[0]):  #go over all x-coordinates
                for y in range(env.grid_size[1]):  #go over all y-coordinates
                    values[(x,y)]+=alpha*delta*es[(x,y)]
                    es[(x,y)]=gamma*lamda*es[(x,y)]
            state=ns
            if is_terminal:  #env._grid_state(state) == 'goal'
                done = True
                possible_actions=list(env.actions.keys())
                policy,policy_index = np.empty((10, 10), object), np.empty((10, 10), object)
                for x in range(env.grid_size[0]):  #go over all x-coordinates
                    for y in range(env.grid_size[1]):  #go over all y-coordinates
                        temp_J=[]
                        for a in possible_actions:  #go over all possible actions
                            nextstates_probs_rews=env.get_transition_probabilites_and_reward((x,y),a)  #obtain possible next states, probabilities, rewards from environment
                            sum=0.0
                            for npr in nextstates_probs_rews:  #go over all possible next states
                                sum+=npr[1]*(npr[2]+gamma*values[(npr[0][0],npr[0][1])])  #approach optimal value incrementally by using operator T
                            temp_J.append(sum)
                        policy[(x,y)]=possible_actions[np.argmax(np.array(temp_J))]  #find maximum value amongst all action's values
                        policy_index[(x,y)]=np.argmax(np.array(temp_J))
                extra_info['policy']=policy
                extra_info['policy_index']=policy_index
            extra_info['values'].append(values.copy())
    # End code

    # Do not change the number of output values
    return {"Values": values}, extra_info
In [ ]:
env = GridEnv_HW2(**base_kwargs)
res, extra_info = td_lambda(env, lamda=1, seeds=np.arange(1000))

 # The rounding off is just for making print statement cleaner
print(np.flipud(np.round(res['Values'], decimals=2)))
'''
###used for plotting rms error over different lambda for TD Lambda###
opt_val=res['Values']
size_s=opt_val.size
rms_pi=[]
for v in extra_info['values']:
    rms_pi.append(np.sqrt(np.sum(np.square(opt_val-v))/size_s))
plt.plot(rms_pi,label='td lambda')
plt.legend(loc="upper right")
plt.xlabel('iterations')
plt.ylabel('rms error of values')
plt.title('rms error of values vs iterations')
'''
[[0.000e+00 0.000e+00 1.000e-02 4.000e-02 6.000e-02 9.000e-02 1.400e-01
  1.300e-01 1.004e+01 0.000e+00]
 [0.000e+00 0.000e+00 2.000e-02 3.900e-01 8.300e-01 9.900e-01 9.500e-01
  4.910e+00 7.030e+00 1.000e+01]
 [0.000e+00 1.600e-01 2.200e-01 3.400e-01 5.000e-01 7.800e-01 2.360e+00
  3.410e+00 4.290e+00 6.090e+00]
 [8.000e-02 9.000e-02 3.400e-01 4.900e-01 8.100e-01 1.120e+00 1.600e+00
  2.150e+00 2.280e+00 1.280e+00]
 [8.000e-02 1.400e-01 1.400e-01 1.800e-01 4.200e-01 6.000e-01 4.600e-01
  1.120e+00 1.610e+00 1.330e+00]
 [1.000e-02 5.000e-02 8.000e-02 2.000e-01 2.800e-01 2.200e-01 4.100e-01
  9.600e-01 1.440e+00 1.560e+00]
 [3.000e-02 5.000e-02 3.000e-02 6.000e-02 3.000e-02 1.400e-01 2.200e-01
  7.100e-01 1.110e+00 1.050e+00]
 [1.000e-02 3.000e-02 1.000e-02 4.000e-02 3.000e-02 7.000e-02 1.300e-01
  4.900e-01 2.000e-01 8.900e-01]
 [0.000e+00 0.000e+00 0.000e+00 1.000e-02 1.000e-02 1.700e-01 7.000e-02
  2.200e-01 2.100e-01 0.000e+00]
 [2.200e-01 0.000e+00 0.000e+00 0.000e+00 0.000e+00 1.000e-01 0.000e+00
  5.000e-02 1.100e-01 0.000e+00]]

Task 2.4 - TD Lamdba for multiple values of $\lambda$

Ideally this code should run as is

In [ ]:
# This cell is only for your subjective evaluation results, display the results as asked in the pdf
# You can change it as you require, this code should run TD lamdba by default for different values of lambda

lamda_values = np.arange(0, 100+5, 5)/100
td_lamda_results = {}
extra_info = {}
for lamda_idx in range(len(lamda_values)):
    lamda=lamda_values[lamda_idx]
    env = GridEnv_HW2(**base_kwargs)
    td_lamda_results[lamda], extra_info[lamda] = td_lambda(env, lamda,
                                                           seeds=np.arange(1000))
    print('lambda: ',lamda)
    print('value grid result: ',td_lamda_results[lamda]['Values'])
    if lamda:
        print('sum of absolute difference between two consecutive value grids: ',sum(sum(abs(td_lamda_results[lamda_values[lamda_idx-1]]['Values']-td_lamda_results[lamda]['Values']))))
    ax = sns.heatmap(td_lamda_results[lamda]['Values'], linewidth=0.5)
    plt.title('value grid for lambda: %0.2f'%(lamda))
    plt.show()
    print('policy grid result: ',extra_info[lamda]['policy'])
    ax = sns.heatmap(np.array(extra_info[lamda]['policy_index'],dtype=np.int32), linewidth=0.5)
    plt.title('policy grid for lambda: %0.2f'%(lamda))
    plt.show()

Generate Results ✅

In [ ]:
def get_results(kwargs):

    gridenv = GridEnv_HW2(**kwargs)

    policy_iteration_results = policy_iteration(gridenv, 0.7)[0]
    value_iteration_results = value_iteration(gridenv, 0.7)[0]
    td_lambda_results = td_lambda(env, 0.5, np.arange(1000))[0]
    
    final_results = {}
    final_results["policy_iteration"] = policy_iteration_results
    final_results["value_iteration"] = value_iteration_results
    final_results["td_lambda"] = td_lambda_results

    return final_results
In [ ]:
# Do not edit this cell, generate results with it as is
if not os.path.exists(AICROWD_RESULTS_DIR):
    os.mkdir(AICROWD_RESULTS_DIR)

for params_file in os.listdir(DATASET_DIR):
  kwargs = np.load(os.path.join(DATASET_DIR, params_file), allow_pickle=True).item()
  results = get_results(kwargs)
  idx = params_file.split('_')[-1][:-4]
  np.save(os.path.join(AICROWD_RESULTS_DIR, 'results_' + idx), results)

Check your score on the public data

This scores is not your final score, and it doesn't use the marks weightages. This is only for your reference of how arrays are matched and with what tolerance.

In [ ]:
# Check your score on the given test cases (There are more private test cases not provided)
target_folder = 'targets'
result_folder = AICROWD_RESULTS_DIR

def check_algo_match(results, targets):
    if 'Policy' in results:
        policy_match = results['Policy'] == targets['Policy']
    else:
        policy_match = True
    # Reference https://numpy.org/doc/stable/reference/generated/numpy.allclose.html
    rewards_match = np.allclose(results['Values'], targets['Values'], rtol=3)
    equal = rewards_match and policy_match
    return equal

def check_score(target_folder, result_folder):
    match = []
    for out_file in os.listdir(result_folder):
        res_file = os.path.join(result_folder, out_file)
        results = np.load(res_file, allow_pickle=True).item()
        idx = out_file.split('_')[-1][:-4]  # Extract the file number
        target_file = os.path.join(target_folder, f"targets_{idx}.npy")
        targets = np.load(target_file, allow_pickle=True).item()
        algo_match = []
        for k in targets:
            algo_results = results[k]
            algo_targets = targets[k]
            algo_match.append(check_algo_match(algo_results, algo_targets))
        match.append(np.mean(algo_match))
    return np.mean(match)

if os.path.exists(target_folder):
    print("Shared data Score (normalized to 1):", check_score(target_folder, result_folder))
Shared data Score (normalized to 1): 1.0
/usr/local/lib/python3.7/dist-packages/numpy/core/_asarray.py:136: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray
  return array(a, dtype, copy=False, order=order, subok=True)

Display Results of TD lambda

Display Results of TD lambda with lambda values from 0 to 1 with steps of 0.05:

  1. Optimal policies of TD lambda (for different lambda) can be calculated from value grid using the below expression: π(s) = argmax a ∈ A ∑(s'∈S) Pss'(a) [r(s,a,s') + γJ(s')]

  2. Results of policy grid for different values of lambda plotted: eg. policy grid result for lambda=0:
    [[0 3 0 0 0 2 0 0 0 3]

    [2 0 0 0 0 1 1 0 0 3]

    [1 1 0 0 0 1 1 0 0 3]

    [1 1 0 0 0 0 1 0 0 3]

    [1 1 0 1 1 1 1 1 0 0]

    [1 1 0 0 0 1 1 1 0 0]

    [1 1 1 0 0 1 0 0 1 0]

    [1 1 1 1 0 1 1 0 0 0]

    [0 2 2 1 1 1 1 1 0 0]

    [0 1 2 2 2 2 2 0 1 0]] which will be same as:

    policy grid result for lambda=0: [['N' 'W' 'N' 'N' 'N' 'S' 'N' 'N' 'N' 'W']

    ['S' 'N' 'N' 'N' 'N' 'E' 'E' 'N' 'N' 'W']

    ['E' 'E' 'N' 'N' 'N' 'E' 'E' 'N' 'N' 'W']

    ['E' 'E' 'N' 'N' 'N' 'N' 'E' 'N' 'N' 'W']

    ['E' 'E' 'N' 'E' 'E' 'E' 'E' 'E' 'N' 'N']

    ['E' 'E' 'N' 'N' 'N' 'E' 'E' 'E' 'N' 'N']

    ['E' 'E' 'E' 'N' 'N' 'E' 'N' 'N' 'E' 'N']

    ['E' 'E' 'E' 'E' 'N' 'E' 'E' 'N' 'N' 'N']

    ['N' 'S' 'S' 'E' 'E' 'E' 'E' 'E' 'N' 'N']

    ['N' 'E' 'S' 'S' 'S' 'S' 'S' 'N' 'E' 'N']]

_20.png_19.png_18.png_17.png_16.png_15.png_14.png_13.png_12.png_11.png_10.png_9.png_8.png_7.png_6.png_5.png_4.png_3.png_2.png_1.png_0.png

  1. Results of value grid for different values of lambda plotted:20.png19.png18.png17.png16.png15.png14.png13.png12.png11.png10.png9.png8.png7.png6.png5.png4.png3.png2.png1.png0.png

Subjective questions

2.a Value Iteration vs Policy Iteration

  1. Compare value iteration and policy iteration for states Brown in, Brown Out, Grey out and Grey In

A: For each of all 3 states, policy iteration and value iteration converges to almost the same upper-bound (for J) value as can be seen from the graph

policy_value.png

  1. Which one converges faster and why

A: Policy iteration (PI) converges faster (close to only 5 iterations) than value iteration (VI) for all 3 states as can be infered from the graph. Generally VI converges faster as it is a contraction. Here we care mostly about finding the optimal policy (for PI, when it converges) which is the outer loop for policy iteration wheras we compute number of iterations for inner loop for value iteration which might bias the result towards PI as PI has a VI step in it (policy improvement step) but it is not taken into account for calculating number of iterations for PI (as it's a inner loop). We also have immediate value updates in PI (updating J(s) as and when it's new value is evaluated) instead of bulk updates (calculating all the new values H(s) and then updating J(s)=H(s)) but which doesn't bring in any time/iteration difference. Points brown-in, grey-in also have next states defined defined almost deterministically (very few possible next states), thus finding their policy becomes easier from the setting. Hence PI might have converged faster than VI.

2.b How changing $\lambda$ affecting TD Lambda

rms_tdlambda.png A: From observing the "display the results" plots of TD Lambda for different lambda, we find that for lambda close to 1, we have each state's value dependent on all it's neighbours (there is a spread, gradual color variation) wheras for lambda close to 0, values change abruptly sometimes (as compared to higher lambda's; observe states close to right bottom). Policy changes occur mostly in top right (for different lambda) and is less variant (more grouped around a state) but might be biased for less lambda and more variant (might be a better policy for sharp turns) policy for higher values of lambda.

As can be seen from the above graph, all TD Lambda's RMS error converges to 0 in almost the same number of iterations. But for lambda closer to 0 (TD(0) like case), the (average) RMS-error is higher as compared to other TD's which have lambda closer to 1. When lambda is closer to 1 (MCPE like case), the wiggle (or deviations from mean over all iterations) is higher as compared to lesser values of lambda. This arises because of the fact that TD(0) is a biased estimate whereas TD(1) is an unbiased but high variance estimate.

2.c Policy iteration error curve

Plot error curve of $J_i$ vs iteration $i$ for policy iteration

As can be seen from the curve, RMS error associated with J of PI quickly converges to 0. rms_pi.png

2.d TD Lamdba error curve

Plot error curve of $J_i$ vs iteration $i$ for TD Lambda for $\lambda = [0, 0.25, 0.5, 0.75, 1]$

Explanation for this graph is stated in answer to part (2b)! As can be seen from the graph, all TD Lambda's RMS error converges to 0 in almost the same number of iterations. But for lambda closer to 0 (TD(0) like case), the (average) RMS-error is higher as compared to other TD's which have lambda closer to 1. When lambda is closer to 1 (MCPE like case), the wiggle (or deviations from mean over all iterations) is higher as compared to lesser values of lambda. This arises because of the fact that TD(0) is a biased estimate whereas TD(1) is an unbiased but high variance estimate.

rms_tdlambda.png

Submit to AIcrowd 🚀

In [4]:
!DATASET_PATH=$AICROWD_DATASET_PATH aicrowd notebook submit --no-verify -c iit-m-rl-assignment-2-gridworld -a assets
WARNING: No assets directory at assets... Creating one...
No jupyter lab module found. Using jupyter notebook.
Using notebook: /content/Copy%20of%20IITM_Assignment_2_Gridworld_Release.ipynb for submission...
Mounting Google Drive 💾
Your Google Drive will be mounted to access the colab notebook
Go to this URL in a browser: https://accounts.google.com/o/oauth2/auth?client_id=947318989803-6bn6qk8qdgf4n4g3pfee6491hc0brc4i.apps.googleusercontent.com&redirect_uri=urn%3aietf%3awg%3aoauth%3a2.0%3aoob&scope=email%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdocs.test%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdrive%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdrive.photos.readonly%20https%3a%2f%2fwww.googleapis.com%2fauth%2fpeopleapi.readonly%20https%3a%2f%2fwww.googleapis.com%2fauth%2fdrive.activity.readonly%20https%3a%2f%2fwww.googleapis.com%2fauth%2fexperimentsandconfigs%20https%3a%2f%2fwww.googleapis.com%2fauth%2fphotos.native&response_type=code

Enter your authorization code:
4/1AY0e-g6OSXq1rQTPUqtsZr9bbQiaFnsU0xcXrV7H7oPYz4rPD9iFRY5mWdU
Mounted at /content/drive
No jupyter lab module found. Using jupyter notebook.
Scrubbing API keys from the notebook...
Collecting notebook...
No jupyter lab module found. Using jupyter notebook.
╭───────────────────── Traceback (most recent call last) ──────────────────────╮
 /usr/local/bin/aicrowd:8 in <module>                                         
                                                                              
   5 from aicrowd.cli import cli                                              
   6 if __name__ == '__main__':                                               
   7 │   sys.argv[0] = re.sub(r'(-script\.pyw|\.exe)?$', '', sys.argv[0])     
 8 │   sys.exit(cli())                                                      
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:829 in __call__         
                                                                              
    826 │                                                                     
    827 │   def __call__(self, *args, **kwargs):                              
    828 │   │   """Alias for :meth:`main`."""                                 
  829 │   │   return self.main(*args, **kwargs)                             
    830                                                                       
    831                                                                       
    832 class Command(BaseCommand):                                           
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:782 in main             
                                                                              
    779 │   │   try:                                                          
    780 │   │   │   try:                                                      
    781 │   │   │   │   with self.make_context(prog_name, args, **extra) as c 
  782 │   │   │   │   │   rv = self.invoke(ctx)                             
    783 │   │   │   │   │   if not standalone_mode:                           
    784 │   │   │   │   │   │   return rv                                     
    785 │   │   │   │   │   # it's not safe to `ctx.exit(rv)` here!           
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:1259 in invoke          
                                                                              
   1256 │   │   │   │   Command.invoke(self, ctx)                             
   1257 │   │   │   │   sub_ctx = cmd.make_context(cmd_name, args, parent=ctx 
   1258 │   │   │   │   with sub_ctx:                                         
 1259 │   │   │   │   │   return _process_result(sub_ctx.command.invoke(sub 
   1260 │   │                                                                 
   1261 │   │   # In chain mode we create the contexts step by step, but afte 
   1262 │   │   # base command has been invoked.  Because at that point we do 
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:1259 in invoke          
                                                                              
   1256 │   │   │   │   Command.invoke(self, ctx)                             
   1257 │   │   │   │   sub_ctx = cmd.make_context(cmd_name, args, parent=ctx 
   1258 │   │   │   │   with sub_ctx:                                         
 1259 │   │   │   │   │   return _process_result(sub_ctx.command.invoke(sub 
   1260 │   │                                                                 
   1261 │   │   # In chain mode we create the contexts step by step, but afte 
   1262 │   │   # base command has been invoked.  Because at that point we do 
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:1066 in invoke          
                                                                              
   1063 │   │   """                                                           
   1064 │   │   _maybe_show_deprecated_notice(self)                           
   1065 │   │   if self.callback is not None:                                 
 1066 │   │   │   return ctx.invoke(self.callback, **ctx.params)            
   1067                                                                       
   1068                                                                       
   1069 class MultiCommand(Command):                                          
                                                                              
 /usr/local/lib/python3.7/dist-packages/click/core.py:610 in invoke           
                                                                              
    607 │   │   args = args[2:]                                               
    608 │   │   with augment_usage_errors(self):                              
    609 │   │   │   with ctx:                                                 
  610 │   │   │   │   return callback(*args, **kwargs)                      
    611 │                                                                     
    612 │   def forward(*args, **kwargs):  # noqa: B902                       
    613 │   │   """Similar to :meth:`invoke` but fills in default keyword     
                                                                              
 /usr/local/lib/python3.7/dist-packages/aicrowd/cmd/notebook.py:92 in         
 submit_subcommand                                                            
                                                                              
    89 │   │   output,                                                        
    90 │   │   notebook_name,                                                 
    91 │   │   no_verify,                                                     
  92 │   │   dry_run,                                                       
    93 │   )                                                                  
                                                                              
 /usr/local/lib/python3.7/dist-packages/aicrowd/notebook/submit.py:94 in      
 create_submission                                                            
                                                                              
   91 │   │   │   challenge=challenge,                                        
   92 │   │   │   file_path=submission_zip_path,                              
   93 │   │   │   description=description,                                    
 94 │   │   │   print_links=True,                                           
   95 │   │   )                                                               
                                                                              
 /usr/local/lib/python3.7/dist-packages/aicrowd/submission/create_cmd.py:60   
 in create                                                                    
                                                                              
   57 """                                                                 
   58 │   log = logging.getLogger()                                           
   59 │                                                                       
 60 │   api_key = must_get_api_key(config_ctx)                              
   61 │   challenge_id = challenge_ctx.challenge.get(ChallengeConstants.CONFI 
   62 │                                                                       
   63 │   # not in a valid challenge git directory and file not given         
                                                                              
 /usr/local/lib/python3.7/dist-packages/aicrowd/challenge/helpers.py:37 in    
 must_get_api_key                                                             
                                                                              
    34 │   │   │   [                                                          
    35 │   │   │   │   click.style("Please run", fg="red"),                   
    36 │   │   │   │   click.style("aicrowd login", fg="yellow"),             
  37 │   │   │   │   click.style("to login.", fg="red"),                    
    38 │   │   │   ]                                                          
    39 │   │   ),                                                             
    40 │   )                                                                  
                                                                              
 /usr/local/lib/python3.7/dist-packages/aicrowd/contexts/config.py:97 in get  
                                                                              
    94 │   │   if value is None and ensure_exists:                            
    95 │   │   │   self.log.warning("Queried config for %s but not found", ke 
    96 │   │   │   raise CLIException(                                        
  97 │   │   │   │   f"Config property {key} not set", help_msg, CONFIG_NOT 
    98 │   │   │   )                                                          
    99 │   │                                                                  
   100 │   │   return value                                                   
╰──────────────────────────────────────────────────────────────────────────────╯
CLIException: Config property aicrowd_api_key not set
418

Comments

You must login before you can post a comment.

Execute