: A Foundation Model for Visual Navigation

Dhruv Shah, Ajay Sridhar, Nitish Dashora,
Kyle Stachowicz, Kevin Black, Noriaki Hirose, Sergey Levine
UC Berkeley
Abstract

General-purpose pre-trained models (“foundation models”) have enabled practitioners to produce generalizable solutions for individual machine learning problems with datasets that are significantly smaller than those required for learning from scratch. Such models are typically trained on large and diverse datasets with weak supervision, consuming much more training data than is available for any individual downstream application. In this paper, we describe the Visual Navigation Transformer (ViNT), a foundation model that aims to bring the success of general-purpose pre-trained models to vision-based robotic navigation. ViNT is trained with a general goal-reaching objective that can be used with any navigation dataset, and employs a flexible Transformer-based architecture to learn navigational affordances and enable efficient adaptation to a variety of downstream navigational tasks. ViNT is trained on a number of existing navigation datasets, comprising hundreds of hours of robotic navigation from a variety of different robotic platforms, and exhibits positive transfer, outperforming specialist models trained on narrower datasets. ViNT can be augmented with diffusion-based goal proposals to explore novel environments, and can solve kilometer-scale navigation problems when equipped with long-range heuristics. ViNT can also be adapted to novel task specifications with a technique inspired by prompt-tuning, where the goal encoder is replaced by an encoding of another task modality (e.g., GPS waypoints or turn-by-turn directions) embedded into the same space of goal tokens. This flexibility and ability to accommodate a variety of downstream problem domains establish ViNT as an effective foundation model for mobile robotics.

Lead Authors. Videos, code, and models: general-navigation-models.github.io.
Refer to caption
Figure 1: Overview of the foundation model. generalizes zero-shot across environments and robot embodiments, and can be directly applied to tasks including exploration and navigation around humans. can also be fine-tuned with a small amount of data to expand its capabilities to new tasks.

1 Introduction

Recently, machine learning methods have achieved broad success in natural language processing [1], visual perception [2, 3, 4], and other domains [5, 6] by leveraging Internet-scale data to train general-purpose “foundation” models that can be adapted to new tasks by zero-shot transfer, prompt-tuning, or fine-tuning on target data [7, 8, 9, 10]. Although this paradigm has been successful in many domains, it is difficult to apply in robotics due to the sheer diversity of environments, platforms, and applications. In this paper we ask the question: what is required of a foundation model for mobile robotics?

In this paper, we define a robot foundation model as a pre-trained model that can be (i) deployed zero-shot in novel, useful settings (e.g., different sensors, robot embodiments, environments etc.), and (ii) adapted to a downstream task of choice (e.g., different objectives, goal specification types, behaviors etc.). We specifically consider the problem of visual navigation, where the robot must navigate its environment solely using egocentric visual observations. A general pre-trained robot navigation model should enable a wide range of navigation applications, readily allow fine-tuning to downstream tasks, and generalize to a broad range of environments and robotic platforms. Such a model should provide a broadly capable navigation policy on top of which applications to specific domains can be constructed, giving a base level of generalization and capabilities to new robotic platforms in zero shot that can be further improved after fine-tuning with a small amount of data.

To this end, we propose the Visual Navigation Transformer, or : a cross-embodiment foundation model for visual navigation with strong zero-shot generalization. We train to reach goals specified by camera images, providing a very general pre-training objective that can be applied to almost any mobile robot dataset. We propose a novel exploration algorithm for the visual navigation paradigm using a diffusion model to propose short-horizon goals, and demonstrate that it enables to navigate in novel environments. can control new robots in zero-shot, explore previously unseen environments, perform indoor mapping, and navigate kilometer-scale outdoor environments without interventions. Furthermore, we show that can be fine-tuned on a small amount of data to achieve high performance with new task specification modalities – such as GPS waypoints or high-level routing commands – allowing to serve as a foundation for a wide variety of navigation applications. Lastly, we qualitatively analyze some emergent behaviors exhibited by , such as implicit preferences and navigation around dynamic pedestrians.

We hope that represents a step towards such general-purpose robot foundation models that can be deployed on a wide range of robots, and on a wide range of tasks, and serve as a foundation for diverse mobile robotic applications. Model weights for as well as training and deployment code will be released on our project page: general-navigation-models.github.io.

2 Related Work

Learning from large, diverse robotic datasets has been studied for various robotic applications where data sharing across similar robots provides a larger training set for more generalizable models [11, 12, 13]. However, for applications in mobile robotics, with varying dynamics and camera configurations (e.g., focal length, field of view, and extrinsics), current approaches tend to rely on learning either from small real-world datasets, which are only representative of a single robotic platform, or from simulation, with paired robot and environment models to transfer learned policies [14, 15, 16]. Instead, our paper follows the paradigm of learning navigation behavior from data collected across multiple different real-world robotic systems [17, 18, 19], while focusing on training a foundation model that can be adapted for a variety of downstream tasks in zero shot or with small amounts of data.

Our goal is to train an effective visual navigation policy that can solve a range of downstream tasks, such as navigating to GPS goals [20], goal images [21], and skill-conditioned driving [22].Following a large body of research in visual navigation, we use a combination of topological graphs for maintaining a spatial representation of the environment and learned policies for low-level control [23, 24, 25, 26, 27, 28], and use learned heuristics to guide the robot in novel environments [15, 29]. But unlike these works, our goal is to train a single generalist model rather than specialist solutions to each of these problems, showing how a single high-capacity model can be adapted for diverse tasks.

The closest related works to are RT-1, I2O, and GNM [15, 19, 30], which study broad generalization across environments and embodiments for robots deployed in real-world settings. While RT-1 demonstrates impressive performance in following diverse instructions, our focus is on adapting a single model across many robots to solve different tasks, by fine-tuning with small amounts of data. I2O and related efforts [15, 16] show impressive transfer from simulation to real-world environments, but we emphasize that our aim is orthogonal to the specific choice of algorithm: we focus on learning a capable navigation policy that can be efficiently adapted to solve different downstream tasks. GNM [19] demonstrates policy learning from heterogeneous RGB datasets, but focuses on the singular task of reaching image goals in the zero-shot setting. Instead, trains a single generalist policy with an emphasis on adaptation to new embodiments and tasks in downstream applications, though it can also be used zero-shot to great effect (Sec. 6.1).

3 The Model

Refer to caption
Figure 2: Model Architecture. uses two EfficientNet encoders ψ,ϕ to generate input tokens to a Transformer decoder. The resulting sequence is concatenated and passed through a fully-connected network to predict (temporal) distance to the goal as well as a sequence of H=5 future actions.

Our model is trained for image-goal navigation, providing general navigational capabilities that can then either be utilized directly, or serve as a pre-trained foundation for downstream fine-tuning with other task specifications. In the image-goal navigation task, the robot is tasked with navigating to a subgoal specified by an image observation s (i.e., the robot’s observation at the goal). Unlike alternative mechanisms for goal specification such as PointGoal [31], GPS navigation, or semantic objectives [32], a model can be trained for image-goal navigation with minimal assumptions, utilizing any data that contains videos and actions, without requirements on ground-truth localization, semantic labels, or other metadata. This makes it practical to train on a large and diverse dataset sourced from many different robots, facilitating broad generalization.

takes as input current and past visual observations otP:t and a subgoal image os, and predicts (i) the number of time steps needed to reach the subgoal (the dynamical distance), and (ii) a sequence with length H of future actions leading towards the subgoal. Our 31M-parameter model, , is built on the Transformer architecture [33] and is optimized for: (i) fast and efficient inference on resource-constrained robots, and (ii) the ability to prompt and fine-tune for downstream tasks. We initialize all networks from scratch and train them end-to-end with the training objective in Eqn. 1. The model architecture is summarized in Figure 2, and described in detail in Appendix A.

Tokenization: The architecture (Fig. 2) first tokenizes its inputs into an embedding of size dmodel=512. independently tokenizes current and P=5 past visual observations by encoding them with an EfficientNet-B0 [34] model, which takes 85×64×3 images as input and outputs a flattened feature vector ψ(oi) from the final convolutional layer [30].

Goal fusion: We found that naïvely extracting features from the goal image ϕ(os) using an EfficientNet encoder ϕ led to poor performance, often ignoring the goal entirely (see Appendix A). We hypothesize that effective features for image-based goal-reaching tasks are often relative, encoding the difference between the current observation and the goal rather than an absolute representation of the goal itself. Hence, we use a separate goal fusion encoder ϕ(ot,os) to jointly encode the current and goal observations. We stack the two images along their channel dimensions, pass them through a second EfficientNet-B0 encoder, and flatten to obtain the goal token.

Transformer: The P+2 observation and goal tokens are combined with a positional encoding and fed into a Transformer backbone f. We use a decoder-only Transformer with nL=4 multi-headed attention blocks, each with nH=4 heads and dFF=2048 hidden units.

Training objective: During training, we first sample a minibatch of trajectories τ from the dataset 𝒟. We then choose P consecutive observations to form the temporal context ot:tP and randomly select a future observation osot+d, with d sampled uniformly from [lmin,lmax], to serve as the subgoal [35]. The corresponding H future actions a^at:t+H and the distance d are used as labels and trained with a maximum likelihood objective:

(ϕ,ψ,f)=𝔼τ𝔼t𝔼d[logp(a^|f(ψ(o)t:tP,ϕ(ot,os))+λlogp(d|f(ψ(o)t:tP,ϕ(ot,os))] (1)

where ϕ,ψ,f are as defined above, and λ balances the two losses.

Embodiment-agnostic action space: To effectively train a single model across robots of varying sizes, speeds, and dynamics, we follow Shah et al. [19] and choose an embodiment-agnostic action space for . To abstract away low-level control, uses relative waypoints as its action space a^; to account for the large variance in speeds and sizes of the robots, we normalize these waypoints by scaling them according to the robot’s top speed. During deployment, a robot-specifc controller is used to un-normalize and track these waypoints using low-level control.

Training data: We train using a large-scale dataset of heterogeneous navigation trajectories from a diverse set of environments and robotic platforms with varying dynamics, camera parameters, and behaviors. The training dataset contains over 100 hours of real-world trajectories sourced entirely from existing datasets, spanning 8 distinct robotic platforms with varying speeds and dynamics. For more details about the dataset, see Appendix C.

Deployment: can run on any robot equipped with an onboard camera and a low-level velocity tracking controller. Given a subgoal image s at time t, we run the model at 4Hz, and use a PD controller to track the predicted waypoints a^ in a receding-horizon fashion.

4 Long-Horizon Navigation with

Refer to caption
Figure 3: Long-horizon navigation in unseen environments with . We use physical search with a topological graph-based planner to explore the environment. An image-to-image diffusion model proposes diverse exploration targets which are spatially grounded using (yellow), and scored using a goal-directed heuristic h. Subgoals are added to the topological graph and executed using the policy.

While the goal-conditioned policy learned by captures a general understanding of navigational affordances and obstacles, it has limited applicability on its own. Many practical tasks are either not defined by goal images, or require a much longer horizon than what directly supports. We apply to several downstream applications by combining it with an episodic memory formed by a topological graph, which provides short-horizon subgoals for reaching faraway locations. In previously unseen environments, we can further augment this graph-based planner with exploratory subgoal proposals, which can drive to explore a new environment and discover a path to the goal. We consider multiple such proposal mechanisms and find that maximum performance is attained by an image diffusion model that samples diverse future subgoal candidates conditioned on the current observation.

These subgoals are scored with a goal-directed heuristic to identify the best subgoal that makes progress towards the goal using a process akin to physical A search [29]. Past observations in the environment and unexplored frontiers are stored as nodes in a topological graph, with their connectivity determined by the distances predicted by . During exploration, we build this topological graph on the fly as the robot explores the environment. During later deployments it may be used for discovering shortcuts to arbitrary goals in the environment. We first describe the high-level algorithm that plans on top of subgoal candidates, and then discuss the process for obtaining these subgoal candidates.

4.1 High-Level Planning and Exploration

Let’s assume that we have access to subgoal candidates osi𝒮 available to for planning. We incorporate these subgoal candidates into an exploration framework for goal-directed exploration in novel environments, where the user provides a high-level goal G, which may be arbitrarily far away. We largely follow prior work [29], but swap out the learned models with and the diffusion model. We summarize the system here, and provide a more complete discussion in Appendix B.3.

We construct a topological graph online to act as episodic memory, with each node as an individual subgoal observation and edges representing paths between two subgoals, added when the path is taken by the robot, or the model predicts a subgoal to be reachable from another node. We frame goal-directed exploration as a search problem, where the robot incrementally builds while searching for the goal. To guide search towards the goal, the robot uses a goal-directed heuristic h(ot,osi,G,,C) to score subgoal candidates according to their likelihood of reaching the goal, given additional context C — for example, a floor plan or satellite imagery [29, 15]. This heuristic may be geometric (e.g., Euclidean distance) or learned (see Appendix B.3).

During deployment in a new environment, the robot uses the diffusion model to generate subgoal candidates 𝒮 from ot, spatially grounds them using , and scores them using the goal-directed heuristic h(.). The robot then selects the best subgoal os according to this heuristic using an A-like planner, adds it to , and drives towards it using (Figure 3). During subsequent deployments in the same environment, the robot can use to discover shortcuts to arbitrary goals in the environment. Please see Appendix B.3 for more details about the planner and heuristics. In our experiments, we consider two candidate search heuristics: a geometric heuristic based on positions of the robot and the goal, and a learned heuristic based on additional context in the form of a satellite image.

4.2 Subgoal Generation with Diffusion

The physical search algorithm presented above relies on the ability to propose subgoal candidates 𝒮 that are both diverse and reachable from the current observation of the robot ot. This amounts to sampling from a high-dimensional, multimodal distribution of RGB images.111Prior work has also studied sampling subgoals in a latent space [36], which may require simpler density models to learn the latent distribution. However, directly implementing this idea in our framework leads to optimization challenges and poor performance (see Section 6.1). Learning a sampling distribution directly in the latent space [37] is an exciting future direction, but orthogonal to the contributions of this work.

To do so, we train a conditional generative model g(osi|ot) on the training data. Specifically, we apply an image-to-image diffusion model [38, 39], a generative model class that is well-suited for producing diverse samples over high-dimensional spaces such as RGB images. We train the model using randomly-sampled future observations from trajectories in the dataset (Appendix B.2), and sample K subgoal candidates 𝒮={s1,,sK} from the model at inference time.

However, these subgoal generations are not spatially grounded: they do not include an actionable relationship to ot. We ground these candidates by using to compute temporal distances d(si,ot) and action rollouts a(si,ot), yielding a set of grounded subgoals as in Fig. 6. While the samples generated by the diffusion model do not necessarily match any real observation (see Figure 3), they preserve sufficient relative features from ot to be plausible, and we find that generalizes well to generated subgoals. We further study the behavior of this diffusion model in Section 6.5.

5 : A Foundation Model For Downstream Tasks

Beyond its core functionality as an image goal-conditioned model, we show that the strong navigational priors learned by can be adapted to a variety of downstream tasks, beyond navigating to image goals, by fine-tuning part or all of the model in novel environments or with new modalities of data.

Refer to caption
Figure 4: Adapting to different goals using a new tunable goal token.

Full model fine-tuning: While demonstrates strong zero-shot generalization to new environments and robots, we can further improve on-task performance by fine-tuning the entire model with the same objective but using on-task data. This allows to quickly learn new skills, forming a continually improving model. can master new environments and embodiments with as little as 1 hour of navigation data, transferring the capabilities of the original model to a new setting without retraining from scratch.

Adapting to new modalities: While specifying image goals gives a general pre-training objective, can easily be adapted to other common forms of goal-specification by learning a “soft prompt” mapping from the desired goal modality to the goal token [10]. We build on the Transformer architecture’s ability to attend to multimodal inputs projected into a shared token space [40, 41]. Given a subgoal σ in a new modality (such as 2D coordinates or high-level routing directions [22]), we train a small neural network ϕ~ that maps the subgoal to this shared token space as shown in Figure 4, and replace ϕ(ot,os). We fine-tune with on-task data 𝒟F using the modified objective:

adapt=𝔼τ𝒟F𝔼t𝔼d[logp(a^|f(ψ(o)t:tP,ϕ~(σ))+λlogp(d|f(ψ(o)t:tP,ϕ~(σ)))] (2)

This allows adaptation to new tasks with minimal data, while still leveraging the performance and generalization of . Appendix B.4 includes additional details.

6 Real-world Evaluation

Refer to caption
Figure 5: accomplishes long-horizon navigation with a variety of objectives in indoor and outdoor environments; example trajectories between start (orange) and goal (green) visualized here. Goal-reaching behavior can be achieved with a goal-directed heuristic (optionally guided by satellite imagery), while removing this heuristic allows for undirected exploration to maximally cover a workspace.

We deployed our foundation model on five distinct robotic platforms, including a drone, a quadruped, and two other novel robots which are not present in the training data. We designed our experiments to answer the following questions:

  1. Q1.

    Can efficiently explore previously unseen environments and incorporate heuristics?

  2. Q2.

    Does generalize to novel robots, environments, and obstacles?

  3. Q3.

    Can be fine-tuned to improve performance in out-of-distribution environments?

  4. Q4.

    Can the policy be adapted to handle new task specification and modalities?

Please see Appendix D for more details on platforms used in the training data and in evaluation. We did not perform any careful system identification or homogenization of sensors across the robots and datasets; all datasets are used as obtained from their original sources, and every robot platform has its own low-level controller and onboard stack.

6.1 Navigation Performance

Indoor Outdoor
Method Success Success
End-to-End BC 0.72 0.44
End-to-End GCG [42] 0.61
RECON 0.19 0.23
-R (Random Subgoals) 0.81
0.94 1.00
[Uncaptioned image]
Table 1: paired with our physical search algorithm consistently outperforms baselines for the task of undirected goal-reaching in indoor and outdoor environments (left). By effectively planning over diffusion subgoal proposals, is able to find an efficient path to the goal. Other baselines struggle to explore large indoor environments, shown by trajectories overlaid on an indoor floor plan (right).
Refer to caption
Figure 6: Visualizing exploration rollouts in challenging indoor environments using the Vizbot (top) and LoCoBot (bottom) robotic platforms. Future action samples a^ obtained by spatially grounding the subgoal candidates are shown in yellow, with the best actions corresponding to the best candidate marked in blue.

Towards understanding Q1, we deploy our full graph-based navigation pipeline (Section 4.1) in a variety of challenging indoor and outdoor environments, previously unseen in the training data. We evaluate the performance of on two challenging tasks: (i) coverage exploration, where the objective is maximally explore an environment in search of a goal whose location is unknown, and (ii) guided exploration, where the objective is to reach a goal using contextual information such as GPS coordinates or a satellite image (see Figure 5 for task examples). We compare to a variety of baselines, including end-to-end policies trained with imitation or RL [42, 15], a prior graph-based approach using a VIB for exploration [36], and an ablation of that samples random images from the training set to use as goals rather than generating subgoals with a diffusion model. See Appendix E.1 for details about the experimental setup.

Indoor: Position Outdoor: GPS Outdoor: Satellite
Method Success Distance Success SPL Distance Success SPL Distance
ViKiNG [29] 0.60 56m 0.64 0.42 720m 0.77 0.68 780m
0.90 91m 0.95 0.84 1270m 1.00 0.94 1040m
Table 2: can effectively utilize goal-directed heuristics, such as 2D goal positions and satellite images, to explore novel kilometer-scale environments successfully and without interventions.

For the coverage exploration task, the agent is placed in an unknown environment and tasked with exploring the environment maximally in search of the goal without any additional cues. Table 1 summarizes the success rates for this task in indoor and outdoor environments. We find that, while end-to-end baselines avoid collisions with their surroundings, they fail to explore new areas and often get stuck in small areas of the environment. Graph-based methods avoid this trap by explicitly reasoning about coverage with the search objective, leading to a high success rate for . Qualitative analysis (Table 1-right) shows that planning over the diverse subgoals proposed using diffusion leads to more efficient paths, whereas other baselines take winding paths while exploring. Figure 5 illustrates the egocentric rollouts of the coverage exploration task in challenging indoor environments. -R performs respectably despite the lack of valid subgoal proposals. See Section 6.5 for a discussion on this observation.

Refer to caption
Figure 7: Satellite-guided physical search with . We visualize a 765m rollout of with a satellite image-based heuristic from start (orange) to goal (green). The future action samples a^ obtained by spatially grounding the subgoal candidates for five instances in the trajectory are shown in yellow. An A-like planner uses the heuristic to pick the best subgoal (corresponding a^ marked in blue), guiding the robot to the goal.

This observation extends to the position-guided navigation task (Table 2), where the robots are tasked with reaching a 2D goal position in a previously unseen environment. The robots have access to onboard wheel odometry (indoors), GPS coordinates (outdoors), or passive satellite imagery (outdoors), to track their position and use as a goal-directed heuristic. Compared to a baseline of the previous state of the art [29], we find that the various sub-goal predictions from the diffusion model paired with the graph-based scoring scheme lead to a higher success rate and a greater distance traveled without collisions. is also more effective at avoiding collisions in crowded indoor spaces, and more efficient at reaching goals in outdoor spaces (captured by the SPL metric), owing to the implicit affordances and preferences learned by the large-scale pre-training (see further analysis in Section 6.5. also requires fewer interventions, observed by the larger distance before observed collisions. Figure 7 illustrates a rollout of physical search in an outdoor environment with using satellite image as context (also see Figure 5).

6.2 Zero-Shot Generalization: a Single Policy to Drive Any Robot

Towards answering Q2, we deploy the same pre-trained policy on four distinct robotic platforms without any fine-tuning for the task of undirected exploration. We report the maximum displacement of the robot (in meters) from its starting position, without interventions, as a proxy for reaching arbitrarily distant goals in complex environments in Table 3. Most notably, successfully generalizes zero-shot to control a Go 1 quadruped, which does not appear during training.

Model LoCoBot Go 1 Vizbot Jackal
Single-Robot 40 12 40 184
GNM [19] 60 8 20 427
120 45 110 438
Table 3: In coverage tasks, drives different robots for 100s of meters (reported maximum displacement without intervention), beating lower-capacity models (GNM) and specialist models trained on a single robot dataset.

We compare trained across all the combined datasets and robots to the best single-robot baseline — a model trained using data only from the target environment — as well as the GNM model [19] trained on all datasets. We observe that policies trained across robot embodiments can not only match, but also outperform, single-robot models across all the embodiments we studied. We also find that the larger capacity of leads to improved generalization compared to the smaller GNM model, especially on robots that do not appear in the training dataset (e.g., Go 1). Crucially, we also find that demonstrates positive transfer for in-domain robots (Vizbot), greatly outperforming a specialist model trained on only the target robot and setting, an emergent phenomenon not present in smaller models. This indicates that the model generalizes between tasks to improve performance, a key property of a foundation model.

6.3 Broader Generalization via Fine-Tuning

To answer Q3, we consider the problem of fine-tuning in the low data regime. In this setting, the entire model is fine-tuned end-to-end with a reduced learning rate of 1×104 over nep=5 epochs (Section 5). We assume access to a small amount of on-task data (at most 5 hours, with successful results in 1-2 hours of data), and study the the efficiency of learning from subsets of this data using . We study fine-tuning for the task of autonomous driving in the CARLA simulator for two reasons: (i) the simulated CARLA environment is perceptually distinct from the real-world data used to train (Fig. 8), and (ii) the on-road driving task requires very specific semantic behavior, i.e., driving in a lane and making smooth turns, that is not present in our real-world training data. We show that can be fine-tuned on a small amount of data (under 1 hour) to achieve strong performance by effectively leveraging the navigational priors encoded in the model.

Refer to caption
Figure 8: The CARLA test environment (top), and a bird’s eye view showing high-level routing commands for the routing task.

We compare the backbone to several alternatives, including visual representations trained with supervised learning [2], unsupervised objectives [7, 43, 44], and an embodiment-agnostic navigation policy [19]. We use the same fine-tuning data and procedure for all models (see Section 5); please see Appendix E.3 for more details.

Table 3 summarizes our findings. We report fractional progress towards the goal as “success”, and the fraction of trajectories where the agent drives within the driving lane as “in lane”. While pre-trained visual representations significantly improve task performance over a policy trained entirely from scratch, we observe that the learned policies suffer from frequent collisions and poor performance. GNM [19] outperforms these baselines due to its strong navigation prior, but the lower-capacity model is unable to generalize fully to the task. , on the other hand, is able to achieve strong performance, achieving substantially higher success rate than the next best baseline. Sweeping over fine-tuning dataset size (Table 3-right) shows that achieves strong performance with as little as 1 hour of fine-tuning data, demonstrating its ability to generalize to new environments with very little data.

Images Positions Routing
Method Success In Lane Success Success
Scratch 0.45 0.74 0.79 0.43
ImageNet 0.22 0.71 0.59 0.45
SimCLR [7] 0.21 0.63 0.70 0.64
VC-1 [44] 0.19 0.65 0.49 0.38
GNM [19] 0.49 0.66 0.45 0.49
0.82 0.82 0.89 0.72
[Uncaptioned image]
Table 3: Left: can be fine-tuned end-to-end (Images) or adapted to downstream tasks (Positions and Routing), and outperforms training from scratch and other pre-training methods. Right: can transfer navigational affordances to novel tasks (40% success without fine-tuning), and efficiently masters the task (80% success) with less than 1 hour of fine-tuning data. fine-tuning (green) outperforms a single-domain model trained with 5× data (orange).

6.4 Adapting to Downstream Tasks

To evaluate Q4, we investigate whether can serve as a foundation model for a broader range of downstream tasks by considering goal modalities beyond subgoal images (see Section 6.4). We consider the same CARLA driving task but with two different high-level planners: (i) a position-based planner that commands a sequence of GPS waypoints, and (ii) a routing planner with similar functionality to Google Maps that commands high-level navigation directions (left/right/straight) to the policy [22]. We compare the pre-trained navigational priors learned by to the baselines discussed earlier, corresponding to pre-trained visual representations and policies, each adapted to the downstream task using the same on-task data (see Appendix E.3 for more details).

Table 3 summarizes our results for the two tasks. We again find that general pre-trained visual representations, such as ImageNet or VC-1, are not sufficient to extract navigational affordances for challenging downstream tasks, suggesting that effective generalization requires more than general visual representations [45, 44]. We also find that unlike fine-tuning, GNM [19] struggles with the adaptation task, suggesting that the architecture and increased capacity of are essential for broad generalization and adaptation. achieves strong performance on both tasks, demonstrating its ability to serve as a foundation model for downstream tasks.

6.5 Emergent Behaviors

One of the most exciting aspects of large-scale machine learning is the potential for emergent behavior that arises from the training of large models on diverse datasets. Despite the simple self-supervised training objective used by (Equation 1), it shows a number of emergent behaviors, which we describe qualitatively in this section and present as examples on the project page and supplemental videos: general-navigation-models.github.io.

Refer to caption
Figure 9: Samples from the diffusion model may be invalid subgoals, but is robust to such proposals.

Implicit navigation affordances: Ideally, we would like a robot foundation model to exhibit some desirable “default” behavior, while providing a mechanism for downstream applications to adapt this behavior as needed. We find that has this property vis-a-vis collision-avoidance. One piece of evidence is its behavior when provided with random subgoals from locations that are not reachable by the robot, studied quantatively via the -R baseline in Table 1. In this case, despite the subgoals being invalid and out-of-distribution (was only trained to reach subgoals), succeeds at exploring the environment and reaches the goal 80% of the time, outperforming all baselines. This suggests that takes collision-free actions when provided with meaningless goals (i.e. the above “default”), while still attempting to follow reachable subgoals.

Refer to caption
Figure 10: exhibits an implicit preference for following paved roads (left) and hallways (right).

Indeed, although the “full” version of our method augmented with the diffusion model performs better, the subgoals generated by this model are often of low quality with many artifacts, and sometimes do not match any real reachable state (Figure 9). Nonetheless, because of this “default” behavior, is able to successfully leverage the valid subgoals, while ignoring the bad ones, and demonstrate collision-free navigation in previously unseen environments.

Implicit navigation preferences: Yet another interesting property exhibited by is its implicit preference to follow paved roads (outdoors), and drive smoothly in the middle of hallways (indoors), as demonstrated in Figure 10 and in the supplemental video. This is particularly interesting since a large chunk of the pre-training dataset contains suboptimal, weavy trajectories, and suggests that can learn “good” default behavior from the diverse training behaviors. This preference helps efficiently explore previously unseen environments, where other baselines tend to explore the environment haphazardly (see Table 1 (right)).

Robustness to dynamic pedestrians: While is trained only on offline data with a simple, self-supervised training objective, we find that its collision avoidance capabilities generalize to dynamic obstacles and pedestrians. Figure 11 exhibits an instance where the robot is tasked with navigating to a goal behind two pedestrians. selects actions that avoid the pedestrians and recovers to the original path, successfully reaching the goal.

Refer to caption
Figure 11: Robustness to dynamic pedestrians. can successfully navigate around a crowd of dynamic pedestrians and reach the goal behind them, despite its simple self-supervised training objective.

7 Discussion

We presented , a robot foundation model that is trained for a generic image-goal navigation task on diverse data from many different robots, and can then support a variety of different navigation functionalities. can be deployed for long-horizon navigation in combination with a topological graph planning method, explore new environments with goals proposed by a diffusion model, be fine-tuned to new domains (such as autonomous driving), and be adapted to new task specification methods, such as GPS coordinates or turn-by-turn routing commands. Our results show that can successfully generalize across robots and environments, outperforms prior navigational models, can be efficiently fine-tuned to new domains and tasks, and shows promising emergent behaviors such as navigating through dynamic pedestrians.

Limitations and Future Work

As with many large-scale models, carries a heavier computational burden at inference time, which can present a challenge for power-constrained platforms such as quadcopters. While our design aims to enable efficient inference, our Transformer-based model is still significantly costlier to run at deployment time than simpler feedforward convolutional networks. Additionally, although generalizes effectively across robots in our experiments, it assumes a degree of structural similarity. For example, it cannot control the altitude of a quadcopter or handle other changes in the action representation, nor accommodate new sensors such as LIDAR. Training on a variety of modalities and action spaces in future work could unlock this capability. More broadly, while illustrates the promise of a general-purpose and broadly reusable navigational foundation model, we believe that the most exciting developments for general-purpose cross-robot models are still ahead: as larger and larger multi-robot datasets are assembled, perhaps we will see even broader generalization and more flexible specification with increasingly powerful and general-purpose robotic models. We hope that represents a step in this direction.

Acknowledgments

This research was partly supported by ARL DCIST CRA W911NF-17-2-0181, ARO W911NF-21-1-0097, IIS-2150826, and compute from Google TPU Research Cloud, NVIDIA, NSF CloudBank, and the Berkeley Research Computing program. The authors would like to thank Yunhao Cao, Seung-Hyun Kwon, Hrish Leen, Laura Smith, Medini Tolpadi, and Christopher Yu, for help with setting up experiments; Ted Xiao, for help with reproducing RT-1; Chethan Bhateja, Devendra Singh Chaplot, Kuan Fang, Adrien Gaidon, Dibya Ghosh, Saurabh Gupta, Haresh Karnan, Vijay Kumar, Hrish Leen, Fangchen Liu, Arjun Majumdar, Carlos Nieto, Aravind Rajeswaran, Ethan Stump, Jie Tan, Joanne Truong, and Tingnan Zhang, for useful discussions and feedback during various stages of this research. The authors would also like to thank Byron Boots, Gregory Kahn, Haresh Karnan, Xiangyun Meng, and Xuesu Xiao, for their help in aggregating the dataset used for training .

Author Contributions

DS: Designed and trained the architecture, investigated goal-fusion challenges, conceptualized prompt-tuning for adaptation, integrated diffusion-based sampling and scoring with , gathered heterogeneous datasets, implemented baselines, conducted all outdoor experiments on Jackal, wrote key sections of the paper, led and coordinated the project.

AS: Implemented graph-based search, investigated goal-fusion challenges, implemented and trained different goal-fusion architectures, integrated diffusion-based sampling and scoring with , investigated emergent behaviors, processed datasets, implemented baselines, conducted indoor experiments on LoCoBot and Go 1.

ND: Conceptualized and implemented prompt-tuning for adaptation, wrote data-collection and labeling pipeline for CARLA, implemented baselines, conducted all fine-tuning and adaptation experiments in CARLA.

KS: Investigated emergent behaviors, supported indoor experiments, wrote and edited key sections of the paper.

KB: Conceptualized diffusion-based sampling and scoring, implemented and trained the diffusion model, helped write related sections of the paper.

NH: Advised on various aspects of the project, conducted indoor experiments on Vizbot.

SL: Advised, set direction, wrote and edited key sections of the paper.

References

  • Radford et al. [2018] A. Radford, K. Narasimhan, T. Salimans, I. Sutskever, et al. Improving language understanding by generative pre-training. 2018.
  • Deng et al. [2009] J. Deng, W. Dong, R. Socher, L.-J. Li, K. Li, and L. Fei-Fei. Imagenet: A large-scale hierarchical image database. In Conference on Computer Vision and Pattern Recognition (CVPR), 2009.
  • Carreira and Zisserman [2017] J. Carreira and A. Zisserman. Quo vadis, action recognition? a new model and the kinetics dataset. In Conference on Computer Vision and Pattern Recognition (CVPR), July 2017.
  • Grauman et al. [2022] K. Grauman et al. Ego4d: Around the world in 3,000 hours of egocentric video. In Conference on Computer Vision and Pattern Recognition (CVPR), 2022.
  • Ramesh et al. [2022] A. Ramesh, P. Dhariwal, A. Nichol, C. Chu, and M. Chen. Hierarchical text-conditional image generation with clip latents. arXiv preprint arXiv:2204.06125, 2022.
  • Chen et al. [2021] M. Chen et al. Evaluating large language models trained on code. arXiv preprint arXiv:2107.03374, 2021.
  • Chen et al. [2020] T. Chen, S. Kornblith, M. Norouzi, and G. Hinton. A simple framework for contrastive learning of visual representations. International Conference on Machine Learning (ICML), 2020.
  • Shah et al. [2022] D. Shah, B. Osiński, B. Ichter, and S. Levine. Robotic navigation with large pre-trained models of language, vision, and action. In Conference on Robot Learning (CoRL, 2022.
  • Liu et al. [2021] X. Liu, Y. Li, C. Liang, and X. Li. The power of scale for parameter-efficient prompt tuning. In Conference on Empirical Methods in Natural Language Processing (EMNLP), 2021.
  • Lester et al. [2021] B. Lester, R. Al-Rfou, and N. Constant. The power of scale for parameter-efficient prompt tuning. In Conference on Empirical Methods in Natural Language Processing (EMNLP), 2021.
  • Devin et al. [2017] C. Devin, A. Gupta, T. Darrell, P. Abbeel, and S. Levine. Learning modular neural network policies for multi-task and multi-robot transfer. In 2017 International Conference on Robotics and Automation (ICRA), 2017.
  • Dasari et al. [2020] S. Dasari, F. Ebert, et al. Robonet: Large-scale multi-robot learning. In Conference on Robot Learning (CoRL), 2020.
  • Yu et al. [2020] F. Yu, H. Chen, X. Wang, W. Xian, Y. Chen, F. Liu, V. Madhavan, and T. Darrell. Bdd100k: A diverse driving dataset for heterogeneous multitask learning. In Conference on Computer Vision and Pattern Recognition (CVPR), June 2020.
  • Anderson et al. [2020] P. Anderson, A. Shrivastava, J. Truong, A. Majumdar, D. Parikh, D. Batra, and S. Lee. Sim-to-real transfer for vision-and-language navigation. arXiv preprint arXiv:2011.03807, 2020.
  • Truong et al. [2023] J. Truong, A. Zitkovich, S. Chernova, D. Batra, T. Zhang, J. Tan, and W. Yu. Indoorsim-to-outdoorreal: Learning to navigate outdoors without any outdoor experience. arXiv preprint arXiv:2305.01098, 2023.
  • Kadian et al. [2020] A. Kadian, J. Truong, A. Gokaslan, A. Clegg, E. Wijmans, S. Lee, M. Savva, S. Chernova, and D. Batra. Sim2Real Predictivity: Does Evaluation in Simulation Predict Real-World Performance? IEEE Robotics and Automation Letters, 2020.
  • Loquercio et al. [2018] A. Loquercio, A. I. Maqueda, C. R. del Blanco, and D. Scaramuzza. Dronet: Learning to fly by driving. IEEE Robotics and Automation Letters, 2018.
  • Hirose et al. [2023] N. Hirose, D. Shah, A. Sridhar, and S. Levine. ExAug: Robot-Conditioned Navigation Policies via Geometric Experience Augmentation. In International Conference on Robotics and Automation (ICRA), 2023.
  • Shah et al. [2023] D. Shah, A. Sridhar, A. Bhorkar, N. Hirose, and S. Levine. GNM: A General Navigation Model to Drive Any Robot. In International Conference on Robotics and Automation (ICRA), 2023.
  • Manolis Savva* et al. [2019] Manolis Savva*, Abhishek Kadian*, Oleksandr Maksymets*, Y. Zhao, E. Wijmans, B. Jain, J. Straub, J. Liu, V. Koltun, J. Malik, D. Parikh, and D. Batra. Habitat: A Platform for Embodied AI Research. In International Conference on Computer Vision (ICCV), 2019.
  • Zhu et al. [2017] Y. Zhu, R. Mottaghi, E. Kolve, J. J. Lim, A. Gupta, L. Fei-Fei, and A. Farhadi. Target-driven visual navigation in indoor scenes using deep reinforcement learning. In International Conference on Robotics and Automation (ICRA), 2017.
  • Codevilla et al. [2018] F. Codevilla, M. Müller, A. López, V. Koltun, and A. Dosovitskiy. End-to-End Driving Via Conditional Imitation Learning. In International Conference on Robotics and Automation (ICRA), 2018.
  • Savinov et al. [2018] N. Savinov, A. Dosovitskiy, and V. Koltun. Semi-Parametric Topological Memory for Navigation. In International Conference on Learning Representations (ICLR), 2018.
  • Bruce et al. [2018] J. Bruce, N. Sunderhauf, P. Mirowski, R. Hadsell, and M. Milford. Learning deployable navigation policies at kilometer scale from a single traversal. In A. Billard, A. Dragan, J. Peters, and J. Morimoto, editors, 2nd Conference on Robot Learning, 2018.
  • Faust et al. [2018] A. Faust, K. Oslund, O. Ramirez, A. Francis, L. Tapia, M. Fiser, and J. Davidson. Prm-rl: Long-range robotic navigation tasks by combining reinforcement learning and sampling-based planning. In 2018 International Conference on Robotics and Automation (ICRA), 2018.
  • Meng et al. [2020] X. Meng, N. Ratliff, Y. Xiang, and D. Fox. Scaling Local Control to Large-Scale Topological Navigation. In International Conference on Robotics and Automation (ICRA), 2020.
  • Shah et al. [2021] D. Shah, B. Eysenbach, G. Kahn, N. Rhinehart, and S. Levine. ViNG: Learning Open-World Navigation with Visual Goals. In International Conference on Robotics and Automation (ICRA), 2021.
  • Hirose et al. [2019] N. Hirose, F. Xia, R. Martín-Martín, A. Sadeghian, and S. Savarese. Deep Visual MPC-Policy Learning for Navigation. IEEE Robotics and Automation Letters, 2019.
  • Shah and Levine [2022] D. Shah and S. Levine. ViKiNG: Vision-Based Kilometer-Scale Navigation with Geographic Hints. In Robotics: Science and Systems (RSS), 2022.
  • Brohan et al. [2023] A. Brohan et al. Rt-1: Robotics transformer for real-world control at scale. arXiv preprint arXiv:2212.06817, 2023.
  • Anderson et al. [2018] P. Anderson et al. On Evaluation of Embodied Navigation Agents. arXiv preprint arXiv:1807.06757, 2018.
  • Wani et al. [2020] S. Wani, S. Patel, U. Jain, A. Chang, and M. Savva. Multion: Benchmarking semantic map memory using multi-object navigation. In Neural Information Processing Systems (NeurIPS), 2020.
  • Vaswani et al. [2017] A. Vaswani, N. Shazeer, N. Parmar, J. Uszkoreit, L. Jones, A. N. Gomez, L. u. Kaiser, and I. Polosukhin. Attention is all you need. In I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett, editors, Advances in Neural Information Processing Systems, volume 30. Curran Associates, Inc., 2017. URL https://proceedings.neurips.cc/paper_files/paper/2017/file/3f5ee243547dee91fbd053c1c4a845aa-Paper.pdf.
  • Tan and Le [2019] M. Tan and Q. Le. EfficientNet: Rethinking model scaling for convolutional neural networks. In K. Chaudhuri and R. Salakhutdinov, editors, Proceedings of the 36th International Conference on Machine Learning, volume 97 of Proceedings of Machine Learning Research, pages 6105–6114. PMLR, 09–15 Jun 2019. URL https://proceedings.mlr.press/v97/tan19a.html.
  • Hartikainen et al. [2020] K. Hartikainen, X. Geng, T. Haarnoja, and S. Levine. Dynamical Distance Learning for Semi-Supervised and Unsupervised Skill Discovery. In International Conference on Learning Representations (ICLR), 2020.
  • Shah et al. [2021] D. Shah, B. Eysenbach, N. Rhinehart, and S. Levine. Rapid exploration for open-world navigation with latent goal models. In Conference on Robot Learning (CoRL), 2021.
  • Rombach et al. [2022] R. Rombach, A. Blattmann, D. Lorenz, P. Esser, and B. Ommer. High-resolution image synthesis with latent diffusion models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 10684–10695, June 2022.
  • Ho et al. [2020] J. Ho, A. Jain, and P. Abbeel. Denoising diffusion probabilistic models. In Neural Information Processing Systems, 2020.
  • Saharia et al. [2022] C. Saharia, W. Chan, H. Chang, C. Lee, J. Ho, T. Salimans, D. Fleet, and M. Norouzi. Palette: Image-to-image diffusion models. In ACM SIGGRAPH 2022 Conference Proceedings, pages 1–10, 2022.
  • Driess et al. [2023] D. Driess, F. Xia, M. S. M. Sajjadi, C. Lynch, A. Chowdhery, B. Ichter, A. Wahid, J. Tompson, Q. Vuong, T. Yu, W. Huang, Y. Chebotar, P. Sermanet, D. Duckworth, S. Levine, V. Vanhoucke, K. Hausman, M. Toussaint, K. Greff, A. Zeng, I. Mordatch, and P. Florence. Palm-e: An embodied multimodal language model. In arXiv preprint arXiv:2303.03378, 2023.
  • Jiang et al. [2023] Y. Jiang, A. Gupta, Z. Zhang, G. Wang, Y. Dou, Y. Chen, L. Fei-Fei, A. Anandkumar, Y. Zhu, and L. Fan. Vima: General robot manipulation with multimodal prompts. arXiv preprint arXiv:2210.03094, 2023.
  • Kahn et al. [2018] G. Kahn, A. Villaflor, B. Ding, P. Abbeel, and S. Levine. Self-Supervised Deep RL with Generalized Computation Graphs for Robot Navigation. In International Conference on Robotics and Automation (ICRA), 2018.
  • Radosavovic et al. [2022] I. Radosavovic, T. Xiao, S. James, P. Abbeel, J. Malik, and T. Darrell. Real-world robot learning with masked visual pre-training. In Conference on Robot Learning (CoRL), 2022.
  • Majumdar et al. [2023] A. Majumdar, K. Yadav, S. Arnaud, Y. J. Ma, C. Chen, S. Silwal, A. Jain, V.-P. Berges, P. Abbeel, J. Malik, D. Batra, Y. Lin, O. Maksymets, A. Rajeswaran, and F. Meier. Where are we in the search for an artificial visual cortex for embodied intelligence? arXiv preprint arXiv:2303.18240, 2023.
  • Parisi et al. [2022] S. Parisi, A. Rajeswaran, S. Purushwalkam, and A. Gupta. The unsurprising effectiveness of pre-trained vision models for control. arXiv preprint arXiv:2203.03580, 2022.
  • Loshchilov and Hutter [2019] I. Loshchilov and F. Hutter. Decoupled weight decay regularization. In International Conference on Learning Representations (ICLR), 2019.
  • Song et al. [2020] J. Song, C. Meng, and S. Ermon. Denoising diffusion implicit models. arXiv preprint arXiv:2010.02502, 2020.
  • von Platen et al. [2022] P. von Platen, S. Patil, A. Lozhkov, P. Cuenca, N. Lambert, K. Rasul, M. Davaadorj, and T. Wolf. Diffusers: State-of-the-art diffusion models. https://github.com/huggingface/diffusers, 2022.
  • Kingma et al. [2021] D. Kingma, T. Salimans, B. Poole, and J. Ho. Variational diffusion models. Neural Information Processing Systems (NeurIPS), 2021.
  • Ho and Salimans [2022] J. Ho and T. Salimans. Classifier-free diffusion guidance. arXiv preprint arXiv:2207.12598, 2022.
  • Saharia et al. [2022] C. Saharia, W. Chan, S. Saxena, L. Li, J. Whang, E. L. Denton, K. Ghasemipour, R. Gontijo Lopes, B. Karagol Ayan, T. Salimans, et al. Photorealistic text-to-image diffusion models with deep language understanding. Neural Information Processing Systems (NeurIPS), 2022.
  • Oord et al. [2018] A. v. d. Oord, Y. Li, and O. Vinyals. Representation learning with contrastive predictive coding. arXiv preprint arXiv:1807.03748, 2018.
  • Karnan et al. [2022] H. Karnan et al. Socially CompliAnt Navigation Dataset (SCAND): A Large-Scale Dataset Of Demonstrations For Social Navigation. IEEE Robotics and Automation Letters, 2022.
  • Shaban et al. [2022] A. Shaban, X. Meng, J. Lee, B. Boots, and D. Fox. Semantic terrain classification for off-road autonomous driving. In Conference on Robot Learning (CoRL), 2022.
  • Triest et al. [2022] S. Triest et al. TartanDrive: A Large-Scale Dataset for Learning Off-Road Dynamics Models. In International Conference on Robotics and Automation (ICRA), 2022.
  • Agha et al. [2021] A. Agha et al. Nebula: Quest for robotic autonomy in challenging environments; team costar at the darpa subterranean challenge. arXiv preprint arXiv:2103.11470, 2021.
  • Hirose et al. [2023] N. Hirose, D. Shah, A. Sridhar, and S. Levine. Sacson: Scalable autonomous control for social navigation. arXiv preprint arXiv:2306.01874, 2023.
  • Niwa et al. [2022] T. Niwa, S. Taguchi, and N. Hirose. Spatio-temporal graph localization networks for image-based navigation. In International Conference on Intelligent Robots and Systems (IROS), 2022.
  • He et al. [2022] K. He, X. Chen, S. Xie, Y. Li, P. Dollár, and R. Girshick. Masked autoencoders are scalable vision learners. In Conference on Computer Vision and Pattern Recognition (CVPR), 2022.

Appendix

Appendix A Model Architecture

Table 4 shows the model architecture in detail. We use all 18 layers of the EfficientNet-B0 convolutional encoder [34], initialized from scratch, to tokenize the observation and subgoal images into 512-dimensional embeddings each. We utilize an observation encoder to tokenize the past and current observation images and a joint observation and goal encoder to tokenize the subgoal image fused with the current observation image channel-wise. For tokenizing the joint observation and subgoal token, images ot and os are concatenated along their channel dimension, yielding a 6×85×64 tensor per training data point.

Layer Input [Dimensions] Output [Dimensions] Layer Details
1 ot, os [64, 85, 3] Itg [64, 85, 6] Concatenate observations and goal
2 Its [64, 85, 6] Ets [1, 1000] Goal EfficientNet encoder
3 ot:tP [P+1, 64, 85, 3] Et:tP [P+1, 1000] Context EfficientNet encoder
4 Ets [1, 1000] Ets [1, 512] Goal embedding compression
5 Et:tP [P+1, 1000] Et:tP [P+1, 512] Context embedding compression
6 Et:tP [P+1, 512], Ets [1, 512] S [P+2, 512] Concatenate
7 S [P+2, 512] S~ [1, 32] Feed into Transformer f
8 S~ [1, 32] d Predict temporal distance d
9 S~ [1, 32] a^, [1, T, 4] Predict future actions a^
Table 4: Architectural Details of The inputs to the model are RGB images ot:tP[0,1]P×3×85×64 and os[0,1]3×85×64, representing the current, past, and goal images. We seek to predict a H future actions a^ and the temporal distance d.

A.1 Goal-Conditioning Architectures

We considered different mechanisms for conditioning with features from the subgoal image, as illustrated in Figure 12.

  1. 1.

    Late Fusion: Extract the observation and goal features independently and fuse them in the multi-head attention layers. To achieve this effect, we avoid any channel-wise concatenation between any of the observation and goal images before inputting them into the model.

  2. 2.

    Early Fusion: Jointly extract observation (context) and goal features and fuse the observation and goal features before we tokenize them. We achieve this by concatenating the goal image with every observation image along the channel dimension. We remove the goal token in this setup since information about the goal is already in every observation token.

  3. 3.

    FiLM (RT-1): Following the FiLM+EfficientNet encoder (Brohan et al. [30]), encode each observation image separately. For conditioning on visual goals, we replace the “Universal Sentence Encoder” with an EfficientNet encoder. We remove the goal token in this setup since information about the goal is already in every observation token.

Our observations are summarized in Table 5. While FiLM works well for language, we found that training was unstable for image-based navigation tasks. Instead, we directly encode each observation independently and pass them to a Transformer. Ideally, the goal would be encoded separately and then combined with the observations in the Transformer layers, allowing the entire goal encoder to later be swapped out for different goal modalities. Unfortunately, we found that this approach (which we term “late fusion”, as the goal and observations are not fused until after encoding them) performs poorly: in image-based navigation, it is the relative features between the observation and goal images that are important, rather than absolute goal features. An “early fusion” architecture would fuse the goal image with all the past and current observation images immediately, which allows for learning joint features between the goal image and current state. However, this architecture is inflexible as the observation encoder would have to be learned entirely from scratch when adapting to a new goal modality. avoids this issue by using two distinct types of encoders: an observation-only encoder used to tokenize each observation image, and a joint observation and goal encoder that should extract relative goal features. This latter encoder can be replaced to allow alternative goal specifications in downstream tasks, as described in Appendix B.4. Specifically, we adapt to new tasks by learning the final token conditioned on the new task goal information in place of the joint observation/goal encoder.

Refer to caption
Figure 12: Different goal-conditioning architectures considered for .
Method Performance Adaptation
Late Fusion
Early Fusion
FiLM (RT-1) [30]
Table 5: Comparing merits (✓) and demerits (✗) of different goal-conditioning architectures. While “Early Fusion” works the best for the core navigation task, it does not support downstream adaptation (Section 5). “Late Fusion” is ideal for adaptation, but does not perform well for our tasks. Our goal fusion architecture is able to closely match the performance of early fusion, while also supporting adaptation.

Appendix B Implementation Details

B.1 Training

See Table 6 for a detailed list of hyperparameters for training the foundation model.222We used a variety of workstations equipped with different GPU configurations over the course of this research, including 2×4090, 3×Titan Xp, 4×P100, 8×1080Ti, 8×V100, and 8×A100. With the model architecture fixed, the batch size and training time varies significantly across these devices, and the entry in Table 6 is representative of our most common training configuration.

Hyperparameter Value
Model
# Parameters 31M
RGB Resolution 85×64
Encoder EfficientNet-B0
Token Dimension 512
Attn. hidden dim. 2048
# Attention Layers nL 4
# Attention Heads nH 4
Temporal Context P 5
Prediction Horizon H 5
MLP layers (256, 128, 64, 32)
Training
# Epochs nep 30
Batch Size 300 2
Learning Rate 5×104
Optimizer AdamW [46]
Warmup Epochs 4
LR Schedule Cosine
Scheduler Period 10
Compute Resources 8×V100 2
Training Time 30 hours 2
Fine-tuning LR 1×104
Diffusion Model
# Parameters 318M
Resolution 128×128
# Up/Down Blocks 4
Attn. Resolutions 32, 16, 8
Layers per Block 2
Attn. Head Dim 8
Channels (128, 128, 256, 512, 640)
Diffusion Type continuous time
Noise Schedule linear
Hyperparameter Value
Diffusion Training
Dropout 0.1
Batch Size 128
Optimizer AdamW
Warmup Steps 1000
Learning Rate 1e-4
LR Schedule Cosine
Adam β1 0.95
Adam β2 0.999
Adam ϵ 1e-8
Weight Decay 0.001
EMA Inv. Gamma 1.0
EMA Power 0.75
EMA Max Decay 0.9999
CFG Mask Proportion 0.2
Train Steps 250,000
Training Time 30 hours
Compute Resources v4-8 TPU board
Diffusion Sampling
Sampler DDIM [47]
DDIM η 0.0
Sampling Steps 200
Guidance Weight 1.0
Other
Maximum distance 20
Distance tradeoff λ 0.01
Table 6: Hyperparameters for training and the diffusion model.

B.2 Subgoal Diffusion

Refer to caption
Figure 13: Subgoal diffusion model U-Net architecture. Each ResNet consists of 2 residual blocks. Downsampling and upsampling is done with strided convolutions.

For generating subgoals, we use an image-to-image diffusion model. It takes an image ot as input and produces samples from g(osiot), where osi are candidate subgoal images reachable from ot. To produce training pairs for the diffusion model, we first select ot uniformly at random from the training data and then select osi to fall between 5 and 20 timesteps in the future from ot.

Following Saharia et al. [39], we implement image conditioning as simple channel-wise concatenation to the U-Net input. We use the Flax U-Net implementation from the diffusers library [48] with textual cross-attention removed since we do not condition on text inputs.

We use the continuous-time diffusion formulation from Kingma et al. [49] with a fixed linear noise schedule rather than a learned one. Also unlike Kingma et al. [49], we use the unweighted training objective, called Lsimple in Ho et al. [38, Equation 14] and Kingma et al. [49, Appendix K]. We employ classifier-free guidance [50] and find that it helps produce subgoals with better visual fidelity, which is consistent with prior work [51].

B.3 Long-Horizon Physical Search via Topological Graphs

As in Shah and Levine [29], we implement physical search similarly to a standard A algorithm, by keeping track of an open set Ω of possible unvisited subgoals (generated by our diffusion model) and following Alg. 1.

1: while goal G not reached do
2: sminf(Ω);
3: P ShortestPath(, ot, s)
4: for (s,s) in P do
5: .GoToGoal(s);
6: end for
7: .GoToGoal(s)
8: ot Observe();
9: AddNode(, ot, parent: s);
10: Sample sig(si|ot);
11: Add(Ω, si);
12: end while
Algorithm 1 Long-Horizon Navigation via Topological Graph

Nodes are visited according to a costing function f(s) that depends on the distance from the current state ot to the parent node s (measured along the graph), the predicted distance from s to s, and a heuristic function h (similar to that of A) providing long-horizon navigation hints:

f(s)=d(ot,s)+dpred(s,s)+h(s,G,C)

In general, the heuristic can be any function providing a notion of distance between a subgoal s and the long-horizon goal G, optionally with some context C. For our experiments, we considered three heuristics to demonstrate the flexibility of our approach:

  • Coverage exploration: We have no long-horizon guidance for coverage exploration, and thus, use h(s)=0.

  • Position-guided: For long-horizon GPS goals (outdoors) and 2D position goals (indoors), we use Euclidean distance h(s)=sG.

  • Satellite-guided: In the context-guided experiments, we train a learned heuristic function that uses the satellite image as an input to learn a a heuristic for “good” subgoals. We train a convolutional neural network on the overhead image to predict the probability that the subgoal s is included on a trajectory from ot to G, trained using a contrastive objective [52]. Additional information can be found in Shah and Levine [29].

B.4 Fine-tuning

In all CARLA fine-tuning experiments, on-task data was collected using a rule-based oracle agent, with start and end locations sampled randomly up to 900 meters apart. We collect 181 training trajectories (roughly 4 hours) in CARLA’s Town 01 environment, and a further 52 trajectories (1 hour) in the held-out Town 02 environment. Inspired by Codevilla et al. [22], we further augment this dataset by allowing the rule-based agent to correct its position and re-center to the lane after a perturbation.

Image Fine-tuning:

  • Architecture: We utilize the exact same architecture as with no changes.

  • Training: For fine-tuning the image-goal directed model, we utilize the same training process for with a learning rate of 0.0001, AdamW optimizer, but no warmup or cosine scheduler. We do not mix any prior data for fine-tuned training.

GPS-Adaptation:

  • Architecture: To adapt to GPS-style goals, we cut off the goal encoder block from . We then learn a fixed tensor of size 3000 and concatenate it to the GPS-command goal in ego-centric coordinates. We then pass this into a 2-layer MLP which outputs the prediction of the final token for the transformer. The architecture is shown in Figure 14.

  • Training: During training, instead of randomly sampling future images to serve as goals, we sample goals from future odometry information. Once we have a future goal coordinate for self-supervision, we convert to local coordinates and pass into our architecture, fine-tuning with the same objective as . We use a cosine scheduler with a learning rate warmup to 0.0001 for 4 epochs. We also sample goal points from between 1.25s and 1.75s rather than from 0.5s to 2.5s.

Command-Adaptation:

  • Architecture: For discrete command goals, we adopt a similar approach for GPS-style goals. We learn a fixed tensor for each discrete command and use the command index to select the corresponding latent to pass into a 2-layer MLP for predicting the final token. In this way, we learn a dictionary of latents, each corresponding to a distinct command. This architecture is illustrated in Figure 14.

  • Training: For our experiments, we use “left”, “right”, and “straight” as our discrete commands. We assume training data is not labelled with the discrete command, so we label dataset trajectories with the corresponding commands retroactively by sampling a future position (as in GPS-Adaptation) and then selecting a command based on its lateral deviation. For our experiments we bin samples with lateral coordinate greater than 0.05 as “left” or “right” and label the remaining samples as ”straight”. We again use a cosine scheduler with a learning rate warmup to 0.0001 for 4 epochs.

Refer to caption
Figure 14: Adaptation architectures for . Left: GPS-adaptation architecture. The local coordinates of the goal are concatenated to the fixed latent z. Right: command-adaptation architecture, using latent zi selected by command label index i.

Appendix C Training Dataset

The training dataset contains over 100 hours of real-world navigation trajectories, sourced entirely from existing datasets. The dataset consists of a combination of tele-operated and autonomous navigation behaviors collected across 8 distinct robotic platforms, including 4 commercially available platforms (TurtleBot, Clearpath Jackal, Warthog and Spot) and several custom platforms (Yamaha Viking ATV, RC Car, passenger automobiles). The trajectories contain widely varying robot dynamics and top speeds, ranging between 0.2 and 10m/s, operating in a diverse set of environments (e.g., office buildings, hallways, suburban, off-road trails, university campuses, etc.). All data is either publicly available, or collected by other researchers for past projects; no additional training data was collected specifically for training .

Remember to mention: total size, number of robots, conversion to number of frames and so on.

Dataset Platform Speed Total Hrs. Hrs. Used Environment
1 GoStanford [28] TurtleBot2 0.5m/s 17h 14h office
2 RECON [36] Jackal 1m/s 25h 25h off-road
3 CoryHall [42] RC Car 1.2m/s 2h 2h hallways
4 Berkeley [29] Jackal 2m/s 4h 4h suburban
5 SCAND-S [53] Spot 1.5m/s 8h 4h sidewalks
6 SCAND-J [53] Jackal 2m/s 1h 1h sidewalks
7 Seattle [54] Warthog 5m/s 1h 1h off-road
8 TartanDrive [55] ATV 10m/s 7h 5h off-road
9 NeBula [56] ATV 10m/s 10h 10h off-road
10 SACSoN [57] TurtleBot2 0.5m/s 75h 10h office
11 BDD [13] Car(s) 20m/s 10h 4h on-road
Total 160h 80h
Table 7: The training dataset contains over 150 hours of navigation data in challenging indoor, outdoor, and off-road environments across 8 different robots of varying sizes, speeds, and capabilities.

Appendix D Robotic Platforms for Evaluating

Vizbot: A custom-built robot platform inspired by the design of Niwa et al. [58], based on a Roomba. It is equipped with an off-the-shelf PCB-mounted fisheye camera.

Unitree Go 1: A commercially available quadruped robot equipped with the original forward-facing camera. There is no training data from a Go 1 in the training dataset. Athough SCAND includes data collected on a Boston Dynamics Spot, which is also a quadrupedal robot, the two platforms practically have very different characteristics.

Clearpath Jackal UGV: A commercially available off-road platform equipped with an off-the-shelf PCB-mounted fisheye camera. This system resembles the data collection platform used for the RECON, Berkeley, and SCAND-J datasets, but has a different camera and mounting height.

LoCoBot: A popular open-source platform based on a Kobuki equipped with an off-the-shelf PCB-mounted fisheye camera. This robot is not present in the training dataset, although GS was collected on a similar TurtleBot2 with a different spherical camera at a lower height.

Appendix E Evaluation Setup and Details

E.1 Navigation Performance

E.1.1 Indoor Experiments

For setting up the indoor coverage exploration experiments, we use the LoCoBot and Vizbot robotic platforms. We choose a random starting point and goal in an enclosed environment, and keep these locations consistent across all baselines we test. For the coverage exploration task, we ensure that the environments are “enclosed” and block any glass walls and stairwells, which are beyond the capabilities of the robots. Experiments are terminated when either (i) the robot is unable to reach the goal within a pre-specified time limit of 10 minutes, or (ii) the robot becomes physically stuck (e.g., collides and is unable to recover).

For setting up the indoor guidance exploration experiments on the LoCoBot, we mark the start and goal locations in a large office building and note their 2D positions. The goal location is conveyed to the robot as the context, and is available to the search algorithm. The system uses the robot’s onboard wheel odometry to track position.

E.1.2 Outdoor Experiments

For the coverage exploration experiments, we follow the setup of Shah et al. [36] and use the Clearpath Jackal UGV. We choose a random start and goal location in confined outdoor environments and obtain a goal image observation for the robot to seek. Experiments are terminated either when (i) the robot is unable to reach the goal within a pre-specified time limit of 20 minutes, or (ii) the robot collides with an obstacle in the environment.

For the guided exploration experiments, we closely follow the setup of Shah and Levine [29]. For the GPS guided experiments, the robot has access to the GPS location of the goal, in addition to a goal image. For the satellite-guided experments, the robot further has access to an overhead satellite image centered at its current location and a learned heuristic funtion h.

E.1.3 Baselines

For experiments presented in Section 6.1, we evaluate 4 baselines against our method.

  1. 1.

    End-to-End BC: A modified model with no goal token, trained end-to-end for the task of only predicting future actions. This represents a typical undirected BC baseline with similar model capacity as the other baselines.

  2. 2.

    End-to-End GCG: A model-based algorithm that uses a predictive model to plan a sequence of actions that reach the goal without causing collisions [42]. Since this model requires collision labels for training, it is only trained on a subset of the training data (RECON, CoryHall, Berkeley) that has these labels; hence, this baseline is only evaluated outdoors.

  3. 3.

    RECON: A variant of the physical search algorithm RECON [36], which uses a latent goal model to represent reachable goals and plans over sampled subgoals to explore the environment in a similar manner to ours. This baseline uses a variational information bottleneck to sample latent subgoals, rather than a diffusion model sampling subgoal images.

  4. 4.

    ViNT-R: An ablation of our method that uses subgoals randomly sampled from the training data, instead of samples from a conditional diffusion model, as subgoal candidates.

E.2 Multi-robot Generalization Experiments

The setup for the multi-robot generalization experiment is same as the coverage exploration experiments. The only differences are the baselines we evaluate.

E.2.1 Baselines

For experiments presented in Section 6.2, we test three baseline low-level policies on each robot. Each baseline uses the graph-based exploration scheme described in Section 4.1. We use the following baselines:

  1. 1.

    Single-Robot: We train a single-dataset policy model (architecture) and diffusion model on the two largest datasets (RECON for outdoor, and SACSoN for indoor), and evaluate them on each of our robots to identify the best single-dataset model for each robot. Note that we do not have comparable magnitudes of training data of visual locomotion on the Go 1.

  2. 2.

    GNM: We use the pre-trained model checkpoint from the authors of GNM [19] coupled with our diffusion model (since GNM is not compatible with the exploration task) to evaluate each robot.

  3. 3.

    : We use our pre-trained policy and image diffusion model (no fine-tuning) to evaluate each robot.

E.3 Fine-tuning and Adaptation

This section describes the setup and implementation details for fine-tuning and adaptation experiments in the CARLA autonomous driving simulator, as presented in Sections 6.3 and 6.4.

E.3.1 CARLA Data Collection

We collect expert trajectories with an oracle rule-based self-driving agent and gather odometry and RGB information across the trajectory at 4 Hz. These trajectories have random spawn points and random destination points up to to 900 meters in length. We collect 52 trajectories in the CARLA Town 02 for held-out testing, and collect 181 trajectories in Town 01 for training. This makes for a dataset size of 5 hours for the autopilot control data. Inspired by [22], we also collect short trajectories of the agent correcting back onto the right lane after drifting off course in Town 01 and Town 02 for training and testing, respectively. This data is 4 hours long, and we add it to the autopilot data for training.

E.3.2 Fine-tuning Experiments

To test the fine-tuning system which trains with the same goal specification but in new domains, we utilize the collected test trajectories as sequences of goal images to follow. Each Town 02 test trajectory creates a graph in which every node is a timestamped odometry point corresponding to an image. To evaluate a model on a test trajectory, we spawn it at the same start point and localize it on the trajectory’s map. We then query the image for the goal node which corresponds to node 1.5s after the current node. This goal image is sent to along with the 4Hz image context to compute a short-range trajectory. This is tracked by a simple PID controller. The average progress towards the goal before collision is collected and reported across all trials. Table 3 summarizes the results of these experiments with multiple baselines and data sizes.

E.3.3 Adaptation Experiments

To test the new tasks, we adopt a similar evaluation setup to the fine-tuning experiments, but rely on the odometry position for the selected goal node rather than the image. For positional-adaptation, we move the goal coordinates into a local frame and send it to . For routing-adaptation, we determine the difference in lateral coordinates between the current node and the goal node. We choose the current node as reference to ensure an open-loop experiment and to allow for pre-computation of the command signals to be sent. We then apply the same binning strategy during training using a 0.05 normalized distance as the boundary between “left”, “right”, and “straight”. The control system downstream of this is identical to image fine-tuning and the experiment terminates when at the goal or when colliding. The progress towards the goal before collision is collected and averaged across all trials in Table 3.

E.3.4 Baselines

We have the following baselines for the CARLA experiments:

  1. 1.

    Scratch: trained from scratch on the CARLA on-task dataset.

  2. 2.

    Pre-trained Visual Representations

    1. (a)

      ImageNet: initialized with the EfficientNet-B0 weights pre-trained on ImageNet, other parameters initialized from scratch, and fine-tuned with the CARLA on-task dataset.

    2. (b)

      SimCLR: initialized with the EfficientNet-B0 weights pre-trained with SimCLR [7] on the training data described in Section C, other parameters initialized from scratch, and fine-tuned with the CARLA on-task dataset.

    3. (c)

      VC-1: initialized with a pre-trained ViT-B model checkpoint from the authors of VC-1 [44] and frozen, other parameters initialized from scratch, and fine-tuned with the CARLA on-task dataset. The VC-1 encoder is pre-trained on a combination of Ego4D, manipulation, navigation, and ImageNet images using Masked Auto-Encoding [59, 43].

  3. 3.

    GNM: The pre-trained embodiment-agnostic model checkpoint from the authors of GNM [19], fine-tuned with the CARLA on-task dataset. Note that GNM has 8.7M trainable parameters, compared to ’s 31M.

Method Images Positions
VC-1 [44] 0.19 0.49
-FE 0.32 0.78
0.82 0.89
Table 8: Evaluation of fine-tuning with and without a frozen encoder, as compared to a general-purpose visual encoder. Even when frozen, ’s navigation-relevant features appear to transfer more readily to out-of-distribution inputs than general-purpose features.

We note that the VC-1 baseline’s weak performance in Section 6.4 may be explained by the fact that it is frozen, while all other visual encoders were free to fine-tune. This is representative of typical downstream usage [44]. Despite training on multiple, diverse datasets, the visual representation’s general-purpose features are not optimized for the navigation task, hampering zero-shot transfer to out-of-domain tasks. To provide a fair comparison of the quality of pre-trained visual features, we compare this performance to -FE (a pre-trained model that has it’s visual encoder frozen). -FE has an equal number of trainable parameters to the VC-1 baseline, and frozen visual representations (see Table 8).