LLaRA: Supercharging Robot Learning Data for Vision-Language Policy

Xiang Li1   Cristina Mata1   Jongwoo Park1   Kumara Kahatapitiya1
Yoo Sung Jang1   **ghuan Shang1   Kanchana Ranasinghe1   Ryan Burgert1
Mu Cai2   Yong Jae Lee2   Michael S. Ryoo1
1Stony Brook University  2University of Wisconsin-Madison
[email protected]
Abstract

Large Language Models (LLMs) equipped with extensive world knowledge and strong reasoning skills can tackle diverse tasks across domains, often by posing them as conversation-style instruction-response pairs. In this paper, we propose LLaRA: Large Language and Robotics Assistant, a framework which formulates robot action policy as conversations, and provides improved responses when trained with auxiliary data that complements policy learning. LLMs with visual inputs, i.e., Vision Language Models (VLMs), have the capacity to process state information as visual-textual prompts and generate optimal policy decisions in text. To train such action policy VLMs, we first introduce an automated pipeline to generate diverse high-quality robotics instruction data from existing behavior cloning data. A VLM finetuned with the resulting collection of datasets based on a conversation-style formulation tailored for robotics tasks, can generate meaningful robot action policy decisions. Our experiments across multiple simulated and real-world environments demonstrate the state-of-the-art performance of the proposed LLaRA framework. The code, datasets, and pretrained models are available at https://github.com/LostXine/LLaRA.

Keywords: VLM, Robot Action Policy, Instruction Tuning Data

Refer to caption
Figure 1: LLaRA Overview. We convert expert trajectories into instruction-tuning data, while also generating auxiliary data that complements policy in a self-supervised fashion. Based on such, we finetune a pre-trained Vision Language Model (VLM) as a robot policy. At inference, we query the VLM to generate actions in natural language, just as in a conversation. A real-world inference example is shown in the figure.

1 Introduction

Large Language Models (LLMs) such as GPT-4 [1], Llama [2, 3], and Gemini [4] exhibit unprecedented abilities across diverse language tasks. Such LLMs are often trained together with visual data by taking advantage of pretrained vision encoders, forming powerful Vision Language Models (VLMs). Effective and efficient training of such VLMs significantly depends on the style and format of the vision-language data used for training, leading to the exploration of various instruction tuning [5, 6] strategies. In fact, visual instruction tuning, or formatting image-text data in conversation style for VLM training has been studied extensively in [7, 8]. The resulting VLMs exhibit strong vision-language skills, but not without limitations such as spatial awareness [9, 10] or niche-domain understanding [11, 12]. The latter has led to domain-specific visual instruction tuning [11, 12, 13].

Several robot learning approaches also leverage pretrained LLMs / VLMs [14, 15, 16, 17, 18, 19] with more-recent work focusing on low-level robot actions [20, 21, 22]. The strong performance of such approaches can be attributed to the extensive world knowledge (e.g., understanding of physics, human common-sense) [23, 24] and powerful reasoning abilities [25, 26] of underlying language models. However, studies on curating conversation-style data and using such for instruction tuning in robotics have been rather limited [27].

Motivated by the promising attributes of VLMs, we explore a formulation of VLM-based robot action policy in this paper. Our goal is to adapt a VLM as a robot action policy that can handle diverse visuomotor control challenges, a process we call Visuomotor Instruction Tuning. More specifically, we transform a typical behavior cloning (BC) dataset into an instruction dataset, Instruct-BC (inBC), which is then used to finetune a VLM. Given a state described in visual-textual modalities, our VLM is trained to generate suitable actions as text. Such a formulation based on conversation-style instruction-response data enables us to instruction-tune and convert a VLM into a robot action policy effortlessly. However, we also note that the effectiveness of an instruction-tuned VLM depends heavily on the quality of data formulation [7, 10, 12], which is non-trivial to automate (or, scale) for new domains  [11, 12, 13, 9, 10]. Therefore, to strengthen (or, supercharge) such data, we construct auxiliary datasets that complement policy learning from the same BC dataset, in a self-supervised fashion without any external data.

Our overall framework termed LLaRA (Large Language and Robotics Assistant) generates visuomotor instruction data that can efficiently and effectively finetune a VLM into a robot action policy. It is motivated by LLaVA [7] which is designed primarily for vision tasks. Similarly, LLaRA offers the entire framework of data generation, model formulation, and training pipeline for VLMs, now specialized for robot learning. We summarize our key contributions as follows:

  1. 1.

    Formulating robot manipulation tasks into instruction-response pairs described by natural language, which enables successful instruction tuning of a VLM as a policy.

  2. 2.

    A scalable pipeline for generating diverse high-quality robot instruction tuning data from existing behavior cloning data.

  3. 3.

    Identifying and generating auxiliary instruction data that further enhances robot policy learning in a self-supervised manner.

We conduct extensive experiments on the proposed framework to establish the effectiveness of both our automated data generation pipeline and instruction-tuned VLM in solving robotics tasks.

2 Related Work

Spatial Reasoning in VLMs: Several recent work investigate how VLMs can be modified for spatial awareness within images [28, 29, 30, 31, 9, 10, 32, 33, 34], which is a critical ability of a visuomotor policy. One line of work explores prompting using textual or specialized tokens to encode locations, followed by instruction tuning on localization-specific datasets  [31, 9, 10, 32]. In fact, several works [9, 10, 32] combine LLMs / VLMs with templating operations to generate datasets in formats adhering to human conversation, using existing annotated datasets that only contain per-object bounding box annotations. In contrast, our framework extends beyond localization to directly predict robot actions. An alternate line of work explores visual prompting but without any focus on robot learning (e.g., red circles [34] or free-form visual scribbles [33] overlaid on images images to focus a VLM on specific regions). An extension of such ideas to robotics is explored in PIVOT [35], where images annotated with object locations and trajectories are given to a VLM for generating visually-described robot actions. These ideas are complementary to LLaRA, where additional visuomotor instruction tuning directly generates actions optimal for robotics tasks.

Agent and Policy Learning with LLMs / VLMs: Foundation LLMs / VLMs provide a source of common-sense data for robot policy training. Qian et al. [36] shows how to train an affordance grounding VLM on affordance data. Ingelhag et al. [37] presents a system that evaluates the potential of instruction following using already-learned skills based on LLM / VLM, and otherwise learns new skills from user demonstrations. Wu et al. [38] construct a read-and-reward framework that extracts relevant information from Atari manuals, evaluating object-agent interactions. Yoneda et al. [39] utilizes an LLM to maintain an estimate of the world state in text. More-recent work such as Robotics Transformer [20, 21, 22], Gato [40], GR-1 [41] and Octo [42] learn generalist robot policies with multi-modal sequence models, taking advantage of the flexibility of encoding and decoding images / actions via token representations similar to VLMs. VIMA [43] is a transformer-based agent that processes interleaved visual and text prompts. In contrast, our method predicts actions encoded only as texts, without introducing any new tokens or LLM / VLM architectural modifications. LLaRA uniquely reformulates the same data in VIMA [43] for instruction tuning.

Instruction Data Generation: Finetuning LLMs / VLMs with instruction data has shown a lot of potential for vision tasks [5, 6, 7, 8]. While effective, construction of such datasets with high quality and quantity is beyond trivial [7], especially for specialized visual domains [11, 44, 12, 45] such as robotics. Moreover, recent works highlight shortcomings in abilities such as spatial awareness of VLMs instruction tuned on generic data [9, 10] leading to exploration of localization-specific instruction data generation [31, 9, 10, 32, 8]. Yet these modified VLMs suffer in the robotics domains [46]. In contrast to these works, we build a robotics-specific instruction dataset used to train a powerful VLM, LLaRA, adept at several robotic domain tasks. Closest to our proposed LLaRA is Zhen et al. [27], which focused on 3D reasoning and inference capabilities for manipulation tasks, but unlike ours perform no direct action predictions in textual form.

Self-Supervised Learning in Robotics: Self-supervised learning (SSL) has long been explored in robotics [47, 48], with recent work showing a flavor of visual representation learning  [49, 50, 51]. In contrast, we introduce auxiliary SSL objectives (i.e., pretext tasks) based on instruction prompts, motivated by similar ideas in computer vision (e.g., utilizing spatial relations in [52], temporal relations in [53, 54] or future prediction in [55]). More specifically, we create a set of domain-specific auxiliary datasets (e.g., for spatial or temporal reasoning), that enable LLaRA to learn relations that are useful for the downstream robotics tasks, when used for finetuning.

Discussion on Concurrent Work: Within the past 2 weeks prior to the release of our work, there has been a number of concurrent work studying VLM-based action policy learning. They have similarities with LLaRA, as they promote instruction tuning, motivated by prior work such as LLaVA [7]. Our key difference is the automated generation of auxiliary data from existing robot trajectories, that enables robots to learn spatio-temporal relations in the scene. We further discuss them below:

All such approaches employ a VLM as a robot action policy, processing both visual observations and textual instructions as inputs. OpenVLA [18] employs specialized tokens to represent quantized actions, a method akin to RT-2 [21]. Additionally, OpenVLA incorporates DINOv2 [56] as an additional visual encoder along with SigLIP [57]. This combination has proven beneficial, particularly when the visual encoder is finetuned for robotics applications. RoboPoint [58] introduces a novel point-based action space and a scalable data pipeline tailored for spatial affordance prediction. Actions are delineated via points on an RGB image, which are subsequently translated to 3D space using depth data. This approach eliminates the reliance on predefined action primitives [59, 60], external object detectors [61, 62], and iterative visual prompting [35]. Another concurrent work, LLARVA [19], differs by generating both 2D visual traces in image coordinates and corresponding textual actions as outputs, with the former functioning as an auxiliary task.

However, a significant gap shown in the aforementioned studies is the lack of comprehensive investigation into the methods for generating auxiliary datasets from existing robot data, as well as the implications of integrating such datasets. Our work LLaRA distinctively addresses this gap, marking a critical divergence from the concurrent studies. That is, in addition to directly supervising a VLM based on robot actions, LLaRA framework automatically generate multiple auxiliary datasets with complementary training objectives (from the existing robot trajectories). Such auxiliary datasets are designed to train a VLM to capture spatial/temporal relations between objects in the scene, enabling better scene representations. We experimentally confirm that such additional supervision significantly benefits robot action policy learning.

3 Preliminary: Visual Instruction Tuning

Visual Instruction Tuning is a framework to finetune a large Vision Language Model (VLM) using language as task instructions. The objective is to develop a general-purpose multimodal model capable of learning from diverse vision tasks described by language [63]. A typical example of Visual Instruction Tuning is LLaVA [7], which consists of three neural networks as its model: a pretrained LLM θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT, a pretrained visual encoder θVsubscript𝜃𝑉\theta_{V}italic_θ start_POSTSUBSCRIPT italic_V end_POSTSUBSCRIPT and an adapter layer θMLPsubscript𝜃MLP\theta_{\text{MLP}}italic_θ start_POSTSUBSCRIPT MLP end_POSTSUBSCRIPT.

Consider a conversation data sample that contains a single image xvsubscript𝑥𝑣x_{v}italic_x start_POSTSUBSCRIPT italic_v end_POSTSUBSCRIPT and user instruction text xlsubscript𝑥𝑙x_{l}italic_x start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT as inputs. During inference, the visual encoder θVsubscript𝜃𝑉\theta_{V}italic_θ start_POSTSUBSCRIPT italic_V end_POSTSUBSCRIPT and adapter layer θMLPsubscript𝜃MLP\theta_{\text{MLP}}italic_θ start_POSTSUBSCRIPT MLP end_POSTSUBSCRIPT process xvsubscript𝑥𝑣x_{v}italic_x start_POSTSUBSCRIPT italic_v end_POSTSUBSCRIPT successively to produce a set of visual tokens that can be directly concatenated with the textual tokens of xlsubscript𝑥𝑙x_{l}italic_x start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT in language embedding space of LLM θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT. Next, θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT autoregressively generates new tokens conditioned on both the visual tokens from xvsubscript𝑥𝑣x_{v}italic_x start_POSTSUBSCRIPT italic_v end_POSTSUBSCRIPT and text tokens from xlsubscript𝑥𝑙x_{l}italic_x start_POSTSUBSCRIPT italic_l end_POSTSUBSCRIPT. These new tokens will be decoded into natural language as the output of the model.

Refer to caption
Figure 2: Background: LLaVA Overview. A Large Language Model (LLM) is connected to the visual domain with suitable encoder and adaptor neural networks.

A two-phase training process is executed in Liu et al. [7] with a next-token prediction objective over the θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT output in each phase. First, only θMLPsubscript𝜃MLP\theta_{\text{MLP}}italic_θ start_POSTSUBSCRIPT MLP end_POSTSUBSCRIPT is trained using image-caption pairs (similar to datasets for CLIP [64] training). Then, both θMLPsubscript𝜃MLP\theta_{\text{MLP}}italic_θ start_POSTSUBSCRIPT MLP end_POSTSUBSCRIPT and θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT are finetuned using a specialized instruction tuning dataset termed LLaVA_Instruct_150k (see Fig. 2). LLaVA_Instruct_150k contains human-style instruction-response conversations, automatically created by a powerful LLM [1] from a generic object detection dataset (see Liu et al. [7] for details). In our paper, we start from a pretrained LLaVA model and only perform a single-stage finetune, updating θLLMsubscript𝜃LLM\theta_{\text{LLM}}italic_θ start_POSTSUBSCRIPT LLM end_POSTSUBSCRIPT and θMLPsubscript𝜃MLP\theta_{\text{MLP}}italic_θ start_POSTSUBSCRIPT MLP end_POSTSUBSCRIPT.

4 Visuomotor Instruction Tuning

We leverage large Vision Language Models (VLMs) as a generalist to address diverse visuomotor control challenges, a process we call Visuomotor Instruction Tuning. Specifically, we transform a typical behavior cloning dataset into an instruction tuning dataset and subsequently finetune a pretrained VLM on this tailored dataset. The resulting LLaRA framework benefits from the broad, inherent knowledge embedded within the VLM, enabling better visuomotor task learning.

In this section, we present our LLaRA framework to a) convert a set of robot manipulation expert trajectories into a visuomotor instruction tuning dataset, and b) turn a VLM finetuned on such a dataset into a competitive robot policy. In the next section, we show that such a VLM can be further improved for robot control in a self-supervised manner using auxiliary instruction tuning datasets, which are also extracted from the same existing expert demonstrations.

4.1 Problem Formulation

We consider a behavioral cloning (BC) setting over a Markov Decision Process (MDP), described by the tuple (𝒮,𝒜,P)𝒮𝒜𝑃(\mathcal{S},\mathcal{A},P)( caligraphic_S , caligraphic_A , italic_P ). Here, st𝒮subscript𝑠𝑡𝒮s_{t}\in\mathcal{S}italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ∈ caligraphic_S denotes the state at timestamp t𝑡titalic_t, at𝒜subscript𝑎𝑡𝒜a_{t}\in\mathcal{A}italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ∈ caligraphic_A represents the action at t𝑡titalic_t, and P𝑃Pitalic_P encapsulates the transition dynamics, expressed as P(st+1|st,at)𝑃conditionalsubscript𝑠𝑡1subscript𝑠𝑡subscript𝑎𝑡P(s_{t+1}|s_{t},a_{t})italic_P ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ). Our goal is to finetune a VLM as a robot policy π𝜋\piitalic_π that best recovers an unknown policy πsuperscript𝜋\pi^{*}italic_π start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT using a demonstration dataset containing multiple tasks 𝒟={(si,ai)}𝒟superscript𝑠𝑖superscript𝑎𝑖\mathcal{D}=\{(s^{i},a^{i})\}caligraphic_D = { ( italic_s start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , italic_a start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT ) } collected by πsuperscript𝜋\pi^{*}italic_π start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT. The robotic policy π𝜋\piitalic_π is designed to be conditioned on the task description, and our empirical findings suggest adding historical actions is a beneficial condition. Consequently, the policy can be articulated as π(ati|sti,ahi)𝜋conditionalsuperscriptsubscript𝑎𝑡𝑖superscriptsubscript𝑠𝑡𝑖superscriptsubscript𝑎𝑖\pi(a_{t}^{i}|s_{t}^{i},a_{h}^{i})italic_π ( italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT , italic_a start_POSTSUBSCRIPT italic_h end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_i end_POSTSUPERSCRIPT ), where h=1,2,,t112𝑡1h=1,2,...,t-1italic_h = 1 , 2 , … , italic_t - 1, indicating that π𝜋\piitalic_π takes into account all preceding actions up to time t1𝑡1t-1italic_t - 1.

Refer to caption
Figure 3: Examples of inBC and D-inBC for Visuomotor Instruction Tuning: (left) BC is the original behavior cloning data (action is omitted). inBC is our instruction tuning data created from BC. (right) D-inBC additionally leverages object detection inputs to better make use of information spread across multiple images. Both inBC and D-inBC belong to the LLaRA family.

4.2 Instruction Tuning Data from Trajectories

Table 1: Comparison between our converted instruction tuning datasets inBC and 𝒟𝒟\mathcal{D}caligraphic_D-inBC for a VIMA-Bench sample. The task description of the episode is in blue. The description of an object in the reference image (oracle detection results) is in magenta. The action history is in orange.
{dragged_obj} [Uncaptioned image]
{base_obj} [Uncaptioned image]
Task First put {dragged_obj} into {base_obj} then put the object that was previously at its south into the same {base_obj}.
inBC Input [Uncaptioned image]
(current front camera view.)
<task>First put <p>rainbow letter T</p> into <p>wooden bowl</p> then put the object that was previously at its south into the same <p>wooden bowl</p>.</task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
You have finished: Step 1: Pick up the object at <b>(0.480, 0.367)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.727, 0.547)</b>.
Output Step 2: Pick up the <p>rainbow letter V</p> at <b>(0.500, 0.617)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.746, 0.617)</b>.
𝒟𝒟\mathcal{D}caligraphic_D-inBC Input [Uncaptioned image]
(current front camera view.)
<task>First put <p>rainbow letter T</p> at <b>(0.500, 0.594), {0.102, 0.188}</b> into <p>wooden bowl</p> at <b>(0.457, 0.531), {0.195, 0.328}</b> then put the object that was previously at its south into the same <p>wooden bowl</p> at <b>(0.457, 0.531), {0.195, 0.328}</b></task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
You have finished: Step 1: Pick up the object at <b>(0.480, 0.367)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.727, 0.547)</b>.
Output [Same as inBC ]

Next, we introduce our method to turn a set of expert trajectories 𝒟𝒟\mathcal{D}caligraphic_D into a visuomotor instruction tuning dataset. We focus on the stationary robot manipulation scenario featuring a robotic manipulator fixed above a flat table. The visual observation for this setup is captured by a fixed third-person view camera positioned to observe the table surface.

The policy closely follows the design of the original LLaVA [7]. The model consumes a single image and language instruction, generating a language output. For each state transition, we convert the state action pair (st,at)subscript𝑠𝑡subscript𝑎𝑡(s_{t},a_{t})( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) into a single-round conversation. The current visual observation and textual task description, forming stsubscript𝑠𝑡s_{t}italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, can be directly assimilated by a VLM as the user instruction. However, the numerical action a𝑎aitalic_a needs conversion into textual format to be generated by a VLM. In contrast to the approach employed by RT-2 [21], which utilizes special tokens to directly encode numerical action values, our methodology adopts 2D Image Coordinates—normalized relative to the image size—to represent positional actions. We establish a map** between the numerical action values and their corresponding 2D positions within the image. Additionally, any rotational component of the action, denoted as arsubscript𝑎𝑟a_{r}italic_a start_POSTSUBSCRIPT italic_r end_POSTSUBSCRIPT (such as the angle of a joint), is expressed textually as ‘‘rotate <r>arsubscript𝑎𝑟a_{r}italic_a start_POSTSUBSCRIPT italic_r end_POSTSUBSCRIPT</r> degrees’’. More details are covered in Sec. A.1.

By implementing these strategies, we effectively convert a trajectory into a format comprising both image and text, which is readily processed by the VLM. This approach also facilitates the transfer of the model across different robotic embodiments. We name the dataset converted by this method as Instruct-BC (inBC) and one example is presented in Fig. 3 and more detailed examples are at Tab. 1 and Tab. 5. We use the same dataset name as a prefix to refer to our LLaRA framework trained with inBC data. In scenarios where a single observation stsubscript𝑠𝑡s_{t}italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT comprises multiple images, systems such as LLaVA suffer from low performance because it was never trained on multiple images (see Tab. 10). To accommodate this, one possible solution is to switch to a VLM setup which can consume multiple interleaved images like Qwen-VL [65] and LLaVA-NeXT [66]. Instead, we convert each additional image into a language description with the help of object detection. Compared to inBC, we name this method that takes additional object detection results in the text as Description-Instruct-BC (𝒟𝒟\mathcal{D}caligraphic_D-inBC, and our model trained on this data is referred to with the same name as earlier. More examples are also available in Tab. 1 and Tab. 5.

4.3 Inference Pipeline

During inference, the prompt for the Vision-Language Model (VLM) is prepared using the same template as either inBC or 𝒟𝒟\mathcal{D}caligraphic_D-inBC. As illustrated in Fig. 3, for a model trained on inBC, each conversation turn encapsulates the current visual observation, the task description, and the previous actions described in the text. For a model trained on 𝒟𝒟\mathcal{D}caligraphic_D-inBC, the process starts with object detection to convert any extra images from the task description into text. The task description, now including the detection outcomes, is then combined with visual observation and the action history to complete instruction.

Then LLaRA generates the text output that contains numerical values (e.g., 2D image coordinates) for a robot action. These numbers can be easily extracted from the text output by following the decorators in the template (e.g., <b>, <r>). The extracted rotation angle can be directly mapped to the rotation of the end effector. The 2D image coordinates will be further converted to robot action space via predefined map**, which can be estimated using visual calibration in both simulated and real-world environments.

After that, the robot executes the action, and a new observation can be captured from the environment. This initiates another round of interaction, setting the stage for the subsequent action.

5 Supercharging Visuomotor Instruction Dataset

Motivated by the success of LLaVA [7] instruction finetuning data, and subsequent domain-specific instruction datasets (e.g., for reasoning, grounding, or referring) [9, 10, 31], LLaRA creates auxiliary robotics instruction tuning datasets that enhance a VLM-based policy. The idea is that the auxiliary datasets will drive VLMs to learn a better spatio-temporal understanding of the scene and eventually benefit robot learning.

More specifically, given a robot trajectory, we generate expert question-answer pairs formulating conversations that reveal useful information for learning a policy indirectly. In addition to visual observations, we make use of object labels, locations, and geometries (e.g., rotation) together with task descriptions as expert information. We primarily introduce 6 dataset variants, augmenting existing expert information, such as auxiliary semantics, to better finetune VLMs. In each dataset, we consider a standard question, which is further rephrased multiple times using GPT-4 to infuse a reasonable diversity. Answers follow simple rule-based templates that format expert information as expected responses for each conversation style. Refer to Fig. 4 for formatting details and the appendix for qualitative samples of each dataset. The following paragraphs describe each auxiliary dataset.

Refer to caption
Figure 4: Auxiliary datasets for Visuomotor Instruction Tuning: Given an input trajectory, we make use of expert information (e.g., object detections) to formulate conversations related to auxiliary semantics, that in turn can be useful for policy learning. Note the hierarchy of data used among different answer types, highlighted with the same color. Only the detections of relevant objects are shown in the figure (right). Please refer to Tab. 6 and Tab. 7 for the actual examples of each dataset.

Localization Dataset. We generate single-turn conversations on the location of a single object in a given observation. The observation can be any intermediate step. For each conversation, the question asks for the location of an object and the answer is formulated as ‘‘<p>OBJ</p> at <b>(x, y), {w, h}</b>’’ Here, (x, y) corresponds to the mid-point of the object bounding box and {w, h} represents width and height. As in Sec. 4, the bounding box coordinates are given in the 2D image coordinates and normalized to [0,1]01[0,1][ 0 , 1 ].
Detection Dataset. In a more high-level setup, we generate conversations about the whole scene, given by the locations of every object. The response is formulated as a list of bounding boxes as above. This dataset enables scene understanding of the finetuned VLM.
Future Prediction Dataset. This dataset enables dynamics modeling. Given an initial observation, the query of the conversation includes a single-step action and asks for a text description of the next observation. The response describes the scene in terms of object bounding box locations in the same format as the detection dataset.
Spatial Relationship Dataset. Given two specified objects in an image, the query asks about the 2D spatial configuration (e.g., left, right, above, below) and also the Euclidean distance and the distance in two axes between the objects. The response describes exactly that, in the form of ‘‘<p>OBJ1</p> is ... from <p>OBJ2</p> with 2D axial distance <d>(x, y)</d> and euclidean distance <e>z</e>’’. Additionally, one exemplar is provided in the query to help the VLM understand the instruction better.
Temporal Relationship Dataset. This dataset focuses on how the spatial relationship between two objects changes over time (i.e., between two timesteps). Similar to action prediction data, this setup also needs two observations, and hence the second observation is described purely in text. The query asks about the change of relative spatial locations (e.g., get closer or further away), and the response describes exactly that, in terms of change in axial and Euclidean distance.

By introducing the aforementioned auxiliary datasets, we explicitly drive the VLM to strengthen the ability of spatial and visuomotor understanding, which benefits robot learning. Note that all these datasets can be automatically generated from the existing trajectories, without introducing external data. In Sec. B, we empirically explore the best practices to apply these auxiliary datasets.

6 Experiments

We conduct experiments in both simulated environments and the real world. For the simulated tasks, we turn a VLM into a generalist for diverse tasks. Furthermore, we conduct real-world robot experiments using three protocols: zero-shot generalization, finetuning, and joint training.

6.1 Simulation Experiments

Settings.

We employ VIMA-Bench [43], a simulated table-top robot manipulation environment to evaluate VLMs trained by our robotics instruction tuning dataset. The environment contains 17 tasks and each task is associated with a multi-modal instruction, including text instructions and images that refer to objects of interest or a particular scene arrangement. The robot action space is two 2D coordinates for pick and place positions and a rotation. We first uniformly subsample the VIMA dataset [43] to form three subsets with different sizes: VIMA-0.8k, VIMA-8k, and VIMA-80k where the number indicates the number of expert trajectories in the dataset.

Methods.

We compare three variants of our method: inBC, inBC + Aux, and 𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux, with baselines that follows the recipe of RT-2 [21], RT-2 Style and 𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style. As introduced in Sec. 4, inBC is the dataset converted from the expert trajectories, D- means the images in the task description are described by text and we will perform the object detection first during inference, and Aux means the auxiliary datasets introduced in Sec. 5 are included in the training set, the letter after it (e.g., (D)) indicates the detailed configuration of the auxiliary dataset (please refer to Tab. 2). Oracle means that the groundtruth bounding box of objects is used. RT-2 Style is similar to inBC but the output of the VLM (i.e., robot actions) is a set of special tokens that can be directly mapped to quantized actions.

We train all methods on these three datasets and evaluate them with 3 levels of difficulties following the test protocol (L1 to L3). Due to missing data in the original VIMA dataset, we were not able to evaluate our approach on L4 properly (please check the Sec. B for more details). For each setting, we evaluate the method with 20 random seeds and report the average success rates of each level. For more implementation details and complete results please refer to Sec. A, Tab. 12, Tab. 13,Tab. 14, Tab. 15, Tab. 16, and Tab. 17.

Effectiveness of LLaRA Framework.

Figure 5 illustrates the performance of selected methods across various dataset scales. All methods generally benefit from increased training data. Key observations include:

  • inBC consistently surpasses the RT-2 Style baseline, and similarly, 𝒟𝒟\mathcal{D}caligraphic_D-inBC outperforms 𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style. This supports the effectiveness of our approach, which utilizes instruction tuning style behavior cloning for data generation and allows us to benefit from the existing VLMs pretrained in a conversation style. Methods based on RT-2 Style improve when more robot supervision data is available; however, they significantly underperform compared to our methods when data is limited.

  • 𝒟𝒟\mathcal{D}caligraphic_D-inBC generally excels over inBC owing to its explicit delineation of object locations. This trend is similarly observed between 𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style and RT-2 Style.

  • Auxiliary datasets prove to be highly beneficial, particularly when the size of the training set is limited. However, in scenarios like VIMA-80k where the dataset is substantial, sometimes 𝒟𝒟\mathcal{D}caligraphic_D-inBC exhibits better performance and the gain from the auxiliary datasets is marginal.

We hypothesize that when training data is adequate, the benefits of the auxiliary dataset diminish, and these data may even distract the model from effectively performing the behavior cloning tasks. It is advisable to carefully regulate the amount of auxiliary data when there is an abundance of expert episodes to avoid overwhelming the primary learning objectives. A comprehensive ablation on the auxiliary datasets and other designs is available at Sec. B. By default, we randomly sample from each auxiliary dataset so that the size of each auxiliary dataset is identical to inBC or 𝒟𝒟\mathcal{D}caligraphic_D-inBC.

Refer to caption
Figure 5: Performance on three VIMA subsets. x-axis is the number of expert episodes in the training set.
Ablation on auxiliary datasets.

We first study the effectiveness of auxiliary datasets. Tab. 2 shows the different combinations of the auxiliary datasets. For each setting, we randomly sample a same amount of examples from each auxiliary dataset and combine them with the converted behavior cloning dataset. The ‘*’ after a ‘✓’ means the reference images in the expert trajectories are not used to generate this dataset, which has less diversity.

Table 2: Naming of different auxiliary dataset configurations. We always randomly sample a same amount of examples from each dataset. Det.: relative size of the detection dataset; Loc.: relative size of the localization dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Config Loc. Det. Act. Fut. Spa. Temp.
A
A* ✓* ✓*
B
C
D
D* ✓* ✓* ✓*

We train the model on both inBC and 𝒟𝒟\mathcal{D}caligraphic_D-inBC with different auxiliary dataset settings. On VIMA-0.8k, we control the total number of samples from the auxiliary dataset relative to the samples from the converted BC datasets and train all the models for 2 epochs. Results in Fig. 7 and Fig. 7 show that in general, on VIMA-0.8k, the model performs better with more auxiliary data. Experiments in Fig. 10 also show that training only on inBC for longer epochs will not improve the performance, which hints that the model is not underfitting.

Refer to caption
Figure 6: inBC with different auxiliary dataset settings. Each model is trained on VIMA-0.8k for 2 epochs. In general, the model performs better with more auxiliary data.
Refer to caption
Figure 7: 𝒟𝒟\mathcal{D}caligraphic_D-inBC with different auxiliary dataset settings. Each model is trained on VIMA-0.8k for 2 epochs. In general, the model performs better with more auxiliary data.

Fig. 10, Fig. 10, and Fig. 10 show the performance change when training on different datasets for longer epochs.

Refer to caption
Figure 8: Model performances on VIMA-0.8k for longer epochs.
Refer to caption
Figure 9: Model performances on VIMA-8k for longer epochs.
Refer to caption
Figure 10: Model performances on VIMA-80k for longer epochs.
Comparison to VIMA.

We would first clarify the difference between our method and VIMA [43] in terms of the inputs. VIMA takes both front and top view images from the environment while ours only take the front view. We test the most capable model released by VIMA, which is trained on 660k expert trajectories, and the results are listed in Tab. 3. Compared to VIMA [43], our best model not only achieves better performance but also requires less input and is trained on only 12% of the data used in VIMA.

Table 3: Compared to VIMA [43], our best model not only achieves better performance but also requires less input and is trained on only 12% of the data used in VIMA.
Method Config Data L1 (%) L2 (%) L3 (%)
VIMA [43] VIMA-200M + Oracle 100% 80.7 81.9 77.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 12% 87.3 85.4 82.1
LLaRA (Ours) 𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (B) + Oracle 12% 90.0 88.1 79.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (D) + Oracle 12% 83.8 88.1 78.8

6.2 Real-world Robot Experiments

We further conduct zero-shot generalization, finetuning, and joint training experiments in a novel real-world environment. For the zero-shot generalization and finetuning, we use the pretrained models from Sec. 6.1 only trained on simulated VIMA data. We also make the setting very challenging by selecting the pretrained model only using 1.2% of the VIMA training data (VIMA-8k). The joint training setting uses such data and the robot data (which we mention below) together, training the model from scratch.

We use a robot arm with a gripper and an RGB camera positioned above the arm to collect observations. The RGB camera is mounted in a single position above the robot arm, providing a 3rd person view of the scene for observations. The robot action space is the same as in VIMA. For the methods that rely on object detection, we employed one-shot detection using OWLv2 [67] to identify and generate bounding boxes for each object in the images and a suffix ‘OD’ is added to the end of the method.

We benchmark each policy on three tasks that emulate those found in VIMA-bench:

  • T1: “Move the {object} into the large bowl.”

  • T2: “Rotate the {object} by {angle} degrees.”

  • T3: “Move the {object} on top of the tray.”

where the {object} is chosen from a set of 10 plastic toys and the {angle} in T2 is chosen between 0 to 180 degrees. In all tasks, all objects are placed randomly on the table before running an episode. A success in T1 and T3 is if the object is placed more than 50% inside the bowl or on the tray. A success in T2 is if the object appears to be clockwise rotated by the angle by visual inspection. A visual reference for typical task start states and successful end positions are provided in Fig. 11.

[Uncaptioned image]

T1 Start

[Uncaptioned image]

T2 Start

[Uncaptioned image]

T3 Start

[Uncaptioned image]

T1 w/ Distractors Start

[Uncaptioned image]

T2 w/ Distractor Start

[Uncaptioned image]

T1 Success

[Uncaptioned image]

T2 Success

[Uncaptioned image]

T3 Success

[Uncaptioned image]

T1 w/ Distractors Success

[Uncaptioned image]

T2 w/ Distractor Success

Figure 11: Visual reference for start and successful end positions in three real-world tasks. We also show some examples having distracting objects in the scene.
Zero-shot Generalization.

We benchmark the models tuned in Sec. 6.1 directly in the real-world setting without further training, along with a new baseline GPT-4o [1] (see Sec. A.5). The results are presented as the upper part of Tab. 4. In this setting, inBC achieves the best overall performance. We hypothesize that the auxiliary datasets used in inBC + Aux (D) and 𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD drive the model to focus more on VIMA domain, leading to overfitting. Meanwhile, GPT-4o achieves commendable performance, largely attributable to its extensive dataset and substantial parameterization. However, GPT-4o is not applicable for finetuning or joint training settings, which we discuss below.

Real-world Robot Dataset.

We further collect 1,256 real-world images from the same real-world robot setting as the in-domain data. Out of these images, 721 feature a single object placed randomly and uniformly on the table by a robotic arm, while the remaining images display multiple objects scattered across the table. We employed one-shot detection using OWLv2 [67] to identify and generate bounding boxes for each object in the images.

These images, along with their bounding box data, have been utilized to create two specialized in-domain instruction tuning datasets, each containing 2,447 single-turn conversations of equivalent size: xArm-Det and xArm-Action. The xArm-Det dataset includes conversations that mirror the structure from our auxiliary object localization and detection dataset, with 1,191 examples dedicated to object localization and 1,256 to object detection. In contrast, the xArm-Action dataset is designed similarly to data for 𝒟𝒟\mathcal{D}caligraphic_D-inBC, featuring two distinct tasks: Rotation: rotating an object (akin to Task T2 with 1,191 examples) and Put on top: putting one object on top of another (reminiscent of Task T3 with 1,256 examples).

In the Rotation task, the agent is instructed to rotate a specific object by a random angle ranging from -180 to 180 degrees, while ensuring the object’s position remains unchanged post-rotation. The expert action is straightforwardly generated by directly replicating the specified rotation angle from the task description and the pick and place points are set to the centroid of the object bounding box from object detection.

In the Put on Top task, applicable to images containing more than two objects, we randomly select two objects. The task involves generating a command that directs placing one object atop the other. The expert actions, specifically the pick and place points, are determined using the centroids of the bounding boxes of the two selected objects from object detection.

Tab. 8 shows examples from the datasets.

Finetuning and Joint Training.

In the finetuning setting, the models trained on VIMA are further tuned on the new real-world datasets for 1 epoch and the evaluation results are presented at the bottom of Tab. 4. In the joint training setting, we combine both VIMA data with xArm-Det (or xArm-Action) and finetune a VLM jointly on both simulated and real-world datasets.

In general, finetuning outperforms joint training, probably because it allows the model to focus more on real-world data distribution, rather than distracting it with simulated VIMA data. In order to get the best performance, the use of xArm-Action was important. Interestingly, in the joint training setting, xArm-Det was equally or more beneficial than xArm-Action, also highlighting the importance of detection and localization information from the real-world setting. Auxiliary data contributes to a large boost in performance during finetuning, showing that explicitly uncovering information from the existing in-domain data can benefit the model. inBC performed relatively well in the joint training setting, but it displayed very poor performance when finetuned on xArm-Det. Interestingly, it seems inBC pretrained with VIMA is not trained to take advantage of the such new in-domain robotics data, performing worse than zero-shot.

Similar to our findings in simulated experiments, LLaRA benefits from pretrained VLM since LLaRA is trained on a dataset that has been organized in a conversation style that is similar to pretraining the VLM. In contrast, RT-2 Style requires a large amount of data so it suffers more from limited data in our real-world experiments. In general, LLaRA demonstrates a robust capacity for generalization. One can easily transfer the pretrained LLaRA to a particular domain with minimal data requirements and finetuning.

Qualitative Examples on Unseen Real-world Tasks.

In Fig. 12 we qualitatively show that LLaRA can do some unseen tasks that are not in the training dataset. In the first example, we ask LLaRA to ‘place all other objects into the large bowl’. LLaRA is able to recognize the objects to move and not to move and outputs the correct actions. In the second example, we let LLaRA ‘get the weight of the tomato and put it back’. LLaRA can put the tomato on the scale and move the tomato back to the similar place as the initial position, showing the understanding of ‘putting it back’. These examples show the potential generalization ability of LLaRA.

Table 4: Real-world robot experiment results. ‘Aux’ means trained on auxiliary datasets and ‘OD’ means using an object detector (OWLv2, base-16) to describe the observation before the VLM query. In Protocol, ‘ZS’ stands for zero-shot evaluation, ‘FT’ means the model is first trained on VIMA for 2 epochs and then finetuned on Add. Data for 1 epoch. ‘JT’ means the model is trained on the combination of VIMA and Add. Data for 2 epochs.
Protocol Method Add. Data T1 (%) T2 (%) T3 (%) Avg. (%)
ZS        RT-2 Style 0 0 0 0
       GPT-4o 20 45 30 31.6
LLaRA (Ours) inBC 40 50 20 36.6
inBC + Aux (D) 10 30 10 16.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 30 40 25 31.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD 35 40 5 26.6
JT LLaRA (Ours) inBC xArm-Action 60 75 55 63.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD xArm-Det 65 95 45 68.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD xArm-Action 65 55 25 48.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD xArm-Det 70 95 85 83.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD xArm-Action 45 70 20 53.3
FT        RT-2 Style xArm-Det 0 0 0 0
LLaRA (Ours) inBC xArm-Det 0 0 0 0
inBC xArm-Action 30 45 5 26.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD xArm-Action 45 80 55 60
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD xArm-Det 70 90 70 76.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) + OD xArm-Action 90 100 85 91.6
Refer to caption
Figure 12: Examples of using LLaRA for unseen tasks. We show the input texts from the user and input images at each step of the task, and images about the robot’s actions to accomplish each step.

7 Conclusion

We present LLaRA, a framework that turns an instruction-tuned vision language model (VLM) into a robot policy using curated instruction tuning datasets. We first construct a conversation-style instruction dataset using robot trajectory data. A VLM instruction tuned on this data confirms the viability of our framework to tackle robot manipulation tasks. We also construct auxiliary datasets using the same robot trajectory data through self-supervision. Experiments across several synthetic environments and robot manipulation tasks in the real world validate the effectiveness of our proposed LLaRA framework.

Acknowledgments

This work was supported by Electronics and Telecommunications Research Institute (ETRI) grant funded by the Korean government foundation. [24ZB1200, Research of Human-centered autonomous intelligence system original technology]. The authors would like to thank Xiaodong Liu and Hanyi Yu for their valuable input.

References

  • OpenAI [2023] OpenAI. GPT-4 technical report. https://arxiv.longhoe.net/abs/2303.08774, 2023.
  • Touvron et al. [2023] H. Touvron, L. Martin, K. Stone, P. Albert, A. Almahairi, Y. Babaei, N. Bashlykov, S. Batra, P. Bhargava, S. Bhosale, et al. Llama 2: Open foundation and fine-tuned chat models. arXiv preprint arXiv:2307.09288, 2023.
  • AI [2024] M. AI. Llama 3, 2024. URL https://llama.meta.com/llama3/. Accessed: 2024-06-24.
  • Team et al. [2023] G. Team, R. Anil, S. Borgeaud, Y. Wu, J.-B. Alayrac, J. Yu, R. Soricut, J. Schalkwyk, A. M. Dai, A. Hauth, et al. Gemini: a family of highly capable multimodal models. arXiv preprint arXiv:2312.11805, 2023.
  • Taori et al. [2023] R. Taori, I. Gulrajani, T. Zhang, Y. Dubois, X. Li, C. Guestrin, P. Liang, and T. B. Hashimoto. Stanford alpaca: An instruction-following llama model. https://github.com/tatsu-lab/stanford_alpaca, 2023.
  • Chiang et al. [2023] W.-L. Chiang, Z. Li, Z. Lin, Y. Sheng, Z. Wu, H. Zhang, L. Zheng, S. Zhuang, Y. Zhuang, J. E. Gonzalez, I. Stoica, and E. P. Xing. Vicuna: An open-source chatbot impressing gpt-4 with 90%* chatgpt quality, March 2023. URL https://lmsys.org/blog/2023-03-30-vicuna/.
  • Liu et al. [2023] H. Liu, C. Li, Q. Wu, and Y. J. Lee. Visual instruction tuning. In Advances in Neural Information Processing Systems (NeurIPS), 2023.
  • Liu et al. [2024] H. Liu, C. Li, Y. Li, and Y. J. Lee. Improved baselines with visual instruction tuning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 26296–26306, 2024.
  • Chen et al. [2023] K. Chen, Z. Zhang, W. Zeng, R. Zhang, F. Zhu, and R. Zhao. Shikra: Unleashing multimodal llm’s referential dialogue magic. arXiv preprint arXiv:2306.15195, 2023.
  • Ranasinghe et al. [2024] K. Ranasinghe, S. N. Shukla, O. Poursaeed, M. S. Ryoo, and T.-Y. Lin. Learning to localize objects improves spatial reasoning in visual-llms. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2024.
  • Li et al. [2023] C. Li, C. Wong, S. Zhang, N. Usuyama, H. Liu, J. Yang, T. Naumann, H. Poon, and J. Gao. Llava-med: Training a large language-and-vision assistant for biomedicine in one day. arXiv preprint arXiv:2306.00890, 2023.
  • Kuckreja et al. [2024] K. Kuckreja, M. S. Danish, M. Naseer, A. Das, S. Khan, and F. S. Khan. Geochat: Grounded large vision-language model for remote sensing. Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2024.
  • Hong et al. [2023] Y. Hong, H. Zhen, P. Chen, S. Zheng, Y. Du, Z. Chen, and C. Gan. 3d-llm: Injecting the 3d world into large language models. In Advances in Neural Information Processing Systems (NeurIPS), 2023.
  • Zeng et al. [2022] A. Zeng, A. Wong, S. Welker, K. Choromanski, F. Tombari, A. Purohit, M. Ryoo, V. Sindhwani, J. Lee, V. Vanhoucke, et al. Socratic models: Composing zero-shot multimodal reasoning with language. arXiv preprint arXiv:2204.00598, 2022.
  • Brohan et al. [2023] A. Brohan, Y. Chebotar, C. Finn, K. Hausman, A. Herzog, D. Ho, J. Ibarz, A. Irpan, E. Jang, R. Julian, et al. Do as i can, not as i say: Grounding language in robotic affordances. In Conference on Robot Learning (CoRL), pages 287–318. PMLR, 2023.
  • Driess et al. [2023] D. Driess, F. Xia, M. S. Sajjadi, C. Lynch, A. Chowdhery, B. Ichter, A. Wahid, J. Tompson, Q. Vuong, T. Yu, et al. Palm-e: An embodied multimodal language model. arXiv preprint arXiv:2303.03378, 2023.
  • Vemprala et al. [2024] S. H. Vemprala, R. Bonatti, A. Bucker, and A. Kapoor. Chatgpt for robotics: Design principles and model abilities. IEEE Access, 2024.
  • Kim et al. [2024] M. J. Kim, K. Pertsch, S. Karamcheti, T. Xiao, A. Balakrishna, S. Nair, R. Rafailov, E. Foster, G. Lam, P. Sanketi, et al. Openvla: An open-source vision-language-action model. arXiv preprint arXiv:2406.09246, 2024.
  • Niu et al. [2024] D. Niu, Y. Sharma, G. Biamby, J. Quenum, Y. Bai, B. Shi, T. Darrell, and R. Herzig. Llarva: Vision-action instruction tuning enhances robot learning. arXiv preprint arXiv:2406.11815, 2024.
  • Brohan et al. [2023a] A. Brohan, N. Brown, J. Carbajal, Y. Chebotar, J. Dabis, C. Finn, K. Gopalakrishnan, K. Hausman, A. Herzog, J. Hsu, J. Ibarz, B. Ichter, A. Irpan, T. Jackson, S. Jesmonth, N. J. Joshi, R. Julian, D. Kalashnikov, Y. Kuang, I. Leal, K.-H. Lee, S. Levine, Y. Lu, U. Malla, D. Manjunath, I. Mordatch, O. Nachum, C. Parada, J. Peralta, E. Perez, K. Pertsch, J. Quiambao, K. Rao, M. Ryoo, G. Salazar, P. Sanketi, K. Sayed, J. Singh, S. Sontakke, A. Stone, C. Tan, H. Tran, V. Vanhoucke, S. Vega, Q. Vuong, F. Xia, T. Xiao, P. Xu, S. Xu, T. Yu, and B. Zitkovich. Rt-1: Robotics transformer for real-world control at scale. Robotics science and systems (RSS), 2023a.
  • Brohan et al. [2023b] A. Brohan, N. Brown, J. Carbajal, Y. Chebotar, X. Chen, K. Choromanski, T. Ding, D. Driess, A. Dubey, C. Finn, et al. Rt-2: Vision-language-action models transfer web knowledge to robotic control. arXiv preprint arXiv:2307.15818, 2023b.
  • Padalkar et al. [2023] A. Padalkar, A. Pooley, A. Jain, A. Bewley, A. Herzog, A. Irpan, A. Khazatsky, A. Rai, A. Singh, A. Brohan, et al. Open x-embodiment: Robotic learning datasets and rt-x models. arXiv preprint arXiv:2310.08864, 2023.
  • Yu et al. [2023] J. Yu, X. Wang, S. Tu, S. Cao, D. Zhang-Li, X. Lv, H. Peng, Z. Yao, X. Zhang, H. Li, et al. Kola: Carefully benchmarking world knowledge of large language models. arXiv preprint arXiv:2306.09296, 2023.
  • Zhao et al. [2024] Z. Zhao, W. S. Lee, and D. Hsu. Large language models as commonsense knowledge for large-scale task planning. Advances in Neural Information Processing Systems (NeurIPS), 36, 2024.
  • Creswell and Shanahan [2022] A. Creswell and M. Shanahan. Faithful reasoning using large language models. ArXiv, abs/2208.14271, 2022. URL https://api.semanticscholar.org/CorpusID:251929296.
  • Liu et al. [2023] X. Liu, D. Yin, C. Zhang, Y. Feng, and D. Zhao. The magic of if: Investigating causal reasoning abilities in large language models of code. In Annual Meeting of the Association for Computational Linguistics, 2023. URL https://api.semanticscholar.org/CorpusID:258968140.
  • Zhen et al. [2024] H. Zhen, X. Qiu, P. Chen, J. Yang, X. Yan, Y. Du, Y. Hong, and C. Gan. 3d-vla: A 3d vision-language-action generative world model. arXiv preprint arXiv:2403.09631, 2024.
  • Zhang et al. [2023] S. Zhang, P. Sun, S. Chen, M. Xiao, W. Shao, W. Zhang, K. Chen, and P. Luo. Gpt4roi: Instruction tuning large language model on region-of-interest. arXiv preprint arXiv:2307.03601, 2023.
  • Zhao et al. [2023] Y. Zhao, Z. Lin, D. Zhou, Z. Huang, J. Feng, and B. Kang. Bubogpt: Enabling visual grounding in multi-modal llms. arXiv preprint arXiv:2307.08581, 2023.
  • Zang et al. [2023] Y. Zang, W. Li, J. Han, K. Zhou, and C. C. Loy. Contextual object detection with multimodal large language models. arXiv preprint arXiv:2305.18279, 2023.
  • Peng et al. [2023] Z. Peng, W. Wang, L. Dong, Y. Hao, S. Huang, S. Ma, and F. Wei. Kosmos-2: Grounding multimodal large language models to the world. arXiv preprint arXiv:2306.14824, 2023.
  • You et al. [2023] H. You, H. Zhang, Z. Gan, X. Du, B. Zhang, Z. Wang, L. Cao, S.-F. Chang, and Y. Yang. Ferret: Refer and ground anything anywhere at any granularity. ArXiv, abs/2310.07704, 2023. URL https://api.semanticscholar.org/CorpusID:263834718.
  • Cai et al. [2024] M. Cai, H. Liu, D. Park, S. K. Mustikovela, G. P. Meyer, Y. Chai, and Y. J. Lee. Vip-llava: Making large multimodal models understand arbitrary visual prompts. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2024.
  • Shtedritski et al. [2023] A. Shtedritski, C. Rupprecht, and A. Vedaldi. What does clip know about a red circle: Visual prompt engineering for vlms. In Proceedings of the International Conference on Computer Vision (ICCV), 2023.
  • Nasiriany et al. [2024] S. Nasiriany, F. Xia, W. Yu, T. Xiao, J. Liang, I. Dasgupta, A. Xie, D. Driess, A. Wahid, Z. Xu, Q. Vuong, T. Zhang, E. T.-W. Lee, K.-H. L. Lee, P. Xu, S. Kirmani, Y. Zhu, A. Zeng, K. Hausman, N. Heess, C. Finn, S. Levine, and B. Ichter. Pivot: Iterative visual prompting elicits actionable knowledge for vlms. arXiv preprint arXiv:2402.07872, 2024.
  • Qian et al. [2024] S. Qian, W. Chen, M. Bai, X. Zhou, Z. Tu, and E. L. Li. Affordancellm: Grounding affordance from vision language models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2024.
  • Ingelhag et al. [2024] N. Ingelhag, J. Munkeby, v. J. Haastregt, A. Varava, M. C. Welle, and D. Kragic. A robotic skill learning system built upon diffusion policies and foundation models. arXiv preprint arXiv:2403.16730, 2024.
  • Wu et al. [2023] Y. Wu, Y. Fan, P. P. Liang, A. Azaria, Y. Li, and T. M. Mitchell. Read and reap the rewards: Learning to play atari with the help of instruction manuals. In Advances in Neural Information Processing Systems (NeurIPS), 2023.
  • Yoneda et al. [2023] T. Yoneda, J. Fang, P. Li, H. Zhang, T. Jiang, S. Lin, B. Picker, D. Yunis, H. Mei, and M. R. Walter. Statler: State-maintaining language models for embodied reasoning. arXiv preprint arXiv:2306.17840, 2023.
  • Reed et al. [2022] S. Reed, K. Zolna, E. Parisotto, S. G. Colmenarejo, A. Novikov, G. Barth-Maron, M. Gimenez, Y. Sulsky, J. Kay, J. T. Springenberg, T. Eccles, J. Bruce, A. Razavi, A. Edwards, N. Heess, Y. Chen, R. Hadsell, O. Vinyals, M. Bordbar, and F. de Nando. A generalist agent. In Trans. on Machine Learning Research, 2022.
  • Wu et al. [2023] H. Wu, Y. **g, C. Cheang, G. Chen, J. Xu, X. Li, M. Liu, H. Li, and T. Kong. Unleashing large-scale video generative pre-training for visual robot manipulation. arXiv preprint arXiv:2312.13139, 2023.
  • Octo Model Team et al. [2024] Octo Model Team, D. Ghosh, H. Walke, K. Pertsch, K. Black, O. Mees, S. Dasari, J. Hejna, C. Xu, J. Luo, T. Kreiman, Y. Tan, L. Y. Chen, P. Sanketi, Q. Vuong, T. Xiao, D. Sadigh, C. Finn, and S. Levine. Octo: An open-source generalist robot policy. In Robotics science and systems (RSS), Delft, Netherlands, 2024.
  • 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. In Proceedings of the International Conference on Machine Learning (ICML), 2023.
  • Bazi et al. [2024] Y. Bazi, L. Bashmal, M. M. Al Rahhal, R. Ricci, and F. Melgani. Rs-llava: A large vision-language model for joint captioning and question answering in remote sensing imagery. Remote Sensing, 16(9):1477, 2024.
  • Thawkar et al. [2023] O. Thawkar, A. Shaker, S. S. Mullappilly, H. Cholakkal, R. M. Anwer, S. Khan, J. Laaksonen, and F. S. Khan. Xraygpt: Chest radiographs summarization using medical vision-language models. arXiv: 2306.07971, 2023.
  • Ranasinghe et al. [2024] K. Ranasinghe, X. Li, K. Kahatapitiya, and M. S. Ryoo. Understanding long videos in one multimodal language model pass. arXiv preprint arXiv:2403.16998, 2024.
  • Pinto and Gupta [2016] L. Pinto and A. Gupta. Supersizing self-supervision: Learning to grasp from 50k tries and 700 robot hours. In IEEE International Conference on Robotics and Automation (ICRA), pages 3406–3413. IEEE, 2016.
  • Sermanet et al. [2018] P. Sermanet, C. Lynch, Y. Chebotar, J. Hsu, E. Jang, S. Schaal, S. Levine, and G. Brain. Time-contrastive networks: Self-supervised learning from video. In IEEE International Conference on Robotics and Automation (ICRA), pages 1134–1141. IEEE, 2018.
  • Li et al. [2022] X. Li, J. Shang, S. Das, and M. Ryoo. Does self-supervised learning really improve reinforcement learning from pixels? In Advances in Neural Information Processing Systems (NeurIPS), volume 35, pages 30865–30881, 2022.
  • Li et al. [2024] X. Li, V. Belagali, J. Shang, and M. S. Ryoo. Crossway diffusion: Improving diffusion-based visuomotor policy via self-supervised learning. IEEE International Conference on Robotics and Automation (ICRA), 2024.
  • Wang et al. [2023] J. Wang, S. Dasari, M. K. Srirama, S. Tulsiani, and A. Gupta. Manipulate by seeing: Creating manipulation controllers from pre-trained representations. In Proceedings of the International Conference on Computer Vision (ICCV), pages 3859–3868, 2023.
  • Doersch et al. [2015] C. Doersch, A. Gupta, and A. A. Efros. Unsupervised visual representation learning by context prediction. In Proceedings of the International Conference on Computer Vision (ICCV), pages 1422–1430, 2015.
  • Yun et al. [2022] S. Yun, J. Kim, D. Han, H. Song, J.-W. Ha, and J. Shin. Time is matter: Temporal self-supervision for video transformers. arXiv preprint arXiv:2207.09067, 2022.
  • Ranasinghe et al. [2022] K. Ranasinghe, M. Naseer, S. H. Khan, F. S. Khan, and M. S. Ryoo. Self-supervised video transformer. Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 2864–2874, 2022.
  • Walker et al. [2021] J. Walker, A. Razavi, and A. van den Oord. Predicting video with vqvae. ArXiv, abs/2103.01950, 2021. URL https://api.semanticscholar.org/CorpusID:232092596.
  • Oquab et al. [2023] M. Oquab, T. Darcet, T. Moutakanni, H. Vo, M. Szafraniec, V. Khalidov, P. Fernandez, D. Haziza, F. Massa, A. El-Nouby, et al. Dinov2: Learning robust visual features without supervision. arXiv preprint arXiv:2304.07193, 2023.
  • Zhai et al. [2023] X. Zhai, B. Mustafa, A. Kolesnikov, and L. Beyer. Sigmoid loss for language image pre-training. In Proceedings of the International Conference on Computer Vision (ICCV), pages 11975–11986, 2023.
  • Yuan et al. [2024] W. Yuan, J. Duan, V. Blukis, W. Pumacay, R. Krishna, A. Murali, A. Mousavian, and D. Fox. Robopoint: A vision-language model for spatial affordance prediction for robotics. arXiv preprint arXiv:2406.10721, 2024.
  • Liang et al. [2023] J. Liang, W. Huang, F. Xia, P. Xu, K. Hausman, B. Ichter, P. Florence, and A. Zeng. Code as policies: Language model programs for embodied control. In IEEE International Conference on Robotics and Automation (ICRA), pages 9493–9500. IEEE, 2023.
  • Singh et al. [2023] I. Singh, V. Blukis, A. Mousavian, A. Goyal, D. Xu, J. Tremblay, D. Fox, J. Thomason, and A. Garg. Progprompt: Generating situated robot task plans using large language models. In IEEE International Conference on Robotics and Automation (ICRA), pages 11523–11530. IEEE, 2023.
  • Huang et al. [2023] W. Huang, C. Wang, R. Zhang, Y. Li, J. Wu, and L. Fei-Fei. Voxposer: Composable 3d value maps for robotic manipulation with language models. arXiv preprint arXiv:2307.05973, 2023.
  • Liu et al. [2024] F. Liu, K. Fang, P. Abbeel, and S. Levine. Moka: Open-vocabulary robotic manipulation through mark-based visual prompting. arXiv preprint arXiv:2403.03174, 2024.
  • Huang et al. [2023] J. Huang, J. Zhang, K. Jiang, H. Qiu, and S. Lu. Visual instruction tuning towards general-purpose multimodal model: A survey. arXiv preprint arXiv:2312.16602, 2023.
  • Radford et al. [2021] A. Radford, J. W. Kim, C. Hallacy, A. Ramesh, G. Goh, S. Agarwal, G. Sastry, A. Askell, P. Mishkin, J. Clark, et al. Learning transferable visual models from natural language supervision. In Proceedings of the International Conference on Machine Learning (ICML), pages 8748–8763. PMLR, 2021.
  • Bai et al. [2023] J. Bai, S. Bai, S. Yang, S. Wang, S. Tan, P. Wang, J. Lin, C. Zhou, and J. Zhou. Qwen-vl: A frontier large vision-language model with versatile abilities. arXiv preprint arXiv:2308.12966, 2023.
  • Li et al. [2024] F. Li, R. Zhang, H. Zhang, Y. Zhang, B. Li, W. Li, Z. Ma, and C. Li. Llava-next: Tackling multi-image, video, and 3d in large multimodal models, June 2024. URL https://llava-vl.github.io/blog/2024-06-16-llava-next-interleave/.
  • Minderer et al. [2024] M. Minderer, A. Gritsenko, and N. Houlsby. Scaling open-vocabulary object detection. Advances in Neural Information Processing Systems (NeurIPS), 36, 2024.
  • He et al. [2017] K. He, G. Gkioxari, P. Dollár, and R. Girshick. Mask r-cnn. In Proceedings of the International Conference on Computer Vision (ICCV), pages 2961–2969, 2017.
  • He et al. [2016] K. He, X. Zhang, S. Ren, and J. Sun. Deep residual learning for image recognition. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pages 770–778, 2016.
  • Lin et al. [2014] T.-Y. Lin, M. Maire, S. Belongie, J. Hays, P. Perona, D. Ramanan, P. Dollár, and C. L. Zitnick. Microsoft coco: Common objects in context. In Proceedings of the European Conference on Computer Vision (ECCV), pages 740–755. Springer, 2014.

The appendix will cover all the implementation details, expanded experiment results, and further discussions.

Appendix A Implementation Details

In this section, we provide more implementation details regarding preparing the datasets, training the model, and the real-world robot experiment setting.

A.1 Dataset Preparation

In this subsection, we give more details and examples on the major datasets used in this paper.

A.1.1 Build inBC Dataset from Expert Trajectories

We formulate the dataset in a single-image single-turn conversation setting to emulate a policy where the user queries the Vision Language Model (VLM) with the current observation, and the VLM generates a response that can be directly translated into a concrete action, as introduced in Sec. 4.2. The image and text from the current observation can be directly processed by the VLM using a fixed template, while the conversion of numerical actions into text is facilitated through the use of normalized 2D image coordinates. Tab. 1 contains an example using a VIMA-Bench sample.

Given the current limitations of LLaVA [7], to optimize performance, we propose two techniques:

  • Action History in Query Each query to the VLM includes a history of actions previously executed in the episode. This approach enhances the VLM’s understanding of task context within the constraints of a single-turn conversation. (See the orange text in Tab. 1)

  • Plan ‘Twice’ Act Once - Multi-step Planning In action generation, the dataset is prepared such that the VLM is designed to generate all successive actions in the response, literally performing multi-step action planning. However, only the first action is executed. For the next state, we query the VLM again with a new observation and a question and only take the first action generated by the VLM.

These designs proved beneficial in our ablation study, as detailed in Tab. 9.

The rest of this section details the process on VIMA-Bench [43]. VIMA-Bench introduces 17 simulated robot manipulation tasks using multimodal prompts that combine text and reference images. The full accompanying dataset includes 660k expert trajectories, covering 13 of the 17 tasks.

All tasks occur in an environment where a robot arm, equipped with either a spatula or a suction cup, is positioned alongside a flat table. Multiple objects with diverse textures are randomly initialized on the table according to the specific task setting.

Each episode in the dataset features a multimodal task description that clarifies the episode’s goal, incorporating images referred to as ‘reference images.’ Two third-person view cameras capture the scene, providing a top-down view and a front view looking down at the table. The dataset includes RGB, instance segmentation masks and meta information (e.g., textures and shapes) of the objects in images for the reference images and the observations captured by these cameras. We first extract the bounding boxes of each object from the instance-level segmentation mask, as an object detection oracle. Additionally, the dataset contains the expert action sequence required to complete the episode. The action space consists of two poses: for the robot equipped with a spatula, these poses indicate the start and end points of a push; for the robot with a suction cup, they specify where the robot picks up and places an object.

Due to the constraints of LLaVA [7] and our findings presented in Tab. 10, in each conversation, only the current image from the front view camera is retained as the visual input to the VLM. Other reference images are substituted with short captions that describe the texture (color) and shape of the referred object, which are details extracted from the meta information (See inBC in Tab. 1). However, in principle, there is nothing stop** us from extending the current framework to a multi-image setting, taking advantage of a VLM that can handle multiple interleaving images in a conversation.

A.1.2 Build 𝒟𝒟\mathcal{D}caligraphic_D-inBC from inBC

While inBC in Tab. 1 has shown its great power in many aspects when the reference image contains a scene that has multiple objects instead of one, the inBC will fail to deliver any useful information (e.g., Tab. 5). To address this issue, we utilize an object detector to parse an image of a scene into a list of objects with its corresponding bounding box. The new dataset is named 𝒟𝒟\mathcal{D}caligraphic_D-inBC because a reference image will be ‘described’ as a list of objects now. Tab. 5 shows an example where 𝒟𝒟\mathcal{D}caligraphic_D-inBC delivers more critical information than inBC.

Table 5: Another comparison between two converted instruction tuning datasets. In this example, the reference images in the task description depict scenes with multiple objects. The task description of the episode is in blue. The description of an object in the reference image (oracle detection results) is in magenta.
Original BC {frame_0} [Uncaptioned image]
{frame_1} [Uncaptioned image]
{frame_2} [Uncaptioned image]
Task Stack objects in this order {frame_0} {frame_1} {frame_2}
inBC Input [Uncaptioned image]
(current front camera view.)
<task>Stack objects in this order frame_0 frame_1 frame_2.</task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
Output Step 1: Pick up the <p>green paisley letter V</p> at <b>(0.465, 0.617)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.711, 0.617)</b>.
Step 2: Pick up the <p>red letter V</p> at <b>(0.281, 0.633)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.770, 0.633)</b>.
Input [Uncaptioned image]
(current front camera view.)
<task>Stack objects in this order
<scene><p>red letter V</p> at <b>(0.254, 0.570), {0.094, 0.156}</b>. <p>green paisley letter V</p> at <b>(0.500, 0.570), {0.094, 0.156}</b>. <p>rainbow letter V</p> at <b>(0.746, 0.570), {0.094, 0.156}</b>.</scene>
<scene><p>red letter V</p> at <b>(0.254, 0.570), {0.094, 0.156}</b>. <p>rainbow letter V</p> at <b>(0.746, 0.578), {0.094, 0.133}</b>. <p>green paisley letter V</p> at <b>(0.746, 0.516), {0.094, 0.148}</b>.</scene>
𝒟𝒟\mathcal{D}caligraphic_D-inBC
<scene><p>rainbow letter V</p> at <b>(0.746, 0.602), {0.094, 0.086}</b>. <p>green paisley letter V</p> at <b>(0.746, 0.531), {0.094, 0.125}</b>. <p>red letter V</p> at <b>(0.746, 0.469), {0.094, 0.156}</b>.</scene>.</task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
Output [Same as inBC ]

A.1.3 Auxiliary Datasets

The auxiliary datasets are created using the template outlined in Fig. 4. During dataset generation, for each sample, one template is randomly selected from a pool of 15 templates. These templates were initially rephrased from a single sentence using GPT-4 [1]. The full list of the pools are listed in Tab. 20, Tab. 19, Tab. 21, Tab. 22, Tab. 23, Tab. 24, Tab. 25, Tab. 26, Tab. 27, and Tab. 28. The qualitative examples are available in Tab. 6 and Tab. 7.

Table 6: Qualitative examples of the auxiliary datasets. In this table, the examples of all the datasets take the same input image as shown in the first row. The description of an object or a scene (oracle detection results) is in magenta. The action is in orange.
Image Input [Uncaptioned image]
(current front camera view.)
Object Localization Input Could you tell me the location of <p>red letter V</p> in the image? Use the format <b>(x, y), w, h</b>, where x and y denote the center of the bounding box and w and h are the width and height. Coordinates start at the top left corner and should be normalized between 0 and 1.
Output <p>red letter V</p> at <b>(0.254, 0.570), 0.094, 0.156</b>.
Object Detection Input Enumerate and describe every object found in the image. For each object, utilize the format <b>(x, y), w, h</b>, where x, y are the bounding box center coordinates and w, h are the dimensions (width and height) of the bounding box. The coordinates begin at the top left corner and are normalized between 0 and 1.
Output <scene>
<p>red letter V</p> at <b>(0.254, 0.570), 0.094, 0.156</b>.
<p>green paisley letter V</p> at <b>(0.500, 0.570), 0.094, 0.156</b>.
<p>rainbow letter V</p> at <b>(0.746, 0.570), 0.094, 0.156</b>.
<p>green paisley block</p> at <b>(0.668, 0.414), 0.094, 0.227</b>.
</scene>
Action Prediction Input Can you explain what needs to be done to adjust the scene shown in the image to resemble the second scene? The second scene <scene><p>red letter V</p> at <b>(0.254, 0.594), 0.094, 0.156</b>. <p>green paisley letter V</p> at <b>(0.742, 0.547), 0.098, 0.156</b>. <p>rainbow letter V</p> at <b>(0.746, 0.609), 0.094, 0.125</b>. <p>green paisley block</p> at <b>(0.668, 0.414), 0.094, 0.227</b>.</scene> consists of object bounding boxes provided in the format <b>(x, y), w, h</b>. Here, x and y represent the center coordinates, and w and h are the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1. Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
Output Pick up the <p>green paisley letter V</p> at <b>(0.465, 0.617)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.711, 0.617)</b>.
Future Prediction Input An image depicts a scene containing multiple objects. Now you pick up the <p>green paisley letter V</p> at <b>(0.465, 0.617)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.711, 0.617)</b>, what will the scene look like? Write the list of object bounding boxes. The bounding boxes should be formatted as <b>(x, y), w, h</b>, where x and y denote the center coordinates, and w and h are the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.
Output <scene>
<p>red letter V</p> at <b>(0.254, 0.594), 0.094, 0.156</b>.
<p>green paisley letter V</p> at <b>(0.742, 0.547), 0.098, 0.156</b>.
<p>rainbow letter V</p> at <b>(0.746, 0.609), 0.094, 0.125</b>.
<p>green paisley block</p> at <b>(0.668, 0.414), 0.094, 0.227</b>.
</scene>
Table 7: (Continued) Qualitative examples of the auxiliary datasets. In this table, the examples of all the datasets take the same input image as shown in the first row. The description of an object or a scene (oracle detection results) is in magenta. The examplar is in teal.
Image Input [Uncaptioned image]
(current front camera view.)
Spatial Relationship Input Can you explain the relative spatial positions of <p>red letter V</p> compared to <p>green paisley letter V</p> in this image? Use terms such as left, right, above, below, etc. Also, determine the 2D center distance and the Euclidean center distance between them. Your output should match this format: <p>green paisley block</p> is left and top from <p>rainbow letter V</p> with 2d center distance (x,y) of <d>(-0.078, -0.156)</d> and euclidean center distance of <e>0.175</e>. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.
Output <p>red letter V</p> is left and bottom from <p>green paisley letter V</p> with 2d center distance (x,y) of <d>(-0.246, 0.000)</d> and euclidean center distance of <e>0.246</e>.
Temporal Relationship Input At the initial timestamp, the image shows a scene, and the second image described as <scene><p>red letter V</p> at <b>(0.254, 0.594), 0.094, 0.156</b>. <p>green paisley letter V</p> at <b>(0.742, 0.547), 0.098, 0.156</b>. <p>rainbow letter V</p> at <b>(0.746, 0.609), 0.094, 0.125</b>. <p>green paisley block</p> at <b>(0.668, 0.414), 0.094, 0.227</b>.</scene> depicts the next timestamp. Can you describe the change in the relative position of <p>red letter V</p> compared to <p>green paisley letter V</p> between these two timestamps? Use relative distance terms such as getting closer or moving further away, etc. Also, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: <p>rainbow letter V</p> moves far away from <p>green paisley block</p>. 2d center distance (x,y) of <p>green paisley block</p> from <p>rainbow letter V</p> changes by <d>(0.000, -0.039)</d> and Euclidean center distance between them <e>0.036</e>. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.
Output <p>green paisley letter V</p> moves far away from <p>red letter V</p>. 2d center distance (x,y) of <p>red letter V</p> from <p>green paisley letter V</p> changes by <d>(-0.242, 0.047)</d> and Euclidean center distance between them <e>0.244</e>.

A.2 Training

We initiate training using a pretrained LLaVA-1.5-7B [8] model and finetune all parameters, including the language model and the projection layer, with the exception of the vision encoder. The training settings closely align with those of the original LLaVA stage 2. However, for VIMA-0.8k and VIMA-8k, we employ a batch size of 32, whereas for VIMA-80k, we restore the batch size to 128.

A.3 Inference

During inference, for the models trained on inBC, a new conversation is initiated at each timestamp. The model is queried with a current image observation and an instruction that mirrors those in the dataset. Additionally, a prompt randomly selected from Tab. 18 is added to the instruction during inference only, although it appears to have limited impact in retrospect.

Model sampling is disabled during training, ensuring that the model consistently outputs the token with the highest probability. This approach is designed to maximize the consistency and reliability of the model’s responses.

For the models trained on 𝒟𝒟\mathcal{D}caligraphic_D-inBC, before we query the VLM, we would first run object detection on all reference images and take the detection results to fill the instruction template of 𝒟𝒟\mathcal{D}caligraphic_D-inBC. Besides this, the settings are identical to the models introduced ahead.

In this paper, we explore three approaches to object detection. The first method involves using a single query from Tab. 20 and employing the same VLM as the policy to perform object detection.

The second approach utilizes a Mask-RCNN [68] model, which features a ResNet50 [69] backbone pretrained on the COCO dataset [70] and subsequently finetuned using the VIMA dataset. A suffix ‘OD’ will be added to the model name if the model uses this method.

Finally, we test the versions that use the groundtruth detection results. A suffix ‘Oracle’ will be added to the model name if the model uses this information.

A.4 RT-2-Style baseline

For the RT-2-Style baseline, the procedure begins by normalizing each element of the action vector to a range from 0 to 1. We then quantize these values into 256 bins and map the resulting discrete values to tokens indexed from 31000 to 31255 in the tokenizer. The dataset employed is similar to inBC, but it omits the prompt for the output format, and the action is represented by the mapped special tokens. Additionally, we have prepared a version similar to 𝒟𝒟\mathcal{D}caligraphic_D-inBC, named 𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style, which takes advantage of object detection on reference images.

A.5 Real-world robot experiments

In this section, we introduce the implementation details of our real-world robot experiments.

The object detector for all real-world experiments is an OWLv2 [67] (ViT-base, patch size 16) running in one-shot detection mode. The object detector takes a prompt image from the same domain and detects the objects in the observation. The list of plastic toys we used as {object} (and detected) is: {duck, croissant, cupcake, blueberries, carrot, banana, grapes, donut, tomato, corn, pepper}

In the GPT-4o baseline, the model is fed the same prompt as in RT-2, with an additional prompt describing the robot arm: “You are operating a robot arm at a table to complete a task specified between <task></task>. Given the current image, you need to generate a series of actions to control the robot arm to accomplish the task.”. The model’s answer is parsed to extract the pick and place points.

Tab. 8 shows examples of the real-world datasets we collected.

Table 8: Qualitative examples of our real-world datasets xArm-Det and xArm-Action. The description of an object in the image (one-shot detection results) is in magenta. The task description of the episode is in blue.
Image Input [Uncaptioned image]
xArm-Det Localization Input Could you tell me the location of <p>blueberry</p> in the image?
Use the format <b>(x, y), w, h</b>, where x and y denote the center of the bounding box and w and h are the width and height. Coordinates start at the top left corner and should be normalized between 0 and 1.
Output <p>blueberry</p> at <b>(0.478, 0.725), 0.058, 0.125</b>.
xArm-Det Detection Input Describe all the objects seen in the image, and list them using the format <b>(x, y), w, h</b>. The x and y values are the coordinates for the center of the bounding box, while w and h represent its width and height. The coordinates should be normalized from the top left corner, within a range of 0 to 1.
Output <scene>
<p>cupcake</p> at <b>(0.440, 0.128), 0.063, 0.123</b>.
<p>corn</p> at <b>(0.237, 0.826), 0.061, 0.246</b>.
<p>carrot</p> at <b>(0.608, 0.135), 0.152, 0.113</b>.
<p>donut</p> at <b>(0.396, 0.355), 0.079, 0.145</b>.
<p>grape</p> at <b>(0.318, 0.534), 0.077, 0.143</b>.
<p>duck</p> at <b>(0.795, 0.280), 0.066, 0.128</b>.
<p>green_pepper</p> at <b>(0.688, 0.411), 0.062, 0.187</b>.
<p>blueberry</p> at <b>(0.478, 0.725), 0.058, 0.125</b>.
<p>tomato</p> at <b>(0.543, 0.421), 0.078, 0.154</b>.
</scene>
xArm-Action Rotation Input <task>Rotate the <p>cupcake</p> at <b>(0.440, 0.128), 0.063, 0.123</b> by -50 degrees.</task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
Output Pick up the <p>cupcake</p> at <b>(0.440, 0.128)</b>, rotate <r>[-50]</r> degrees, and drop it at <b>(0.440, 0.128)</b>.
xArm-Action Put on top Input <task>Move the <p>cupcake</p> at <b>(0.440, 0.128), 0.063, 0.123</b> on the top of the <p>corn</p> at <b>(0.237, 0.826), 0.061, 0.246</b>.</task>
Every action you take must include two locations in the format of <b>(x, y)</b> and one clockwise rotation angle in the format of <r>[r]</r>. The first location is the image coordinate where you use a suction cup to pick up the object, and the second location is where you place the object. The image coordinate ranges from 0 to 1. The rotation angle indicates how many degrees you rotate the object clockwise, and it ranges from -359 to 359.
Output Step 1: Pick up the <p>cupcake</p> at <b>(0.440, 0.128)</b>, rotate <r>[0]</r> degrees, and drop it at <b>(0.237, 0.826)</b>.

Appendix B Expanded Experiments

In this section, we include more experiment results. All the results are collected in Tab. 12 and Tab. 13 (VIMA-0.8k), Tab. 14 and Tab. 15(VIMA-8k) and Tab. 16 and Tab. 17(VIMA-80k).

Clarification on L4 results

We adopted the testing protocol from VIMA-Bench [43], conducting evaluations across four levels of difficulty, from L1 to L4. However, during our analysis, we discovered an inconsistency in the training set: the rotation information for the robot end effector was recorded as zero for all swee** tasks where the end effector is a spatula. Given the importance of the spatula orientation in a swee** task and the fact that swee** tasks constitute 25% of the evaluations at the L4 difficulty level, we concluded that our ability to accurately evaluate our method at L4 was compromised. Considering that the original VIMA model released by the authors appears to include this rotation information, we have chosen not to report the results for L4 in our study.

Ablation on action history and multi-step planning

As described in Sec. A.1.1, we enable action history and multi-step planning when generating inBC and 𝒟𝒟\mathcal{D}caligraphic_D-inBC. Tab. 9 shows that these designs are helpful.

Table 9: Ablation on action history and multi-step planning. His. stands for enabling action history and Plan means enabling multi-step planning. All models are trained on VIMA-8k for 2 epochs.
Method His. Plan L1 (%) L2 (%) L3 (%)
inBC 57.3 46.2 42.9
inBC 43.5 36.9 36.7
inBC 45.8 39.6 35.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 63.5 51.5 50.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 58.5 41.5 47.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 53.5 39.2 37.5
Ablation on multiple image inputs

This ablation studies multiple image inputs within a single conversation. Each image is processed by the vision encoder and the projection layer to generate a series of tokens. These image tokens are then integrated into the textual conversation at the points where the corresponding images are referenced.

However, because LLaVA is trained with one image per conversation instead of an interleaving style. The performance drops significantly when applying multiple image inputs, listed in Tab. 10.

Table 10: Ablation on multiple image inputs (Mul.). All models are trained on VIMA-8k for 2 epochs.
Method Mul. L1 (%) L2 (%) L3 (%)
inBC 57.3 46.2 42.9
inBC 44.6 27.7 34.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 63.5 51.5 50.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 27.7 24.6 34.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) 64.6 58.8 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux (C) 31.2 28.5 27.1
Ablation on object detector
Refer to caption
Figure 13: Impact of different object detectors.

We study three types of object detectors in this paper: the VLM model itself, an external object detector separately trained on the training set (the methods with a suffix OD), and an oracle from the groundtruth dataset (Oracle). Fig. 13 shows that a reliable object detector is highly beneficial, enhancing the accuracy of image-based inputs and consequently improving model performance.

Few-shot experiments using LLM / VLM

We expanded our evaluation to include the few-shot performance of existing Large Language Models (LLMs) and Vision Language Models (VLMs). Consistent with the inference settings described in Sec. A.3, we provided three additional examples from either inBC or 𝒟𝒟\mathcal{D}caligraphic_D-inBC for each test scenario. The results of these evaluations are detailed in Tab. 11, where we examine three variables:

Vision: When this option is enabled, the model will have access to the current image observation, allowing it to integrate visual data into its response. If disabled, the model operates solely as a text-based system.
Oracle: This variable is checked when the examples are drawn from the 𝒟𝒟\mathcal{D}caligraphic_D-inBC dataset. It indicates that the examples provided for few-shot learning include descriptive textual information about the reference images, potentially offering richer context.
Same-task: When this is checked, the examples used for prompting are from the same task type as those in the evaluation environment.

Table 11: Three-shot performance of LLMs / VLMs
Output Vision Oracle Same-task L1 (%) L2 (%) L3 (%) L4 (%)
GPT-4o 1.4 1.4 0.0 N/A
GPT-4o 0.4 0.4 0.4 0.0
GPT-4o 1.4 1.8 0.5 N/A
GPT-4o 1.2 0.4 0.4 1.2
GPT-4o 5.9 4.5 4.0 N/A
GPT-4o 6.9 5.8 4.2 1.2
Llama 3 70B (4-bit) 0.0 0.0 0.0 N/A
Llama 3 70B (4-bit) 0.8 1.2 0.4 1.2
Llama 3 70B (4-bit) 0.0 1.4 0.5 N/A
Llama 3 70B (4-bit) 0.0 0.4 0.4 0.0
LlaVA-1.5-7B 0.9 1.4 0.5 N/A
LlaVA-1.5-7B 0.0 0.0 1.0 1.2
LlaVA-1.6-34B 1.4 1.4 0.5 N/A
LlaVA-1.6-34B 1.2 0.8 2.1 0.0

From the observed low performance, we infer that the data utilized for robot control significantly deviates from the conversation contexts in which these models were originally trained. This indicates a pressing need to further finetune the models specifically for robot control tasks to achieve adequate performance. Additionally, our findings hint that visual input considerably enhances the functionality of GPT-4o.

Appendix C Limitations

While our model has demonstrated significant achievements and holds considerable potential, it is important to acknowledge that there remains space for further optimization.

First, some concepts in images still can not be easily and precisely described by language, while in many cases these features are critical for robot control.

Second, we still rely on the object detector trained on a limited number of classes which limit the generalization ability of this method.

Third, the information extracted from the dataset can be noisy, which may lead to model confusion. In Tab. 1, there are discrepancies such as the location of an object in a reference image differing from its actual location in the current image observation. At the same time, in VIMA dataset, when referring to the shape of an object without a color, the object in the reference image will appear in gray, which is a totally different color than the object with the same shape in the current observations.

Finally, our method relies on 2D to 2D map** to convert image coordinates into actual actions, which may face challenges when the complex 3D movement of the robot is required.

We believe enhancements in the mentioned aspects could further improve performance and broader applicability in complex, real-world applications.

Table 12: Results on VIMA-0.8k dataset. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
RT-2 Style 1 1 0.0 0.4 0.4
RT-2 Style 2 2 1.2 0.4 0.8
RT-2 Style 4 4 1.5 1.2 2.5
RT-2 Style 6 6 2.3 1.5 0.8
RT-2 Style 8 8 2.3 3.5 2.1
inBC 1 1 23.1 16.5 16.7
inBC 2 2 30.0 23.8 19.6
inBC 4 4 22.3 21.2 15.4
inBC 6 6 21.9 14.6 17.5
inBC 8 8 20.4 17.7 18.3
inBC 10 10 20.4 18.1 14.6
inBC + Aux 1 1.2 0.1* 0.1* 13.8 13.1 9.2
inBC + Aux 1 3 1* 1* 28.8 26.5 24.2
inBC + Aux 2 2.4 0.1* 0.1* 29.6 21.9 23.3
inBC + Aux 2 2.4 0.1 0.1 23.5 20.4 17.5
inBC + Aux 2 4 0.5 0.5 26.9 23.8 24.6
inBC + Aux 2 4 0.2 0.2 0.2 0.2 35.0 24.2 26.7
inBC + Aux 2 4 0.2 0.2 0.2 0.2 0.2 33.5 26.2 21.7
inBC + Aux 2 6 1* 1* 31.9 26.5 30.4
inBC + Aux 2 6 1 1 30.4 27.3 27.1
inBC + Aux 2 7 0.5 0.5 0.5 0.5 0.5 36.2 29.6 29.2
inBC + Aux 2 8 0.5* 0.5* 0.5 0.5 0.5* 0.5 33.5 29.2 33.3
inBC + Aux 2 8 0.5 0.5 0.5 0.5 0.5 0.5 31.9 29.6 26.7
inBC + Aux 2 10 1 1 1 1 37.7 30.8 28.7
inBC + Aux 2 12 1 1 1 1 1 38.8 34.6 29.6
inBC + Aux 2 14 1* 1* 1 1 1* 1 37.7 29.6 27.9
inBC + Aux 2 14 1 1 1 1 1 1 40.0 35.8 31.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 1.2 0.1* 0.1* 18.5 17.7 13.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 3 1* 1* 28.8 25.4 23.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 2.4 0.1* 0.1* 23.5 16.2 22.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 2.4 0.1 0.1 21.5 21.2 23.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 4 0.5 0.5 28.1 25.8 21.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 4 0.2 0.2 0.2 0.2 32.3 29.6 22.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 4 0.2 0.2 0.2 0.2 0.2 30.0 26.5 25.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 6 1* 1* 33.8 30.8 29.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 6 1 1 35.8 28.5 28.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 7 0.5 0.5 0.5 0.5 0.5 38.5 26.9 30.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 8 0.5* 0.5* 0.5 0.5 0.5* 0.5 37.3 26.5 34.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 8 0.5 0.5 0.5 0.5 0.5 0.5 34.2 29.6 30.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 10 1 1 1 1 34.6 33.1 28.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 12 1 1 1 1 1 40.0 38.5 37.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 14 1* 1* 1 1 1* 1 40.8 30.4 32.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 14 1 1 1 1 1 1 40.0 35.4 36.2
Table 13: Results on VIMA-0.8k dataset with object detector or Oracle. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 1 1 0.0 0.0 0.0
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 2 2 0.4 1.5 2.5
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 4 4 1.9 1.5 2.5
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 6 6 1.9 2.3 0.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 8 8 1.9 1.2 0.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 1 1 17.3 11.9 12.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 2 2 17.3 14.6 15.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 4 4 32.7 24.2 24.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 6 6 28.1 23.1 21.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 8 8 26.2 17.7 22.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 6 1 1 36.9 25.8 30.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 10 1 1 1 1 41.2 31.9 32.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 12 1 1 1 1 1 44.6 33.5 37.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 14 1 1 1 1 1 1 47.3 36.5 38.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 1 1 0.0 0.4 0.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 2 2 0.8 0.8 1.7
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 4 4 1.9 3.8 4.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 6 6 2.7 3.5 0.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 8 8 1.2 2.7 1.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 1 1 16.9 13.5 10.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 2 2 20.0 19.2 17.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 4 4 37.7 26.2 29.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 6 6 30.0 28.1 27.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 8 8 27.7 23.1 27.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 6 1 1 45.0 36.9 39.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 10 1 1 1 1 43.8 38.5 37.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 12 1 1 1 1 1 52.7 44.6 50.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 14 1 1 1 1 1 1 49.6 46.2 47.9
Table 14: Results on VIMA-8k dataset. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
RT-2 Style 1 1 3.1 3.5 0.8
RT-2 Style 2 2 3.8 3.1 1.7
RT-2 Style 4 4 8.1 6.5 5.8
RT-2 Style 6 6 6.5 5.4 4.2
RT-2 Style 8 8 6.2 6.5 4.2
inBC 1 1 44.6 34.2 36.2
inBC 2 2 57.3 46.2 42.9
inBC 4 4 58.5 48.5 47.1
inBC 6 6 54.6 45.4 40.4
inBC 8 8 52.3 47.3 47.1
inBC 10 10 53.1 47.7 47.9
inBC + Aux 2 2.4 0.1* 0.1* 59.6 50.0 45.4
inBC + Aux 2 2.4 0.1 0.1 57.3 52.3 45.4
inBC + Aux 2 4 0.5 0.5 60.4 56.2 52.1
inBC + Aux 2 4 0.2 0.2 0.2 0.2 59.6 59.2 51.2
inBC + Aux 2 6 1* 1* 59.2 52.3 48.3
inBC + Aux 2 6 1 1 57.7 56.2 53.8
inBC + Aux 2 7 0.5 0.5 0.5 0.5 0.5 58.1 55.0 47.9
inBC + Aux 2 10 1 1 1 1 60.4 55.8 54.2
inBC + Aux 2 12 1 1 1 1 1 60.8 55.4 50.0
inBC + Aux 2 14 1* 1* 1 1 1* 1 63.1 58.8 53.8
inBC + Aux 2 14 1 1 1 1 1 1 59.2 58.8 52.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 2.4 0.1* 0.1* 53.5 48.8 45.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 2.4 0.1 0.1 58.5 55.8 50.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 4 0.5 0.5 58.8 50.8 54.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 4 0.2 0.2 0.2 0.2 58.1 52.3 51.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 6 1* 1* 63.1 57.7 55.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 6 1 1 60.0 53.5 50.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 7 0.5 0.5 0.5 0.5 0.5 62.3 55.8 48.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 10 1 1 1 1 63.1 58.1 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 12 1 1 1 1 1 64.6 58.8 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 14 1* 1* 1 1 1* 1 62.3 54.6 51.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 14 1 1 1 1 1 1 62.3 57.7 52.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 4.8 0.1 0.1 58.5 47.7 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 12 1 1 61.2 57.7 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 20 1 1 1 1 62.3 56.5 49.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 24 1 1 1 1 1 63.5 56.2 52.5
Table 15: Results on VIMA-8k dataset with object detector or Oracle. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 1 1 1.5 3.1 1.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 2 2 10.4 8.8 7.1
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 4 4 16.9 14.2 15.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 6 6 14.2 11.5 12.9
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 8 8 15.8 10.4 6.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 1 1 55.4 45.8 45.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 2 2 63.5 51.5 50.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 4 4 63.8 46.9 55.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 6 1 1 74.2 58.5 56.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 10 1 1 1 1 75.4 66.2 57.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 12 1 1 1 1 1 76.9 63.8 57.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 12 1 1 1 1 1 79.2 64.2 58.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 14 1* 1* 1 1 1* 1 72.7 55.4 57.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 14 1 1 1 1 1 1 79.2 65.4 60.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 14 1 1 1 1 1 1 80.8 66.2 60.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 4.8 0.1 0.1 65.4 50.0 55.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 12 1 1 76.9 63.1 55.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 1 1 1.2 1.9 1.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 2 2 9.6 7.7 7.5
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 4 4 21.9 17.7 15.0
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 6 6 13.5 16.2 11.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 8 8 16.2 11.9 11.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 1 1 60.4 59.2 54.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 2 2 73.5 62.7 63.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 4 4 70.8 61.2 66.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 6 6 71.9 61.5 59.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 8 8 70.4 63.8 60.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 6 1 1 78.1 73.8 65.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 10 1 1 1 1 78.1 73.8 70.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 12 1 1 1 1 1 78.5 78.1 71.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 14 1* 1* 1 1 1* 1 76.2 65.8 66.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 14 1 1 1 1 1 1 82.3 78.1 69.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 4.8 0.1 0.1 71.9 64.6 61.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 12 1 1 78.8 75.4 67.1
Table 16: Results on VIMA-80k dataset. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
RT-2 Style 1 1 53.1 46.9 42.1
RT-2 Style 2 2 56.9 53.1 46.2
RT-2 Style 4 4 49.6 43.8 39.6
RT-2 Style 6 6 51.2 45.4 38.3
RT-2 Style 8 8 46.2 43.5 35.8
inBC 2 2 66.2 62.3 56.2
inBC 4 4 67.3 58.8 54.2
inBC 6 6 65.4 60.0 53.8
inBC 8 8 65.8 56.5 54.2
inBC + Aux 1 3 1 1 62.7 60.4 50.8
inBC + Aux 1 5 1 1 1 1 66.9 63.8 56.2
inBC + Aux 1 6 1 1 1 1 1 66.2 59.6 55.8
inBC + Aux 1 7 1 1 1 1 1 1 68.1 60.8 54.6
inBC + Aux 2 6 1 1 65.8 64.6 56.7
inBC + Aux 2 10 1 1 1 1 69.2 66.9 55.8
inBC + Aux 2 12 1 1 1 1 1 65.4 60.0 50.0
inBC + Aux 2 14 1 1 1 1 1 1 68.1 65.0 51.7
inBC + Aux 4 12 1 1 65.8 62.7 49.6
inBC + Aux 4 20 1 1 1 1 65.8 63.1 52.5
inBC + Aux 4 24 1 1 1 1 1 63.8 59.6 48.8
inBC + Aux 4 28 1 1 1 1 1 1 68.1 65.0 52.9
inBC + Aux 6 18 1 1 67.7 61.5 51.2
inBC + Aux 6 30 1 1 1 1 67.3 60.4 49.2
inBC + Aux 6 36 1 1 1 1 1 61.9 60.4 47.1
inBC + Aux 6 42 1 1 1 1 1 1 65.4 63.8 52.9
inBC + Aux 8 24 1 1 67.3 62.7 52.1
inBC + Aux 8 40 1 1 1 1 66.9 61.2 51.7
inBC + Aux 8 48 1 1 1 1 1 66.2 58.1 50.0
inBC + Aux 8 56 1 1 1 1 1 1 66.9 63.8 50.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 3 1 1 66.2 63.5 57.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 5 1 1 1 1 66.2 60.8 57.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 6 1 1 1 1 1 65.4 60.4 52.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 1 7 1 1 1 1 1 1 63.8 61.9 54.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 6 1 1 68.5 61.9 54.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 10 1 1 1 1 70.0 65.4 56.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 12 1 1 1 1 1 69.6 62.7 56.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 2 14 1 1 1 1 1 1 70.4 63.5 56.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 12 1 1 67.7 65.4 60.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 20 1 1 1 1 68.1 66.5 57.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 24 1 1 1 1 1 66.5 61.2 52.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 4 28 1 1 1 1 1 1 69.6 58.5 52.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 6 18 1 1 69.2 63.8 57.9
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 6 30 1 1 1 1 70.0 68.1 58.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 6 36 1 1 1 1 1 66.5 62.3 47.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 6 42 1 1 1 1 1 1 70.0 61.9 54.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 8 24 1 1 67.7 61.5 50.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 8 40 1 1 1 1 69.6 66.5 57.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 8 48 1 1 1 1 1 71.2 69.2 51.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux 8 56 1 1 1 1 1 1 68.1 67.7 57.9
Table 17: Results on VIMA-80k dataset with object detector or Oracle. Ep: number of epoch; U: normalized number of model iterations. The following sizes of datasets are relative to the size of inBC. Loc.: relative size of the localization dataset; Det.: relative size of the detection dataset; Act.: relative size of the action prediction dataset; Fut.: relative size of the future prediction dataset; Spa.: relative size of the spatial relationship dataset; Temp.: relative size of the temporal relationship dataset.
Method Ep U Loc. Det. Act. Fut. Spa. Temp. L1 (%) L2 (%) L3 (%)
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 1 1 49.2 43.1 36.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 2 2 52.3 50.0 45.8
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 4 4 52.3 46.5 37.9
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 6 6 47.3 47.3 36.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + OD 8 8 44.2 42.3 36.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 1 1 81.9 75.0 67.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 2 2 78.8 75.0 69.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 4 4 81.2 75.4 68.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 6 6 81.9 75.8 67.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + OD 8 8 83.8 73.8 69.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 1 3 1 1 85.0 79.2 65.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 1 5 1 1 1 1 85.0 77.7 68.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 1 6 1 1 1 1 1 79.6 73.5 64.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 1 7 1 1 1 1 1 1 84.2 74.6 66.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 6 1 1 81.5 75.8 64.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 10 1 1 1 1 86.2 83.1 69.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 12 1 1 1 1 1 80.0 73.1 62.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 2 14 1 1 1 1 1 1 85.8 77.3 66.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 12 1 1 78.5 73.8 68.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 20 1 1 1 1 82.3 77.3 71.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 24 1 1 1 1 1 82.3 71.9 63.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 4 28 1 1 1 1 1 1 83.5 71.5 62.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 6 18 1 1 80.0 75.0 67.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 6 30 1 1 1 1 86.2 81.5 69.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 6 36 1 1 1 1 1 79.6 74.6 64.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 6 42 1 1 1 1 1 1 85.0 77.3 62.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 8 24 1 1 78.5 73.1 68.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 8 40 1 1 1 1 86.5 82.7 70.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 8 48 1 1 1 1 1 82.3 78.1 65.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + OD 8 56 1 1 1 1 1 1 82.7 76.5 68.3
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 1 1 71.2 66.5 61.3
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 2 2 74.2 70.4 69.2
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 4 4 73.1 70.4 63.3
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 6 6 67.7 64.2 60.4
𝒟𝒟\mathcal{D}caligraphic_D-RT-2 Style + Oracle 8 8 69.2 61.5 55.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 1 1 84.6 84.2 80.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 2 2 84.2 82.3 77.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 4 4 85.4 83.8 80.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 6 6 86.9 85.8 80.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Oracle 8 8 87.3 85.4 82.1
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 1 3 1 1 88.8 85.0 79.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 1 5 1 1 1 1 86.2 84.6 79.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 1 6 1 1 1 1 1 82.3 77.3 69.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 1 7 1 1 1 1 1 1 86.2 83.5 77.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 6 1 1 88.5 84.2 77.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 10 1 1 1 1 91.5 88.1 80.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 12 1 1 1 1 1 81.2 80.4 67.5
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 2 14 1 1 1 1 1 1 88.5 84.6 78.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 12 1 1 85.0 87.3 78.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 20 1 1 1 1 88.8 84.6 79.6
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 24 1 1 1 1 1 81.5 77.3 65.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 4 28 1 1 1 1 1 1 84.2 80.0 71.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 6 18 1 1 84.6 85.4 76.7
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 6 30 1 1 1 1 87.7 87.3 78.3
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 6 36 1 1 1 1 1 81.2 80.8 70.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 6 42 1 1 1 1 1 1 88.8 81.2 70.0
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 8 24 1 1 86.9 81.5 75.8
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 8 40 1 1 1 1 90.0 88.1 79.2
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 8 48 1 1 1 1 1 82.3 83.1 70.4
𝒟𝒟\mathcal{D}caligraphic_D-inBC + Aux + Oracle 8 56 1 1 1 1 1 1 83.8 88.1 78.8
Table 18: Prompt candidates for action generation during inference.
‘Could you write down what needs to be done to complete the task on this scene?’
‘List out the actions needed to accomplish the task in this scene.’
‘What actions are necessary to perform the task on this scene?’
‘Can you describe what needs to be done on this scene to complete the task?’
‘What steps are required to perform the task shown in this scene?’
‘List the actions needed to perform the task given below.’
‘On the following scene, could you list what actions are required to perform the task?’
‘Describe what actions are needed on this scene to complete the task.’
‘What do you need to do on this scene to accomplish the task?’
‘List the actions required to perform the task given on this scene.’
‘Could you please describe the steps needed to perform the task on this scene?’
‘Write down the actions required to perform the task on this scene.’
‘Please write down the actions required to perform the task shown below.’
‘Can you explain what needs to be done to perform the task in this scene?’
‘Describe the actions required to complete the task on this scene.’
Table 19: Prompt candidates for object localization. {object} will be replaced with the actual object name in the dataset.
‘Where is {object} located in the image? Please use the format <b>(x, y),{w, h}</b> where x and y represent the center coordinates of the bounding box, and w and h are the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘Can you provide the location of {object} in the image? Format it as <b>(x, y),{w, h}</b>, with x and y as the center coordinates of the bounding box and w and h as the width and height. The coordinates should begin at the top left corner and be normalized from 0 to 1.’
‘What are the coordinates of {object} in the image? Use the format <b>(x, y),{w, h}</b>, where x and y are the center of the bounding box, and w and h represent the width and height. Coordinates should start at the top left corner and be normalized to a range of 0 to 1.’
‘Please specify the location of {object} in the image. List it in the format <b>(x, y),{w, h}</b>, where x and y denote the bounding box center coordinates, and w and h are the width and height. The coordinates begin from the top left corner and should be normalized to 0 to 1.’
‘What is the position of {object} within the image? Use the format <b>(x, y),{w, h}</b> to describe it, with x and y as the center coordinates of the bounding box, and w and h as the width and height. The coordinates start at the top left corner and are normalized to a scale of 0 to 1.’
‘Describe the location of {object} in the image using the format <b>(x, y),{w, h}</b>. In this format, x and y denote the center coordinates of the bounding box, while w and h represent its width and height. Coordinates should be normalized from the top left corner, ranging from 0 to 1.’
‘Can you detail the location of {object} in the image? Format it as <b>(x, y),{w, h}</b>, where x and y indicate the bounding box center, and w and h represent the width and height. The coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘Provide the location of {object} in the image using the format <b>(x, y),{w, h}</b>. Here, x and y are the center coordinates of the bounding box, and w and h are the width and height. The coordinates begin at the top left corner and are normalized from 0 to 1.’
‘Where is {object} positioned in the image? Use the format <b>(x, y),{w, h}</b>, where x and y denote the center coordinates of the bounding box, and w and h are the width and height. The coordinates should be normalized to a range of 0 to 1 starting from the top left corner.’
‘Specify the location of {object} in the image in the format <b>(x, y),{w, h}</b>. In this format, x and y represent the bounding box center, and w and h are the width and height. The coordinates should start from the top left corner and be normalized between 0 and 1.’
‘What is the exact position of {object} in the image? Format the coordinates as <b>(x, y),{w, h}</b>, where x and y are the center of the bounding box and w and h denote its width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘Describe where {object} is located in the image using the format <b>(x, y),{w, h}</b>. Here, x and y indicate the bounding box center coordinates, and w and h specify its width and height. The coordinates should be normalized starting from the top left corner, within the range of 0 to 1.’
‘Could you tell me the location of {object} in the image? Use the format <b>(x, y),{w, h}</b>, where x and y denote the center of the bounding box and w and h are the width and height. Coordinates start at the top left corner and should be normalized between 0 and 1.’
‘Provide the coordinates of {object} in the image in the format <b>(x, y),{w, h}</b>. Here, x and y are the center of the bounding box, while w and h represent its width and height. The coordinates should start from the top left corner and be normalized to 0 to 1.’
‘How is the {object} located in the image? List its coordinates using the format <b>(x, y),{w, h}</b>, where x and y are the center coordinates of the bounding box, and w and h indicate its width and height. The coordinates begin at the top left corner and are normalized to a range of 0 to 1.’
Table 20: Prompt candidates for object detection.
‘Identify and describe each object in the image. For each object, list it in the format <b>(x, y),{w, h}</b>, where x and y represent the coordinates of the bounding box center, and w and h represent the width and height of the bounding box. The image coordinates should start from the top left corner and be normalized between 0 and 1.’
‘Catalog all the objects present in the image. For every object, use the format <b>(x, y),{w, h}</b>, with x and y indicating the center of the object’s bounding box coordinates, and w and h specifying the width and height. The coordinates are normalized from the top left corner, ranging from 0 to 1.’
‘List each object in the image and describe it. Use the format <b>(x, y),{w, h}</b> for each object, where x and y denote the center coordinates of the bounding box, and w and h are the width and height of the bounding box. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Provide descriptions for all objects within the image. Each object should be listed using the format <b>(x, y),{w, h}</b>, where x and y are the coordinates of the bounding box center, and w and h are the width and height. The coordinates should be normalized, starting from the top left corner, within a range of 0 to 1.’
‘Enumerate and describe every object found in the image. For each object, utilize the format <b>(x, y),{w, h}</b>, where x, y are the bounding box center coordinates and w, h are the dimensions (width and height) of the bounding box. The coordinates begin at the top left corner and are normalized between 0 and 1.’
‘Detail all the objects within the image, listing each one using the format <b>(x, y),{w, h}</b>. Here, x and y represent the coordinates of the bounding box center, while w and h indicate the width and height. The coordinates start from the top left corner and are normalized to the range of 0 to 1.’
‘Document each object present in the image. For each object, use the format <b>(x, y),{w, h}</b>, where x and y are the coordinates of the center of the bounding box, and w and h are the width and height. The coordinates should be normalized, starting from the top left corner, and range from 0 to 1.’
‘For each object in the image, provide a description using the format <b>(x, y),{w, h}</b>. Here, x and y denote the coordinates of the bounding box center, and w and h represent the width and height of the bounding box. The coordinates are normalized to a scale of 0 to 1, starting from the top left corner.’
‘Describe all the objects seen in the image, and list them using the format <b>(x, y),{w, h}</b>. The x and y values are the coordinates for the center of the bounding box, while w and h represent its width and height. The coordinates should be normalized from the top left corner, within a range of 0 to 1.’
‘Identify and list each object found in the image. For each one, use the format <b>(x, y),{w, h}</b>. In this format, x and y are the coordinates for the bounding box center, and w and h are the width and height. The coordinates are to be normalized starting from the top left corner, ranging from 0 to 1.’
‘List and describe each object in the image using the format <b>(x, y),{w, h}</b>. Here, x and y correspond to the coordinates of the bounding box center, and w and h specify the width and height of the bounding box. The coordinates should start from the top left corner and be normalized to the range of 0 to 1.’
‘Provide a description for each object in the image, formatted as <b>(x, y),{w, h}</b>. The x and y values indicate the center coordinates of the bounding box, while w and h represent the width and height. The coordinates start from the top left corner and are normalized between 0 and 1.’
‘Catalog each object within the image, using the format <b>(x, y),{w, h}</b> for each one. In this format, x and y are the coordinates for the center of the bounding box, and w and h are the width and height. The coordinates should be normalized, beginning at the top left corner and ranging from 0 to 1.’
‘Enumerate all the objects in the image, providing descriptions for each using the format <b>(x, y),{w, h}</b>. The x and y values represent the center coordinates of the bounding box, while w and h indicate its width and height. The coordinates are normalized starting from the top left corner, within a range of 0 to 1.’
‘Describe each object in the image, listing them in the format <b>(x, y),{w, h}</b>. Here, x and y denote the center coordinates of the bounding box, and w and h specify the width and height. The coordinates should be normalized from the top left corner, ranging from 0 to 1.’
Table 21: Prompt candidates for action prediction. {scene} will be replaced with a list of objects in the scene.
‘Could you detail the steps needed to transform the scene shown in the image into the second scene? The second scene is provided as a collection of object bounding boxes {scene}. The format for these bounding boxes is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h are the width and height. The coordinates should be normalized to a scale of 0 to 1, starting from the top left corner.’
‘Can you describe what actions are required to rearrange the scene shown in the image to match the second scene? The second scene is given as a set of object bounding boxes {scene}. These bounding boxes follow the format <b>(x, y), {w, h}</b>, where x and y indicate the center coordinates, and w and h represent the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Could you list the steps necessary to modify the scene shown in the image to the second scene? The second scene is described as a collection of object bounding boxes {scene}. The bounding box format is <b>(x, y), {w, h}</b>, with x and y denoting the center coordinates, and w and h representing the width and height. The coordinates are normalized to a scale of 0 to 1, starting from the top left corner.’
‘Can you explain what needs to be done to adjust the scene shown in the image to resemble the second scene? The second scene {scene} consists of object bounding boxes provided in the format <b>(x, y), {w, h}</b>. Here, x and y represent the center coordinates, and w and h are the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Could you outline the necessary actions to arrange the scene shown in the image into the second scene? The second scene is defined by a collection of object bounding boxes {scene}. These bounding boxes follow the format <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h are the width and height. The coordinates start from the top left corner and should be normalized to a scale of 0 to 1.’
‘Can you specify what needs to be done to convert the scene shown in the image into the second scene? The second scene is provided as a series of object bounding boxes {scene}. The format for these bounding boxes is <b>(x, y), {w, h}</b>, with x and y representing the center coordinates, and w and h indicating the width and height. Coordinates should be normalized from the top left corner to a scale of 0 to 1.’
‘Could you describe the steps required to change the scene shown in the image to the second scene? The second scene is depicted as a collection of object bounding boxes {scene}. The bounding box format is <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h represent the width and height. The coordinates are normalized to a scale of 0 to 1 starting from the top left corner.’
Table 22: (Continued) Prompt candidates for action prediction. {scene} will be replaced with a list of objects in the scene.
‘Can you list the actions necessary to transform the scene shown in the image into the second scene? The second scene is described using object bounding boxes {scene}. The format of these bounding boxes is <b>(x, y), {w, h}</b>, where x and y are the center coordinates, and w and h represent the width and height. Coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you explain the process to arrange the scene shown in the image to match the second scene? The second scene is provided as a collection of object bounding boxes {scene}. These bounding boxes are formatted as <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h are the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Can you detail what needs to be done to rearrange the scene shown in the image to the second scene? The second scene is given as a series of object bounding boxes {scene}. The bounding box format is <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h represent the width and height. Coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you specify the steps needed to modify the scene shown in the image to resemble the second scene? The second scene is described as a set of object bounding boxes {scene}. These bounding boxes follow the format <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h indicate the width and height. The coordinates start from the top left corner and should be normalized to a scale of 0 to 1.’
‘Can you outline the necessary actions to change the scene shown in the image into the second scene? The second scene {scene} consists of object bounding boxes provided in the format <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h represent the width and height. Coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you describe the steps to adjust the scene shown in the image to the second scene? The second scene is given as a collection of object bounding boxes {scene}. The format for these bounding boxes is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h are the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Can you explain what needs to be done to transform the scene shown in the image into the second scene? The second scene is depicted using object bounding boxes {scene}. The bounding box format is <b>(x, y), {w, h}</b>, with x and y representing the center coordinates, and w and h indicating the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘Could you detail the steps necessary to convert the scene shown in the image to the second scene? The second scene is described as a set of object bounding boxes {scene}. These bounding boxes follow the format <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h denote the width and height. The coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
Table 23: Prompt candidates for future prediction. {pick and place} will be replaced with the action text.
‘The image shows a scene with multiple objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The bounding box format is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates of the bounding box, and w and h are its width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘An image depicts a scene containing multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The bounding boxes should be formatted as <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h are the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘The image presents a scene with several objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The format for these bounding boxes is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h are the width and height. Coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Displayed in the image is a scene containing multiple objects. Now you {pick and place}, what will the scene look like? Write down the list of object bounding boxes. These bounding boxes follow the format <b>(x, y), {w, h}</b>, with x and y as the center coordinates, and w and h as the width and height. The coordinates should be normalized starting from the top left corner to a scale of 0 to 1.’
‘The image illustrates a scene with multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The bounding boxes are formatted as <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h represent the width and height. Coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘The image depicts a scene with several objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The bounding box format is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h denote the width and height. The coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘In the image, there is a scene with multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The format of these bounding boxes is <b>(x, y), {w, h}</b>, where x and y indicate the center coordinates, and w and h represent the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘An image shows a scene with various objects. Now you {pick and place}, what will the scene look like? Write down the list of object bounding boxes. The bounding boxes follow the format <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h are the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘The image presents a scene containing several objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The bounding box format is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h are the width and height. Coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
Table 24: (Continued) Prompt candidates for future prediction. {pick and place} will be replaced with the action text.
‘The image displays a scene with multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The bounding boxes should be in the format <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h represent the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘An image illustrates a scene with multiple objects. Now you {pick and place}, what will the scene look like? Write down the list of object bounding boxes. These bounding boxes are formatted as <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h denote the width and height. Coordinates should be normalized to a scale of 0 to 1 starting from the top left corner.’
‘The image shows a scene with various objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The format for these bounding boxes is <b>(x, y), {w, h}</b>, with x and y representing the center coordinates, and w and h as the width and height. Coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
‘Displayed in the image is a scene containing multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The bounding box format is <b>(x, y), {w, h}</b>, where x and y denote the center coordinates, and w and h are the width and height. The coordinates start from the top left corner and are normalized to a scale of 0 to 1.’
‘The image illustrates a scene with various objects. Now you {pick and place}, what will the scene look like? List the object bounding boxes. The bounding boxes are formatted as <b>(x, y), {w, h}</b>, where x and y indicate the center coordinates, and w and h represent the width and height. Coordinates should be normalized from the top left corner to a scale of 0 to 1.’
‘An image depicts a scene with multiple objects. Now you {pick and place}, what will the scene look like? Write the list of object bounding boxes. The bounding box format is <b>(x, y), {w, h}</b>, where x and y represent the center coordinates, and w and h denote the width and height. The coordinates should start from the top left corner and be normalized to a scale of 0 to 1.’
Table 25: Prompt candidates for spatial relationship. {ego_obj} and {ref_obj} will be replaced with object names and {example} will be replaced with a random spatial relationship from the same image.
"Can you describe the relative spatial locations of {ego_obj} compared to {ref_obj} in this image? Use relative location words like left, right, above, below, etc. Also, find the 2D center distance and the Euclidean center distance between them. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you describe the relative spatial positions of {ego_obj} in comparison to {ref_obj} in this image? Use terms like left, right, above, below, etc. Also, calculate the 2D center distance and the Euclidean center distance between them. Your output should be formatted as follows: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Please describe the relative spatial locations of {ego_obj} compared to {ref_obj} in this image. Use words like left, right, above, below, etc. Additionally, find the 2D center distance and the Euclidean center distance between them. Your output must be in this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Can you explain the relative spatial positions of {ego_obj} compared to {ref_obj} in this image? Use terms such as left, right, above, below, etc. Also, determine the 2D center distance and the Euclidean center distance between them. Your output should match this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Describe the relative spatial locations of {ego_obj} compared to {ref_obj} in this image using words like left, right, above, below, etc. Also, calculate the 2D center distance and the Euclidean center distance between them. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you describe the spatial relationship between {ego_obj} and {ref_obj} in this image using relative location words like left, right, above, below, etc.? Also, find the 2D center distance and the Euclidean center distance between them. Your output should be formatted as follows: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Can you detail the relative spatial positions of {ego_obj} compared to {ref_obj} in this image? Use words like left, right, above, below, etc. Also, determine the 2D center distance and the Euclidean center distance between them. Your output must be in this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Could you explain the spatial relationship between {ego_obj} and {ref_obj} in this image using terms such as left, right, above, below, etc.? Also, calculate the 2D center distance and the Euclidean center distance between them. Your output should match this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘Describe the relative spatial positions of {ego_obj} compared to {ref_obj} in this image. Use relative location words like left, right, above, below, etc. Also, find the 2D center distance and the Euclidean center distance between them. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
Table 26: (Continued) Prompt candidates for spatial relationship. {ego_obj} and {ref_obj} will be replaced with object names and {example} will be replaced with a random spatial relationship from the same image.
‘Can you describe how {ego_obj} is positioned relative to {ref_obj} in this image using words such as left, right, above, below, etc.? Also, find the 2D center distance and the Euclidean center distance between them. Your output should be in this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’ ‘Could you detail the relative positions of {ego_obj} compared to {ref_obj} in this image using terms like left, right, above, below, etc.? Also, calculate the 2D center distance and the Euclidean center distance between them. Your output must be formatted as follows: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’ ‘Please describe the spatial relationship of {ego_obj} in comparison to {ref_obj} in this image using relative location terms such as left, right, above, below, etc. Additionally, find the 2D center distance and the Euclidean center distance between them. Your output should match this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’ ‘Can you describe the relative spatial locations of {ego_obj} compared to {ref_obj} in this image? Use relative location words like left, right, above, below, etc. Also, calculate the 2D center distance and the Euclidean center distance between them. Your output should follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’ ‘Could you describe the spatial locations of {ego_obj} relative to {ref_obj} in this image using words such as left, right, above, below, etc.? Additionally, find the 2D center distance and the Euclidean center distance between them. Your output must be in this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
Table 27: Prompt candidates for temporal relationship {scene} will be replaced with a list of objects, {ego_obj} and {ref_obj} will be replaced with object names and {example} will be replaced with a random temporal relationship from the same image.
"The image shows a scene at the first timestamp, while the second image described as {scene} shows the next timestamp. Can you describe the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use relative distance words like getting closer or further away, etc. Also, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘In the first timestamp, the image shows a scene, and the second image described as {scene} depicts the next timestamp. Can you describe the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use terms like getting closer or moving further away, etc. Additionally, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The scene in the first image is at the initial timestamp, and the second image described as {scene} shows the subsequent timestamp. Can you explain the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use words like getting closer or moving further apart, etc. Also, calculate the change in the 2D center distance and the Euclidean center distance between the two images. Your output should be formatted as follows: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘At the first timestamp, the image shows a scene, and the second image described as {scene} represents the next timestamp. Can you detail the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use relative distance words like moving closer or getting further away, etc. Additionally, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The first image shows a scene at an initial timestamp, and the second image described as {scene} depicts the next timestamp. Can you describe the change in the relative position of {ego_obj} compared to {ref_obj} between these two timestamps? Use terms such as getting closer or moving further apart, etc. Also, determine the change in the 2D center distance and the Euclidean center distance between the two images. Your output should follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The initial timestamp shows a scene in the first image, and the second image described as {scene} represents the next timestamp. Can you describe how the relative location of {ego_obj} compared to {ref_obj} changes between these two timestamps? Use relative distance words like getting closer or moving further away, etc. Also, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must be in this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The image shows a scene at the first timestamp, and the second image described as {scene} shows the subsequent timestamp. Can you detail the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use words like getting closer or moving further apart, etc. Also, calculate the change in the 2D center distance and the Euclidean center distance between the two images. Your output should be formatted as follows: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
Table 28: (Continued) Prompt candidates for temporal relationship {scene} will be replaced with a list of objects, {ego_obj} and {ref_obj} will be replaced with object names and {example} will be replaced with a random temporal relationship from the same image.
‘At the initial timestamp, the image shows a scene, and the second image described as {scene} depicts the next timestamp. Can you describe the change in the relative position of {ego_obj} compared to {ref_obj} between these two timestamps? Use relative distance terms such as getting closer or moving further away, etc. Also, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The scene in the first image is at the initial timestamp, and the second image described as {scene} shows the following timestamp. Can you describe the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use words like getting closer or moving further apart, etc. Additionally, calculate the change in the 2D center distance and the Euclidean center distance between the two images. Your output should follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The first image shows a scene at an initial timestamp, and the second image described as {scene} depicts the next timestamp. Can you explain how the relative location of {ego_obj} compared to {ref_obj} changes between these two timestamps? Use relative distance words like moving closer or getting further away, etc. Also, determine the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The image shows a scene at the initial timestamp, and the second image described as {scene} shows the next timestamp. Can you describe the change in the relative position of {ego_obj} compared to {ref_obj} between these two timestamps? Use words like getting closer or moving further apart, etc. Also, calculate the change in the 2D center distance and the Euclidean center distance between the two images. Your output should follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘At the first timestamp, the image shows a scene, and the second image described as {scene} depicts the next timestamp. Can you detail how the relative location of {ego_obj} compared to {ref_obj} changes between these two timestamps? Use relative distance terms such as moving closer or getting further away, etc. Also, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The initial timestamp shows a scene in the first image, and the second image described as {scene} represents the next timestamp. Can you describe the change in the relative location of {ego_obj} compared to {ref_obj} between these two timestamps? Use words like getting closer or moving further apart, etc. Also, determine the change in the 2D center distance and the Euclidean center distance between the two images. Your output should follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’
‘The first image shows a scene at the initial timestamp, and the second image described as {scene} shows the following timestamp. Can you describe how the relative position of {ego_obj} compared to {ref_obj} changes between these two timestamps? Use terms like moving closer or getting further away, etc. Additionally, find the change in the 2D center distance and the Euclidean center distance between the two images. Your output must follow this format: {example}. The coordinates are image coordinates normalized to a scale of 0 to 1 starting from the top left corner.’