Object Goal Navigation using Data Regularized Q-Learning

Nandiraju Gireesh D. A. Sasi Kiran Snehasis Banerjee Mohan Sridharan
Brojeshwar Bhowmick
Madhava Krishna
Abstract

Object Goal Navigation requires a robot to find and navigate to an instance of a target object class in a previously unseen environment. Our framework incrementally builds a semantic map of the environment over time, and then repeatedly selects a long-term goal (’where to go’) based on the semantic map to locate the target object instance. Long-term goal selection is formulated as a vision-based deep reinforcement learning problem. Specifically, an Encoder Network is trained to extract high-level features from a semantic map and select a long-term goal. In addition, we incorporate data augmentation and Q-function regularization to make the long-term goal selection more effective. We report experimental results using the photo-realistic Gibson benchmark dataset in the AI Habitat 3D simulation environment to demonstrate substantial performance improvement on standard measures in comparison with a state of the art data-driven baseline.

{keywords}

Deep Reinforcement Learning, Data Augmentation, Q-value Regularization, Object Goal Navigation.

I Introduction

Object-goal navigation (ObjectNav) is a key task in robotics, which requires a robot to navigate to an instance of a target object class in a previously unseen environment [objectnav]. This is a challenging task because the robot needs to address multiple problems such as understanding the current scene from sensor input (e.g., RGB-D observation of the scene), computing a suitable path to the likely location of an instance of the target object, and navigating reliably to the desired location. Conventional methods for the ObjectNav task usually require comprehensive domain knowledge, e.g., map of the environment, which is not feasible in many practical domains. Although navigation methods based on end-to-end learning methods have resulted in promising results on specific datasets, they incur high computational costs and tend to generalize poorly to previously unseen scenes.

Modular reinforcement learning (RL)-based methods for ObjectNav have emerged as a strong competitor to end-to-end RL methods with better sample efficiency, generalization to new scenes, and transfer from simulation to the real world. They rely on separate modules for mapping, exploration, and navigation. The state of the art modular RL method for ObjectNav, Goal-Oriented Semantic Exploration (SemExp) [semexp], has low overall accuracy due to failure cases that can be attributed to poor selection of long-term goals, i.e., intermediate regions to explore for the target object.

This paper poses the ‘Where to go?’ (long-term goal selection) problem as a vision-based RL problem. Deep Reinforcement Learning (DRL) methods represent the state of the art in multiple domains such as video games, robot manipulation, and visual navigation. However, these methods, by themselves, often make it difficult to compute policies that generalize to unseen environments, even when the new environments are similar to those used to compute the policies. Strategies to address this limitation are based on learning better low-dimensional representations using auto-encoders, variational inference, contrastive learning, self-prediction, or data augmentation. Drawing on these insights, we introduce a DRL framework for ObjectNav task, which makes the following contributions:

  • Incorporates an Encoder Network to learn rich, high-level features from an estimated semantic (domain) map, and an Actor-Critic Network that is trained with these features to provide effective long-term goals for the ObjectNav task.

  • Incorporates (image) data augmentation in the context of the semantic domain map, and regularizes the Q(value) function in the update process of the encoder, actor, and critic networks in the framework, leading to better generalization and long-term goal selection.

We evaluate the framework’s capabilities using benchmark (photo-realistic) scenes from the Gibson dataset in the AI Habitat 3D simulation environment [habitat] and show that our approach provides a 10-12 relative improvement in established performance measures in comparison with a state of the art baseline for ObjectNav task. Additional qualitative results and supporting material are available online: https://user432.github.io/objnav-drq/

Our framework consists of three main components. The
Fig. 1: Our framework consists of three main components. The Semantic Mapping module uses RGB-D observations and odometry pose readings to build an allocentric semantic map of the local world. Our Encoder Network extracts high-level features from the estimated semantic map. These features are used to train an actor-critic network which samples a long-term goal to reach the target object class instance efficiently. Analytical planners are used by the deterministic Local Policy to compute low-level navigation actions to reach any given long-term goal.

Ii Related Work

We review related work in Object Goal Navigation and the learning of representations through reinforcement.

Object Goal Navigation. There has been much work on developing learning algorithms for vision-based recognition and navigation. Data-driven deep (reinforcement) learning methods are state of the art for learning to map pixels directly to actions [cogplan, pix2act]. These methods find it difficult to generalize to previously unseen scenarios since they do not build a representation of the environment. Methods that seek to promote better generalization with such methods construct an allocentric map that encodes semantic priors [semexp, cogmap, ans]. In this paper, we draw inspiration from this insight to pose the ‘where to go?’ decision as a vision-based deep RL problem, and build an explicit semantic map to set an effective long-term goal for the ObjectNav task.

Self-supervised Representation Learning. Many self-supervised methods have been developed in the computer vision literature to learn representations for different tasks; state of the art methods include contrastive methods [simclr, moco] as well as predictive methods [dino, simsiam]. The learned representations have been shown to improve the performance of the corresponding supervised learning system, particularly when the amount of labeled training data available for the associated tasks is limited. The key insight from these methods, which we build on, is that good representations can be acquired from visual input through unsupervised learning or data augmentation, and that the learned representation can significantly improve performance on the associated task.

Representation Learning in RL. There has been a lot work on combining the ideas of self-supervised learning and RL in order to improve sample efficiency and performance. In particular, unsupervised learning of representation in conjunction with data augmentation methods have helped improve the efficiency of RL methods. For example, researchers have used auto-encoders [autoenc] to improve efficiency of RL for visual information processing tasks [sac-ae]. Other self-supervised learning methods have helped link state-based and image-based RL, e.g., using contrastive learning [curl], self-prediction [spr], and augmented data [drq, rad]. Our work in this paper is inspired by the DrQ system [drq], which demonstrated the use of regularization to significantly improve the performance of the Soft Actor Critic method [sac] when trained on image pixels in the context of tasks from the DeepMind Control (DMC) suite [dmcontrol]. However, unlike their focus on solving continuous control tasks based on information encoded in image pixels, we pursue a modular approach for better generalization and efficiency, and focus on effectively sampling long-term goals by introducing a learned semantic map in the pipeline.

Iii Problem Description and Approach

The ObjectNav task initializes a robot in a random location in a previously unexplored environment and requires the robot to navigate to the closest instance of a target object class (e.g., chair, bed). More specifically, the robot’s inputs at each time step include RGB-D images (), odometer readings , and the target object category . The robot has to navigate within of the target object class instance for successful task completion.

 A sequence of RGB and Depth images are processed through a sequence of operations to produce a top-down Semantic Map.
Fig. 2: Semantic Mapping. A sequence of RGB and Depth images are processed through a sequence of operations to produce a top-down Semantic Map.

Iii-a Framework Overview

Figure 1 provides an overview of our framework for the ObjectNav task. It has three key modules: Semantic Mapping, Encoder Network, and a deterministic Local Policy; the novelty is in the adaptation and proposed combination of these modules. The Semantic Mapping module builds a semantic map from the RGB-D images and pose observations (Section III-B). This map and the object goal are passed to the Encoder Network, which extracts high-level features and sends them to the Actor-Critic Network to select a long-term goal that improves performance on the ObjectNav task (Section III-C). An analytical planner is used to compute a deterministic local policy that provides low-level navigational actions to reach the long-term goal (Section III-D). We describe the individual modules below.

Iii-B Semantic Mapping

Figure 2 summarizes the operation of the Semantic Mapping module, which is responsible for constructing and maintaining a semantic metric map and pose of the robot . The map is a matrix where is the map size. Each element of this spatial map represents a cell of size in the physical world. The number of channels in the semantic map is , where is the total number of semantic categories. As shown in the top right of Figure 2, the first two channels represent obstacles and the explored area, and each of the remaining channels represent an object category. For each cell in the map, the channels indicate whether the corresponding location is an obstacle, has been explored, or contains an object of a particular category. The pose denotes the coordinates and the orientation of the robot at time t. The initial position of the robot is at the map’s center, facing East at the start of the episode, i.e., .

The procedure used to create the semantic map is a variant of the process followed by the SemExp method, the state of the art baseline for ObjectNav task [semexp]. First, we use a pretrained Mask R-CNN [maskrcnn] model to estimate the semantic categories from the RGB (image) observations. Next, the depth observations are used to compute point-clouds that are registered in an allocentric coordinate system using the robot’s sequence of poses . Each point in the point cloud is associated with the estimated semantic categories. A voxel representation is then built using differentiable geometric computations over each point in the point cloud. This voxel representation is converted into a semantic map . As stated earlier, channels 1 and 2 correspond to obstacles and explored areas, while the remaining channels correspond to the object categories.

One of the innovations in our framework is the use of image augmentation methods with the semantic map to promote generalization. We explored four such methods:

  • Random Shift: semantic maps of size are padded on each side by four pixels (by repeating boundary pixels) and then randomly cropped back to size.

  • Horizontal/Vertical Flip: this method simply flips the semantic map either horizontally or vertically with probability .

  • Grayscale: this method converts our RGB semantic map into a grayscale image.

  • Rotate: this method rotates our semantic map by degrees, where is uniformly sampled from .

In Section V, we discuss the experimental evaluation of these methods and justify the choice of the random shift method for data augmentation in our work.

Iii-C Encoder Network

The estimated semantic map is passed to our encoder network, along with the robot’s current and past locations and the target object class, to learn better representations. This introduction of an encoder is a key innovation that, as we show later, contributes to a performance improvement in the ObjectNav task. The encoder extracts high-level features that are used by the robot’s actor network to generate a long-term goal, i.e., the region the robot should travel to next to look for an instance of the target object class.

The encoder network architecture comprises of convolutional layers with kernels and channels [drq]; ReLU activation is applied after each convolution layer. We use stride length of one everywhere. The output of these layers is fed into a single fully-connected layer normalized by LayerNorm [layernorm]. Finally, we apply the hyperbolic tangent nonlinear transform to the 50-dimensional output of the fully-connected layer. We initialize the weight matrix of the fully-connected and convolutional layers through the orthogonal initialization method [orthogonal] and set the bias as zero.

The actor-critic network is set up to operate on the output of the encoder network. The actor and critic components have separate encoders, although they share the same weights in the convolution layers. Also, only the optimizer in the critic is allowed to update these weights, e.g., the gradients from the actor do not propagate to the shared convolution layers. We employ the clipped double Q-learning method [doubleq] for the critic. In this method, each Q-function is parameterized as a three-layer multi-layer perceptron (MLP) with ReLU activations after each layer except the last one. The actor is also a three-layer MLP with ReLU activations; it outputs the mean and covariance for the diagonal Gaussian that represents the policy. The hidden layer’s dimension is for both the critic and the actor.

As mentioned earlier, we regularize the Q-function in the update process of the relevant networks to promote generalization. Regularizing the Q-function of the critic network, for example, results in different transformations of the same semantic map to have the same Q-function values [drq].

Our framework uses a replay buffer to store all the transition states, including the semantic map, action, reward, next semantic map, goal category, and next goal category. A batch of transitions are sampled from the replay buffer and used with the augmented semantic map as input to the encoder and actor-critic networks. A long-term goal is sampled once every timesteps. During training, the decrease in the distance to the nearest target object instance after the completion of the episode is used as reward to revise the parameters of the networks.

Algorithm 1 describes the steps for updating the actor-critic network. There are two key differences from the standard soft actor-critic update steps. During the update of the critic network, we average the target Q-values over image transformations:

(1)

where state can be treated as some function with parameters . Also, we then average the Q-function itself over image transformations:

(2)

where is the sampled batch size. The other update steps remain unchanged.

Hyperparameters: Total number of environment steps , mini-batch size , learning rate , target network update rate , image transformation , number of target augmentations , number of augmentations .
for each timestep =  do
end for
procedure UpdateCritic()
Sample a mini batch
for each  do
end for
Update the critic
Update the critic target
end procedure
procedure UpdateActor()
Sample a mini batch
Update the actor
end procedure
Algorithm 1 Steps for updating actor-critic network

Iii-D Local Policy

The local policy enables the robot to navigate to the long-term goal sampled by the actor after the actor-critic network is trained. It is obtained using the Fast Marching Method [fmm], which computes the shortest path from the present location to the long-term goal using the obstacle channel from the semantic map . The robot invokes the local policy to execute deterministic actions and move along the computed shortest path. If a physical robot is performing the ObjectNav task, we could use (for example) a sampling-based motion planner for navigation; we do not do so here because that is beyond the scope of this paper.

Iv Experimental Setup

We use the Gibson benchmark dataset of scenes in the AI Habitat simulator [habitat] for our experiments. Gibson consists of scenes which are 3D reconstructions of real-world environments. We use the train and val splits of the Gibson Tiny dataset for training and testing respectively.We do not use the validation set for hyper-parameter tuning. From the train split, we only trained on 10 scenes at a time due to limitations on the computational resources available for use. Instead we repeated the training and evaluation five times. In each such repetition, we randomly sampled scenes from the Gibson train split dataset, and trained our framework and the baseline for frames. In each repetition, the trained models were evaluated on the same (standard) Gibson val split (with ).

As stated earlier, the observation space consisted of the RGB-D images of size , and the success threshold . The maximum episode length was steps. For the target object categories, we used six object categories which were common between the Gibson dataset and the MS-COCO dataset: ‘chair’, ‘couch’, ‘potted plant’, ‘bed’, ‘toilet’ and ‘tv’ (television).

Parameter Setting
Replay buffer capacity 40000
Minibatch size 8
Discount() 0.99
Optimizer Adam
Critic Learning rate
Critic Q-function soft-update rate () 0.01
Critic encoder soft-update rate () 0.05
Actor Learning rate
Actor log std-dev bounds [-20,2]
Init temperature 0.1
Features Dimension 50
Hidden Dimension 1024
TABLE I: Overview of our framework’s hyperparameters.

We experimentally evaluated the following hypotheses about the capabilities of our framework:

  • Our framework provides better performance on the ObjectNav task in comparison with the baselines.

  • Our framework provides better long-term goals than the state of the art DRL baseline.

We evaluated these hypotheses by comparing our method with the following two baselines.

  1. Random: The robot chooses actions randomly from the set of Habitat simulator actions: move_forward, turn_right, turn_left, and stop.

  2. Semantic Exploration (SemExp): state of the art modular DRL method for ObjectNav, which won the ObjectNav challenge at CVPR 2020 [semexp]. It uses a Proximal Policy Optimization method to process a semantic map and target object class, directly providing a policy to sample long-term goals. We used the open-source implementation made available by the authors.

The experimental evaluation used well-established measures for the ObjectNav task in the research literature [semexp]:

  1. Success: ratio of the number of successful episodes to total number of episodes. An episode is successful if the robot is within a fixed distance (1m) of an instance of the target object class.

  2. SPL (Success weighted by path length): measures the efficiency of path taken by robot compared with optimal path; it is is computed as:

    where N is the number of test episodes, is a binary success indicator, is the length of shortest path to closest instance of target object from the robot’s initial position, and is the length of path traversed by robot.

  3. Distance to Success (DTS): denotes the distance between the robot and the permissible distance to target for success at the end of an episode.

    where is the distance between robot and current goal location at the end of the episode; is the success threshold.

The full list of hyperparameters used in the corresponding algorithms is provided in Table I. We kept the settings identical for every experiment of our framework and conducted paired trials to evaluate the different methods (i.e., our framework, baselines) under similar conditions.

V Experimental Results

Recall that training involved five repetitions of using frames from randomly sampled scenes from the benchmark dataset, with each the training models being evaluated in each such repetition on a separate set of five scenes. We conducted evaluation episodes per scene, leading to a total of 1000 episodes in Gibson (with for evaluation). The corresponding quantitative results are summarized in Table II. In addition, Table III summarizes the performance of our framework during each of the five different splits of scenes, considering 10 scenes in each split. We observe that our framework outperformed the baselines; in particular, it achieved a success rate of compared with the of SemExp [semexp], the established state of the art method for the ObjectNav task.

Method Success SPL DTS (m)
Random 0.004 0.004 3.893
SemExp[semexp] 0.579 0.280 2.050
Our framework 0.637 0.313 1.568
TABLE II: Results of our framework compared with the baselines, when trained on the train split and evaluated on the val split of the Gibson Tiny dataset. Our framework performs substantially better on all measures.
Method Success SPL DTS (m)

Split 1
0.637 0.313 1.568
Split 2 0.638 0.307 1.607
Split 2 0.616 0.301 1.777
Split 3 0.624 0.300 1.655
Split 4 0.631 0.308 1.665
Average 0.629 0.305 1.654
TABLE III: Results of our framework in each of the five different splits (of 10 training scenes) from the Gibson dataset.
Augmentation Success SPL DTS (m)
Flip 0.597 0.272 1.845
Grayscale 0.596 0.284 1.839
Rotate 0.604 0.284 1.706
Random Shift 0.637 0.313 1.568
TABLE IV: Performance of our framework with each of the four different image augmentation methods described in Section III-B; random shifts provides the best balance between simplicity and performance.

Recall that we described four different image augmentation methods in Section III-B. Table IV summarizes the results of evaluating the effectiveness of each of these methods within our framework. These results indicated that the random shifts method provides a good balance between simplicity and performance. We thus only used this method for data augmentation in all our experiments, including those summarized in Table II and Table III.

 Snapshots from a paired trial comparing our framework (right) with the SemExp baseline 
Fig. 3: Qualitative Comparison with SemExp baseline: Snapshots from a paired trial comparing our framework (right) with the SemExp baseline [semexp] (left) in a particular scene. With each method, the robot starts at the same location with the same target object class ‘bed’. Our framework results in an instance of the target object class being found much faster.

Finally, Figure 3 shows a qualitative comparison between our framework and the SemExp baseline in a particular paired trial in which the robot had to locate an instance of the target object class ‘bed’. Snapshots from the baseline are provided on the left, and those from our framework are shown on the right. Our framework resulted in the closest instance of the target object class being found much faster, primarily because it generated better long-term goals and supported better generalization. Additional qualitative results and supporting material are available online: 
https://user432.github.io/objnav-drq/

Vi Conclusion and Future Work

In this paper, we described a modular deep reinforcement learning (DRL) method for the challenging object goal navigation (ObjectNav) task. Our key idea was to treat long-term goal selection (i.e., to determine ‘where to go’) as a DRL problem, using a combination of an Encoder network and an Actor-Critic network to extract high-level (abstract) representations from an estimated semantic map. In addition, we incorporated simple data augmentation methods and value function regularization methods to improve generalization. Experimental results obtained with the Gibson benchmark dataset in the AI Habitat 3D simulation environment demonstrated that our framework substantially improves performance on standard measures in comparison with a state of the art baseline for the ObjectNav task. Future work will further explore and seek to understand the abstract representations that have contributed to the improved performance. We will also consider other benchmark datasets of scenes for evaluation, and conduct ablation studies to understand the contribution of the actor-critic network to the framework’s performance. Furthermore, we will explore the use of the networks trained in simulation on a physical robot operating in an indoor environment.

References