Hostname: page-component-76fb5796d-45l2p Total loading time: 0 Render date: 2024-04-29T11:27:55.672Z Has data issue: false hasContentIssue false

Multi-modal interaction with transformers: bridging robots and human with natural language

Published online by Cambridge University Press:  13 November 2023

Shaochen Wang
Affiliation:
Department of Automation, University of Science and Technology of China, Hefei, 230026, China
Zhangli Zhou
Affiliation:
Department of Automation, University of Science and Technology of China, Hefei, 230026, China
Bin Li
Affiliation:
Department of Electronic and Information Science, University of Science and Technology of China, Hefei, 230026, China
Zhijun Li
Affiliation:
Institute of Artificial Intelligence, Hefei Comprehensive National Science Center, Hefei, 230031, China School of Mechanical Engineering, Tongji University, Shanghai, 200092, China
Zhen Kan*
Affiliation:
Department of Automation, University of Science and Technology of China, Hefei, 230026, China
*
Corresponding author: Zhen Kan; Email: zkan@ustc.edu.cn
Rights & Permissions [Opens in a new window]

Abstract

The language-guided visual robotic grasping task focuses on enabling robots to grasp objects based on human language instructions. However, real-world human-robot collaboration tasks often involve situations with ambiguous language instructions and complex scenarios. These challenges arise in the understanding of linguistic queries, discrimination of key concepts in visual and language information, and generation of executable grasping configurations for the robot’s end-effector. To overcome these challenges, we propose a novel multi-modal transformer-based framework in this study, which assists robots in localizing spatial interactions of objects using text queries and visual sensing. This framework facilitates object grasping in accordance with human instructions. Our developed framework consists of two main components. First, a visual-linguistic transformer encoder is employed to model multi-modal interactions for objects referred to in the text. Second, the framework performs joint spatial localization and grasping. Extensive ablation studies have been conducted on multiple datasets to evaluate the advantages of each component in our model. Additionally, physical experiments have been performed with natural language-driven human-robot interactions on a physical robot to validate the practicality of our approach.

Type
Research Article
Copyright
© The Author(s), 2023. Published by Cambridge University Press

1. Introduction

In today’s rapidly evolving world, robots [Reference Yan and Mehta1, Reference Spielberg, Du, Hu, Rus and Matusik2] are progressively integrating into our daily lives, excelling in tasks ranging from household assistance [Reference Zhou, Ye, Wang, Zhong and Wu3] to industrial operations [Reference Su, Schmirander, Valderrama-Hincapié, Qi, Ovur and Sandoval4]. As robots diversify their applications, the need for more intuitive and natural human-robot communication becomes paramount. Traditional human-robot interfaces [Reference Li, Li, Wu, Kan, Su and Liu5], however, impose significant constraints, often requiring specialized training and proficiency in complex programing skills. These limitations hinder not only the widespread adoption of robots but also efficient collaboration between humans and their mechanical counterparts. To address this, there is a growing demand for robots to engage in natural communication with humans, with natural language emerging as an attractive option due to its convenience, directness, and user-friendly nature compared to traditional interfaces like keyboards, mice, and programing languages.

This work emphasizes the potential of harnessing natural language to facilitate seamless interactions between humans and robots. By leveraging the power of language, our aim is to bridge the communication gap and enhance the collaborative capabilities of robots across a variety of real-world scenarios. It is worth noting that humans rely on vision for processing and perceiving over 70% of information [Reference Rosenblum6]. Therefore, relying solely on language may prove insufficient for robots attempting to perceive and understand their surroundings. Consequently, the integration of visual and language modalities is emerging as a promising research area in the field of human-robot interaction. Just like humans, language helps robots capture higher-level context and task intent, while vision provides detailed information about the environment and objects. Combining these modalities empowers robots to comprehend both the “what” (object recognition) and the “why” (user intent) of a task. This integration of language and vision enhances natural and intuitive communication between humans and robots. Furthermore, by incorporating both language and vision, robots become more versatile in comprehending and adapting to diverse tasks. Language enables users to convey complex and dynamic instructions, while vision aids in adapting to changing environments and identifying objects not explicitly mentioned in the commands. Different modalities can complement each other, compensating for limitations in one modality with information from the other. For example, if an object is occluded from the robot’s view, language input may help the robot infer missing information.

However, the inherent ambiguity and complexity of human language, coupled with the captured visual information, poses a significant challenge for robots to achieve effective joint reasoning between these two data streams. For instance, consider a language query instructing the robot to grasp the orange on the right, as depicted in Fig. 1. This task becomes challenging when the desk is cluttered with unrelated objects like a mouse, an apple, and a remote, alongside multiple oranges. The model must not only accurately identify and locate these objects but also comprehend their spatial relationships. Furthermore, depending on the region of interest (ROI) specified by the robot, it must generate executable manipulations for the end-effector to grasp objects that align with the desired shape, size, and color specified by the user’s instructions.

Figure 1. The robot assists in fruit grasping based on user instructions.

In the context of multi-modal robot learning, previous research [Reference Krishnamurthy and Kollar7] has focused on parsing textual and perceptual information using manually designed rules. However, recent studies have witnessed a gradual transition from traditional language representation approaches to the adoption of deep learning methodologies. For example, Chen et al. [Reference Chen, Xu, Lin and Vela8] employed ResNet for visual information processing and long short-term memory (LSTM) for textual input handling. Nonetheless, their approach is limited in handling only simple instructions due to constrained inner feature alignment. Another approach by Lin et al. [Reference Shao, Migimatsu, Zhang, Yang and Bohg9] utilized the powerful language model BERT [Reference Devlin, Chang, Lee and Toutanova10] for manipulation tasks; however, it still struggles with understanding spatial relationships between objects. On the other hand, significant advancements have been made in vision-language understanding tasks, such as image captioning and visual grounding. Regrettably, this line of research lacks a coherent mapping from language command comprehension to physical robot actions.

The goal of this work is to bridge the gap between current vision-language models and human-robot interaction models. Although natural language is the most natural form of communication with humans, existing language interaction-based robot models still struggle with understanding spatial relationships among objects or rely on a limited set of instructions [Reference Arkin, Park, Roy, Walter, Roy, Howard and Paul11]. To tackle these challenges, our framework incorporates the following three key ideas. Semantic Parsing: The visual-linguistic encoder extracts meaningful information from the visual scene and natural language instructions, where the visual branch performs visual scene perception and the linguistic branch breaks down the given instructions into actionable commands, taking into account linguistic cues that imply spatial relationships. Cross-Modal Embeddings: Our model highlights the significance of cross-modal embeddings, where linguistic cues are aligned with visual cues. This enables the robot to associate words with corresponding visual features, aiding in the recognition of spatial arrangements. Contextual Understanding: Our model integrates the cross-attention mechanism to reinforce contextual understanding, thereby enabling the model to inherently capture and interpret spatial relationships.

In this paper, we present a unified transformer framework designed to effectively map natural language commands and raw visual observations to executable actions performed by a robotic manipulator. Our framework incorporates a vision and language transformer to process image and linguistic instructions. Through multi-stage contextual information reasoning, we fuse aggregated visual and linguistic token representations in the encoder stage to identify discriminative features. Specifically, the model utilizes textual embeddings to query visual representations using the cross-attention mechanism, enabling focused attention on regions relevant to the given language expressions. Moreover, a grasping decoder leverages progressive attention layer propagation to determine the grasping configuration parameters of the robotic gripper. Experimental results demonstrate the significant improvements achieved by our model on mainstream benchmarks for both visual-linguistic understanding and visual grasping. Furthermore, we validate the effectiveness of our approach in real-world applications by conducting physical experiments using a Franka Panda robot, in addition to numerical simulations.

The highlights of using a unified transformer for visual-linguistic robotic understanding can be summarized as follows: (1) Token-based representations facilitate a seamless alignment of visual and linguistic features within the robotic semantic space. (2) The attention-based context mechanism empowers robots with a comprehensive perception of the scene, enabling them to achieve more efficient and reliable grasping in unstructured and cluttered environments. (3) Adopting a unified modeling perspective enables a more effective mapping between the perception space of robots and their corresponding physical action space.

In a nutshell, the contributions of this paper can be summarized in three folds:

  • This work presents a novel approach to multi-modal human-robot interface tailored to the domain of robotic grasping. To the best of our knowledge, our work represents one of the pioneering attempts to leverage multi-modal transformers, enabling the integration of vision-language understanding with physical robotic manipulations.

  • We propose an elegant framework for seamlessly combining visual and linguistic information in multi-modal human-robot interaction tasks. Remarkably, our model facilitates robots in comprehending the semantics of complex natural language instructions, including spatial relationships between objects and color information.

  • Extensive experiments have been conducted to validate the effectiveness of our approach, demonstrating significant improvements across several widely used benchmarks.

2. Related work

2.1. Visual grasping and human-robot interaction

Reliable grasping plays a vital role in numerous applications [Reference Li, Li, Huang, Xia and Li12, Reference Li, Zhao, Zhang, Wu, Zhang, Li, Li and Su13]. Recent studies [Reference Wang, Li, Wang and Liu14Reference Ainetter and Fraundorfer15] have focused on leveraging deep learning techniques for visual grasping. Notably, Lenz et al. [Reference Lenz, Lee and Saxena16] were the pioneers in neural networks as classifiers for grasp prediction. Building upon this, Guo et al. [Reference Di, Sun, Liu, Kong, Fang and Xi17] extended the model by integrating tactile information to enhance grasping performance. Our studies encompass a range of tasks including transformer-based visual grasping [Reference Wang, Zhou and Kan18], grasp planning [Reference Zhou, Wang, Chen, Cai, Wang, Li and Kan19], and unsupervised grasp detection [Reference Wang, Zhou, Wang, Li and Kan20]. These research endeavors have significantly advanced our comprehension of how robots perceive and interact with their surroundings. Furthermore, our research endeavors have delved into transformer-based models, including their applications in visual grasping [Reference Wang, Zhou and Kan18] and depth prediction [Reference Chen, Wang, Xia, Li, Kan and Li21]. Our profound familiarity with these models has paved the way for our exploration of their adaptability to vision-language models tailored for robotic applications. As robotics continues to permeate everyday life, it becomes increasingly important to develop natural and user-friendly ways of interacting with robots. Traditional control methods, such as mouse, keyboard, and touchscreen interfaces, often require users to issue complex commands that can be challenging for non-experts in robotics. Wang et al. [Reference Wang, Zhang, Zhou, Cao, Chen, Chen, Li and Kan22] have proposed a sight-based robotic arm assistance system that enables users to operate robots even when their upper limbs are injured or occupied. In contrast, natural language-based interfaces offer a user-friendly approach with robots, and reduced effort required to educate and familiarize the personnel or users who will be interacting with the robot. However, existing methods, like the one presented by Chen et al. [Reference Chen, Xu, Lin and Vela8], employed separate model architectures, utilizing a convolutional neural network (CNN) for visual feature extraction and an LSTM to capture textual information. Unfortunately, these distinct modalities struggle to align their semantic meaning accurately within different model architectures.

2.2. Multi-modal vision and language understanding

When humans perceive the world, they naturally integrate and align information from various sources, such as visual and audio cues. In the field of artificial intelligence (AI), there is a growing interest in enabling AI systems [Reference Wang, Wu, Cao, Shen, Gao and van den Hengel23, Reference Plummer, Kordas, Kiapour, Zheng, Piramuthu and Lazebnik24] to learn from multi-modal data. Recently, there has been growing interest in perceptual models that simultaneously incorporate visual and linguistic signals [Reference Zhang, Niu and Chang25Reference Zhuang, Wu, Shen, Reid and van den Hengel26]. These systems manipulate images to generate corresponding text, as seen in image caption tasks, or engage in vision-language interaction tasks like visual question answering. Among these tasks, visual grounding, which involves localizing regions based on verbal descriptions, is particularly relevant to our objective. Existing approaches to tackle this task typically follow either a two-phase or one-phase pipeline. Two-phase approaches [Reference Mao, Huang, Toshev, Camburu, Yuille and Murphy27Reference Yu, Poirson, Yang, Berg and Berg28] initially detect a set of region proposals, which are then matched against linguistic queries to identify the top-ranked proposals. Within the two-stage methods, several appealing techniques have been developed to enhance the modeling of multi-modal relationships, such as modular attention networks [Reference Yu, Lin, Shen, Yang, Lu, Bansal and Berg29] and scene graphs [Reference Wang, Wu, Cao, Shen, Gao and van den Hengel23]. On the other hand, one-stage approaches [Reference Chen, Ma, Chen, Jie, Liu and Luo30Reference Huang, Lian, Luo and Gao31] integrate text information with image features to directly produce dense predictions. For instance, Fast and Accurate One-stage Approach (FAOA) [Reference Yang, Gong, Wang, Huang, Yu and Luo32] incorporates linguistic features into each spatial position of visual feature maps by concatenating them. Distinguishing itself from prior works, our study tailors the vision-language model to suit robotic tasks in the physical world.

2.3. Transformer

The attention architecture [Reference Vaswani, Shazeer, Parmar, Uszkoreit, Jones, Gomez, Kaiser and Polosukhin33] has demonstrated significant potential in sequence modeling and machine translation tasks. As an attention-based model, transformers [Reference Devlin, Chang, Lee and Toutanova10] have emerged as the predominant approach in natural language processing. Furthermore, transformers have also made notable contributions to computer vision tasks. An exemplary work, DEtection TRansformer (DETR) [Reference Carion, Massa, Synnaeve, Usunier, Kirillov and Zagoruyko34], formulates object detection as a set prediction problem by employing learnable queries and a contextual attention mechanism to capture object relationships. In a related study, Wang et al. [Reference Wang, Zhou and Kan18] adopt a pure transformer architecture to capture global relationships within a grasping scene using attention mechanisms, resulting in improved grasp detection.

3. Method

3.1. Problem formulation

Our objective is to develop a flexible linguistic-based human-robot interface that enables seamless understanding of human intentions by robots. Our system finds applications in scenarios such as industrial assembly lines, where robots follow human instructions to perform assembly tasks, or situations where individuals with impairments employ language to control a robotic arm for handling inconvenient tasks. Let $I$ represent the captured image and $L$ denote the user’s instruction. The ultimate goal is to learn a function $f$ that maps the image and user commands to a grasp representation, satisfying the user’s specifications:

(1) \begin{equation} g = f({I},{L}). \end{equation}

A grasp configuration, denoted as $g$ , can be represented in the image space as a 5-dimensional tuple: $g = \{x, y, \theta, w, h\}$ . Here, $(x, y)$ represents the grasping center, $\theta$ denotes the orientation angle of the gripper, and $w$ and $h$ indicate the width and height of the parallel gripper when opened, respectively. In the context of robotic visual grounding tasks, there are additional constraints compared to common visual grounding tasks. For instance, due to the limitations of the physical gripper, the angle of the grasping rectangle must fall within the range of $[\!-\frac{\pi }{2}, \frac{\pi }{2}]$ , and the opening width of the gripper cannot exceed its predefined limit.

3.2. Architecture overview

In Fig. 1, our framework comprises four essential components: (1) Linguistic Branch, (2) Visual Branch, (3) Language-Conditioned Visual Fusion Module, and (4) Fine-Grained Grasping Module. Before introducing our framework, we address a fundamental challenge in grounded language-based robot understanding: establishing a connection between human language and the visual perceptual world in which the robot operates. To tackle this challenge, we break it down into two sub-problems. Firstly, we aim to construct a unified semantic space that bridges the gap between visual and linguistic concepts. Secondly, we endeavor to establish a mapping between these semantic concepts and the corresponding robotic actions in the physical world. Our approach employs a cascaded encoder-decoder architecture. Initially, the RGB image and the human language query are individually processed through the visual and text branches, respectively. The tokenized features extracted from both branches are then fused using the language-conditioned fusion module to derive the corresponding bounding region. Subsequently, this bounding region is integrated with the scene depth image and provided as input to the grasping decoder, which generates the optimal grasp configuration.

In summary, our visual-linguistic robot grasping system offers the following key features:

Alignment: Leveraging transformer-based models to seamlessly integrate visual and linguistic modalities, facilitating a unified approach to robotic tasks.

Representation: Utilizing homogeneous token-based representations to enhance interaction between visual concepts and textual entities within the system.

Co-learning: Incorporating synchronized learning of visual-verbal understanding and robotic grasping, enabling the establishment of a mapping from the human-interactive world to corresponding robot actions.

The general framework is broadly presented in the following three parts.

3.2.1. Text and vision encoder

As shown in Fig. 2, the input consists of images and language instructions, which are processed separately in two branches. In the visual branch, a convolutional neural network (CNN) backbone is utilized to extract visual features. To facilitate the model’s understanding of the relationship between text and images, we propose using a unified model, such as a transformer, to process both modalities. In this unified model, image information is treated as word-tokens within the transformer model. Following the CNN backbone, we employ a stack of attention layers to handle the visual features. As an illustration, let’s consider the process of passing an image $I_0 \in \mathbb{R}^{3 \times H \times W}$ through a backbone network, resulting in a 2-dimensional feature map $z \in \mathbb{R}^{C \times H_z \times W_z}$ . Here, $C$ represents the output channel of the feature map, while $H_z$ and $W_z$ denote the dimensions of the feature map. To ensure compatibility with the following attention layer, the internal variable is flattened into $z \in \mathbb{R}^{C \times L}$ , where $L = H_z \times W_z$ represents the size of the input tokens. By employing visual tokens in the vision transformer branch, global features are captured by focusing on multiple areas across the entire image.

Figure 2. The overview of the framework. The language and visual encoders are served as prefixes to the fusion decoder, and the resulting grounding information is then combined with the scene depth image as input to the grasping model to produce the grasping configuration according to language instructions.

In parallel to the vision branch, the language branch operates as a sibling branch that receives natural language instructions as input. The linguistic branch comprises a token embedding layer and a series of stacked transformer layers. In order to leverage the benefits of pre-trained BERT model [Reference Devlin, Chang, Lee and Toutanova10], the design is inspired by the BERT architecture, with each linguistic transformer layer having an output channel dimension of 768. In terms of linguistic expressions, each word in a sentence is transformed into a one-hot vector, which is then passed through an embedding layer to obtain the corresponding token-based representation. Furthermore, our approach aligns with machine translation techniques, wherein [CLS] and [SEP] tokens are inserted at the beginning and end of each sentence. The resulting latent embeddings are subsequently inputted into linguistic transformer layers, generating the corresponding features denoted as $z_l \in \mathbb{R}^{C \times N_l}$ . Notably, the image features are also treated as word-tokens to establish a homogeneous token-based representation shared between linguistic and visual features, allowing different modal information to be embedded into a joint semantic space.

3.2.2. Language-conditioned fusion

The language-conditioned fusion module refines visual features through textual embedding using the latent features obtained from the previous two branches. This refinement process helps identify regions that are relevant to the referring instructions. Instead of directly feeding visual and textual information into the grasping decoder, we propose a multi-stage language-guided fusion approach that progressively gathers contextual information from verbal and visual features to facilitate the localization of the referred object. Below we briefly recall the attention mechanism. An input sequence $X \in \mathbb{R}^{n \times d}$ is linearly transformed to obtain three successive vectors namely (query $Q$ , key $K$ , and value $V$ ) in shaping the interaction between the input data and the attention mechanism, where $n$ and $d$ is the length and dimension of the input $x$ . The vectors are computed via

(2) \begin{equation} Q=X{W}_Q, K=XW_K, V=XW_V, \end{equation}

where $W_Q \in \mathbb{R}^{d \times d_q},W_K \mathbb{R}^{d \times d_k},W_V \mathbb{R}^{d \times d_v}$ are three linear projection matrices, which refer to learnable weight matrices used to transform the input data (queries, keys, and values) before applying the attention mechanism. In this work, we have $ d_q = d_k =d_v=d$ . The attention is then calculated using the formula:

(3) \begin{equation} \textrm{Attention}(Q, K, V) = \textrm{Softmax}\left (\frac{QK^T}{\sqrt{d}}\right )V, \end{equation}

where the attention is obtained by taking the dot-product between query $Q$ and key $K$ , and $\sqrt{d}$ serves as a scaling factor. Finally, a softmax operator is applied to obtain a normalized distribution that is assigned to value $V$ .

As illustrated in Fig. 3, the input visual tokens serve as the query and value, while the input textual tokens act as the key in the cross-attention mechanism. In the attention layers, the data is processed through a multi-head self-attention (MSA). This involves splitting the input embeddings into multiple “heads” or parallel subspaces. Each head computes attention scores between different elements of the input sequence, capturing dependencies and relationships. Following the MSA step, the data is passed through a feed-forward network. This process gathers visual information relevant to the text. Similarly, in parallel, the visual tokens serve as the key and query, while the textual tokens are used as the value in another cross-attention operation. This dual cross-attention mechanism enhances the textual-related visual features by computing their correlation, effectively suppressing irrelevant visual and textual information. The features obtained from the dual cross-attention are then aggregated and passed through a normalization layer to ensure internal alignment. In the subsequent fusion stage, the output features serve as the input for cross-model reasoning. Through our cross-model attention fusion approach, the model progressively eliminates redundant information in visual features using linguistic queries, enabling the model to focus more on the regions crucial for human grasping.

Figure 3. An illustration of the vision-language fusion cross-attention module.

3.2.3. Grasping decoder

The grasping decoder takes a depth image and a coarse location region specified by a language expression to accurately estimate the precise grasping pose. To achieve this, we convert the task of planar grasp detection into pixel-level prediction tasks. We employ a series of attention layers that capture the interrelationship between different parts of the object, thereby identifying regions suitable for grasping. These attention layers enable us to retrieve relevant contextual information. Subsequently, a feature pyramid fusion module is employed to incorporate the contextual features gathered from the previous attention layers. We refer to the set of grasps in the image space as the grasp map, which is denoted as

(4) \begin{equation} \textbf{G}=({Q},{\Theta },{W}) \in \mathbb{R}^{3 \times H \times W} \end{equation}

The grasp map $\textbf{G}$ estimates the parameters of a set of grasps, executed at the Cartesian point $\textbf{p}$ , corresponding to each pixel. We represent the grasp map $\textbf{G}$ as a set of images:

  • $Q$ is an image describing the quality of a grasp executed at each point $(x, y)$ . The value is a scalar within the range [0, 1] where a value closer to 1 indicates higher grasp quality, i.e. higher chance of successful grasp.

  • $\Theta$ represents the grasp angle that should be executed at each point. Given the symmetry of the antipodal grasp around $\pm \frac{\pi }{2}$ radians, the angles are provided in the range of $\left [-\frac{\pi }{2},\frac{\pi }{2}\right ]$ .

  • $W$ indicates the width of the gripper to be employed at each point. To achieve depth invariance, we set the range of the variable $w$ to [0, 150] pixels, which can be converted to a physical measurement utilizing the depth camera parameters and the measured depth.

Finally, three grasping heads are connected in parallel to the top of the fusion layer to estimate the grasping score estimation head $Q$ , the gripper angle estimation head $\Theta$ , and the gripper width head $W$ . Each head generates a heatmap of the same dimensions as the input depth image. The feature maps obtained from each stage of the fusion module are resized to match the resolution of the final output. These feature maps are then passed through convolutional layers with 1 × 1 kernels to generate the three grasp heatmaps. Each position in the grasping score heatmap Q produces a value between 0 and 1, indicating the likelihood of successful grasping at that particular pixel. Similarly, the width and angle heads provide information about the gripper’s width and rotation angle during the grasping process. Instead of sampling the input image to create grasp candidates, the grasp point $\textbf{g}^{\prime }$ is determined by the highest confidence score in the grasping quality heatmap $Q$ . Mathematically, $\mathcal{G}_{\textrm{pos}}=\arg \max Q$ , signifying the pixel location where successful grasping is most likely to occur. The predicted angle $\theta$ and the corresponding orientation width w are obtained from the angle $\Theta$ and width $W$ heatmaps.

3.3. Training optimization

The optimization of the entire architecture consists of two stages. Firstly, the visual-linguistic transformer encoder is responsible for the rough localization of the referred object by capturing the relationships between visual and language tokens. Secondly, the grasping decoder generates precise grasping parameters based on the position and shape of the referred object.

During the visual grounding procedure, the model directly calculates the regression loss between the predicted bounding box $\hat{b}$ and the ground truth bounding box $b$ . The training objective is defined as:

(5) \begin{equation} \mathcal{L}_{\textrm{vg}}=\lambda _1{L}_{l1}+\lambda _2{L}_{\textrm{GIoU}}(b), \end{equation}

where the loss is composed of two terms: ${L}_{l1}$ and the GIoU (Generalized Intersection over Union) loss denoted by ${L}_{\textrm{giou}}$ . The hyperparameters $\lambda _1$ and $\lambda _2$ control the relative contribution of each loss term. $b$ refers to the ground truth bounding box, which represents the actual location and size of an object in the image. $\hat{b}$ represents the predicted bounding box, which is the model’s estimated location and size for the object.

During the optimization process of grasping, we approach the problem of estimating the grasping pose as a regression problem. To achieve this, we utilize a grasping decoder, which establishes a mapping from the designated region of interest to the corresponding executable grasping configuration parameters. The objective is to minimize the $L_2$ distance between the grasping heatmaps and the ground truth by defining a loss function as follows:

(6) \begin{equation} \mathcal{L}_{\textrm{grasp}}= L_{\textrm{grasp-score}}+L_{\textrm{angle}}+L_{\textrm{width}}. \end{equation}

The terms $L_{\textrm{grasp-score}}$ , $L_{\textrm{angle}}$ , and $L_{\textrm{width}}$ represent individual loss components related to specific aspects of the robotic manipulation task. $L_{\textrm{grasp-score}}$ is a loss term related to the grasp quality. It measures how well the predicted grasp aligns with the actual grasp location on the object. $L_{\textrm{angle}}$ is the loss related to the orientation or angle of the object, indicating how accurately the model predicts the object’s orientation. $L_{\textrm{width}}$ is the loss associated with the width of the gripper, indicating how well the model estimates the size of the object. For each component of the loss function, $\mathcal{L}_i$ is the mean square error between the corresponding value of the model and the ground truth. For instance, the first term of $\mathcal{L}_{\textrm{grasp}}$ is defined as $\mathcal{L}_{\textrm{grasp-score}}=\sum _{i=1}^N \| \tilde{G}_i -{G}_i^* \|^2$ , where $\tilde{G}_i$ is the output of the grasp quality head and ${G}_i^*$ is the corresponding ground truth.

4. System design

4.1. Robotic grasping setting

This section provides an overview of the implementation details of our robotic system. The configuration of the entire system is depicted in Fig. 4. We utilize a Franka Emika Panda Gen 1 robot equipped with a two-finger parallel gripper for performing grasping tasks. The robot boasts 7 degrees of freedom and can handle a maximum payload of 3 kg. To enable real-time grasp detection, an Intel RealSense D435 camera is mounted on the robot’s wrist. The Panda robot has an operational range of 85.5 cm. Additionally, a desktop computer with a GPU is connected to the robot to execute our model and send commands for robot manipulation. The training process is conducted on the Ubuntu 18.04 desktop with Intel Core i9 CPU and 4 NVIDIA 3090 GPU. Training the vision-language transformer-based robotic manipulation system took approximately 15 h.

Figure 4. System diagram of our architecture.

4.2. Grasp execution pipeline

The grasping flow is visualized in Fig. 4. Upon camera calibration, the captured scene image, along with the user’s language instruction, is inputted into the model. Subsequently, the model generates grasping configuration parameters, which are then forwarded to the controller for grasping trajectory planning. In this planning phase, the position information of the grasping center is transformed from image space to the world coordinate system. During the grasping process, the robot follows a series of steps. Initially, it moves to the designated initial position while keeping the gripper aligned with the specified grasping orientation. Then, the robot commences the grasping operation based on the trajectory calculated through inverse kinematics. This process continues until successful grasping is achieved or a collision is detected, which depends on the feedback from contact force sensors.

A successful grasp is achieved as the robot successfully gripping the object specified by the user’s language instruction and subsequently placing it in the desired location.

4.3. Grasping scenarios

In order to thoroughly evaluate the effectiveness of our model, we conduct real robot experiments using a diverse range of everyday objects. These objects encompass both familiar items present in the datasets and entirely unseen objects. The object categories include fruits, tools, and more. To assess the robustness of our grasping system, the grasped objects exhibit various shapes and sizes. During each trial, the objects are randomly positioned within the robot’s working space. This random placement ensures that the grasping system encounters different spatial configurations, contributing to a comprehensive assessment of its performance.

5. Experiment

In this section, we evaluate our model in both datasets and real-world applications. Experiments are carried out to investigate (1) the performance of integrating visual-linguistic transformer models in building effective and general multi-modal human-robot interfaces, and (2) the applicability of the transformer-based approach to physical robotic systems.

5.1. Dataset and evaluation metric

To facilitate comparison with other methods, we train and test our model on two main grasping datasets: the Cornell dataset [Reference Lenz, Lee and Saxena16] and the Jacquard dataset [Reference Depierre, Dellandréa and Chen35]. The Cornell dataset [Reference Lenz, Lee and Saxena16] consists of more than 800 RGB-D images, containing 240 graspable objects. The Jacquard dataset, on the other hand, is a large synthetic grasp dataset comprising over 50,000 images and featuring 11,000 objects. Its synthetic nature provides a diverse and extensive collection of data for evaluation purposes. In addition to grasping evaluation, we also assess the visual-linguistic understanding ability of our model using the RefCOCO/RefCOCO+/RefCOCOg benchmarks. The RefCOCO dataset [Reference Yu, Poirson, Yang, Berg and Berg28], RefCOCO+ dataset [Reference Yu, Poirson, Yang, Berg and Berg28], and RefCOCOg dataset [Reference Mao, Huang, Toshev, Camburu, Yuille and Murphy27] are widely recognized visual grounding benchmarks. These datasets utilize images from the MS COCO dataset and provide annotations for referring expressions. The dataset is divided into training, validation, and test sets, with the test set further split into testA and testB subsets. Furthermore, we utilize the Flickr30K Entities dataset [Reference Plummer, Wang, Cervantes, Caicedo, Hockenmaier and Lazebnik36], which extends the original Flickr30K dataset [Reference Young, Lai, Hodosh and Hockenmaier37] by incorporating phrase annotations.

5.2. Evaluation metrics

To make a fair comparison with previous grasp detection works [Reference Asif, Tang and Harrer38Reference Kumra and Kanan39], this work also adopts the rectangle criterion to evaluate the grasping quality. A predicted grasp is regarded as a success when the following conditions are satisfied. (1) The orientation angle difference between the predicted grasp and the ground truth is under $30^\circ$ . (2) The Jacquard index of the predicted grasping rectangle and the ground truth should be greater than $25\%$ .

5.3. Implementation details

The entire architecture is optimized using the AdamW optimizer and the batch size is set to 64. The parameters of the language branch in our model are initialized using pre-trained BERT [Reference Devlin, Chang, Lee and Toutanova10]. The visual branch is initialized using the weights from pre-trained DETR [Reference Carion, Massa, Synnaeve, Usunier, Kirillov and Zagoruyko34]. The sentence length processed by the linguistic branch is fixed at 40. For shorter expressions, empty tokens are padded to match the sentence length. Longer sentences, exceeding a length of 40, are split up into smaller segments. The visual encoder incorporates attention mechanisms to effectively retain the geometric details of objects. The visual-linguistic fusion module consists of six stacked cross-attention transformer blocks. Each transformer block comprises two fully connected layers with 512 and 2048 neurons, respectively.

5.4. Results

To investigate the generalization of our model to unseen language commands, we conducted tests using non-templated phrases and objects that were not present in the training set. A screenshot of physics experiments is shown in Fig. 5. The results, presented in Table I, indicate that our method achieved successful completion in 16 out of 20 trials when using novel language instructions to grasp familiar objects. In Fig. 7, we provide visual examples of robot manipulation using diverse linguistic commands. The first row shows images capturing the grasping scenes, while the second row visualizes the attention heatmaps generated by the vision-language transformer encoder. These qualitative examples demonstrate that our method effectively models queries with complex relationships. Specifically, our model learns spatial relationships between objects for instructions such as “grasp what in the center” or “pick the banana on the left of the orange.” This indicates that our multi-modal robotic system can comprehend language in a human-like manner, rather than relying solely on native methods like keyword retrieval or template-based approaches.

Figure 5. Our multi-modal grasping system demonstrates the understanding of novel sentences and enables the end-effector to generate stable grasps.

Table I. Experimental results for evaluating the generalization of the model.

We also supplement quantitative results to showcase the visual accuracy in recognizing objects. The accuracy of object recognition refers to how effectively the model can identify and position objects within the scene by language instructions. We compare the accuracy of INGRESS [Reference Shridhar, Mittal and Hsu40] and UMD Refexp [Reference Nagaraja, Morariu and Davis41] with our vision-language network as illustrated in Fig. 6 on RefCOCO benchmark. It is evident that our language grounding model performs better than other two baseline methods.

Figure 6. Results of recognition and positioning accuracy.

We further test our method with new language commands applied to unseen objects, achieving a success rate of 13 out of 20 trials. Additionally, our method performs well even when objects are cluttered in the environment or in poses that were not seen during training. It is worth noting that understanding these instructions requires not only the comprehension of the phrase-referred landmarks but also the implicit disambiguation.

The results presented in Table II demonstrate the strong performance of our visual understanding model compared to the baselines, showcasing clear superiority over previous CNN-based approaches. The experimental findings highlight the importance of training the visual model for language understanding on a dataset consisting of text-image pairs. Furthermore, the diversity and size of the dataset are found to have a significant impact on the overall performance of the model. We also observed that initializing the visual and linguistic encoders with pre-training weights played a crucial role in the training process. This initialization greatly facilitated the model in establishing correlations between images and their corresponding captions. In Table I, we present experimental results that showcase the generalization capability of our model to different natural language instructions and various objects.

Table II. The accuracy on mainstream visual grounding dataset.

5.5. Ablation studies

To assess the effectiveness of each component in our model, we conduct independent empirical analyses of the encoder and decoder on the relevant datasets to evaluate the performance of vision-language understanding and grasping. Specifically, we perform the following ablation studies:

Encoder analysis: We solely utilize the encoder of our model and use the language input to predict the bounding box of the corresponding object. This analysis allows us to evaluate the performance of the vision and text encoder.

Decoder analysis: In this analysis, we disable the language component and focus on evaluating the grasping performance of the decoder. By excluding the language input, we could assess the capabilities and effectiveness of the decoder component.

5.5.1. Visual understanding

To evaluate the effectiveness of our visual understanding module, we conduct validation on several widely recognized visual grounding benchmarks and compare our results with state-of-the-art methods. We follow standard evaluation criteria to report the performance, considering a prediction as positive when the Jaccard index between the predicted region and ground truth exceeds 0.5. The comparison results with recent methods on the RefCOCO, RefCOCO+, and RefCOCOg datasets are presented in Table II. We categorized the methods into two groups: two-stage and one-stage. Our approach demonstrates competitive results across all data splits when compared to recent methods. Notably, we achieved an accuracy of 84.55% on the validation set of RefCOCO, surpassing the prior best method by an improvement of 2.32%. Moreover, by utilizing the more powerful ResNet-101 backbone instead of ResNet-50, the performance of our module is further enhanced. Even when dealing with long expressions, our visual-linguistic module continues to perform well. Table III presents the performance of our model on the Flickr30K Entities test set. With the ResNet-50 and ResNet-101 backbones, our model achieves accuracies of 79.41% and 80.12%, respectively.

Table III. The accuracy on Flickr30K Entities dataset.

The ablation studies reveal that the integration of visual and textual information in the transformer layers is the key component of our approach. This integration enables the extraction of visual features specifically tailored to the textual information. Our visual-linguistic module facilitates homogeneous inter-modal contextual reasoning by embedding both visual and language information into a shared semantic space. The superior results presented in Tables II and III provide evidence of the effectiveness of our visual and linguistic encoder and fusion modules. In Fig. 7, it is evident that our model is capable of capturing the intricate relationships between objects as described in language expressions, such as “the orange on the right of the banana.” The attention context awareness allows our model to take a holistic perspective of the scene, enabling it to focus more accurately on the region where the referred object is located.

Figure 7. Visualization of the attention heatmaps of the model guided by the language. The first row shows the grasping scene captured from the camera and the red rectangle box indicates the roughly generated grasping candidate area. The second row demonstrates the visualization of discriminative features learned by attention.

5.5.2. Grasping performance

In this section, we analyze the performance of our grasping module. To determine the number of attention layers in each branch, we conducted ablation experiments. The ablation studies show the impact of varying the number of attention layers in the encoder and decoder stages of the model. The two metrics reported are “GFLOPS” (floating-point operations per second) and “Accuracy” in percentage. From the results, it’s evident that increasing the number of encoder layers improves accuracy up to a certain point. The accuracy steadily increases as more layers are employed until it reaches the saturation point. In Tables IV and V, the results highlight that a configuration with four attention layers in encoder and six in decoder yields the highest accuracy while maintaining a reasonable level of computational efficiency. Table VI presents a comparison of our model with recent state-of-the-art approaches on the Cornell grasping dataset. Notably, our model achieves significant improvements, such as increasing the best accuracy on the Cornell dataset from 97.7% to 98.74%. Our approach directly predicts the grasping center, grasping angle, and opening width of the gripper, eliminating the need for designing anchors to match different targets. The highest-scoring grasp candidate is selected as the final grasp prediction. To further assess the performance of our model compared to recent methods, we conduct evaluation of the Jacquard dataset, the results of which are summarized in Table VII.

Comparison with other methods: We surpass the ROI-GD method by 4.1% in terms of grasping accuracy rate due to several key enhancements in our approach. Our approach demonstrates enhanced performance due to the inherent benefits of the transformer-based architecture, enabling the robot to better understand contextual cues from both visual and textual inputs. This facilitates more accurate perception of object attributes, scene elements, and contextual instructions, resulting in improved grasp planning and execution. Furthermore, in comparison to the TF-Grasp method, our method leverages a cross-attention mechanism within a vision-language transformer architecture. The cross-modal interactions between vision and language data enable more effective fusion of information and context, resulting in a higher level of understanding and manipulation accuracy.

Costs in terms of training and execution: Regarding the potential costs associated with training, execution time, and computational resources, we acknowledge that the utilization of transformer-based architectures can indeed introduce higher computational requirements compared to traditional methods. This is primarily due to the increased model complexity and the demand for larger training datasets to capture the diverse range of interactions and instructions. However, it’s important to note that the improvements in grasping accuracy and overall task performance, as demonstrated in our experiments, justify the investment in computational resources. The enhanced accuracy directly translates to reduced instances of failed grasps, ultimately leading to a more efficient and reliable robotic manipulation system. Moreover, the scalability of transformer-based models allows for parallel processing and optimization techniques that can mitigate some of the resource constraints. In summary, while our proposed method may require comparatively more computational resources during training and execution, the achieved advancements in grasping accuracy and human-robot interaction effectiveness substantiate the benefits and justify the associated costs.

5.6. Discussion and limitations

Our proposed method has been evaluated on various objects with different language instructions, demonstrating its effectiveness on previously unseen objects such as remote controls, oranges, and screwdrivers. It exhibits good generalization capabilities by maintaining a high grasping success rate even when objects are placed in orientations that were not seen during training. The results are summarized in Table VI. Through extensive empirical validation, our model proves to be a powerful solution for language-driven robotic understanding tasks, offering a seamless and effective human-robot interface.

Table IV. The ablation studies of the attention layer numbers in encoder.

Table V. The ablation studies of the attention layer numbers in decoder.

Table VI. The grasping performance on Cornell grasping dataset.

Table VII. The accuracy on Jacquard grasping dataset.

While our approach has demonstrated promise in language-driven grasping, it is constrained to a two-dimensional plane. Real-world applications encompass scenarios well beyond this scope. Grasping tasks in vertical spaces, such as hierarchical shelving, introduce additional layers of complexity, including height considerations, spatial positioning, and object orientation. Notably, our framework’s performance in these more intricate settings remains unverified, representing a prominent limitation that warrants dedicated attention in future work. In summary, our forthcoming research will focus on surmounting the challenges associated with vertical space grasping. Research avenues will encompass enhancing 3D perception, advancing 6DOF pose estimation, addressing object occlusion, and refining motion planning precision. By addressing these facets, we aim to extend our framework’s applicability to real-world scenarios where vertical space grasping is an essential requirement.

6. Conclusions

This paper introduces a novel robotic system designed to comprehend human intentions and execute user-specified object manipulation commands through natural language. By leveraging natural language as a means of expressing human intentions, our system enables robots to understand object relationships and generate desired actions. A key feature of our model is its capability to comprehend flexible language instructions using a multi-modal transformer. Through extensive evaluations of various datasets and real-world robotic systems, we demonstrate that our proposed method is user-friendly and exhibits promising performance. The flexibility of our framework allows for effective multi-modal understanding.

Financial support

This work was supported in part by National Key R&D Program of China under Grant 2022YFB4701400/4701403, National Natural Science Foundation of China under Grant U2013601, U19B2044, U22A2060, and National Key R&D Program Program of China under Grant 2021YFF0501600.

Author contributions

Author 1: Designed methodology, conducted experiments, and managed data collection. Author 2: Conducted extensive literature review and implementation of specific algorithms. Author 3: Co-wrote the sections related to experimental setup and results. Author 4: Refining the discussion and conclusion sections. Author 5: Provided expertise in robotics and automation and contributed to the overall research in the paper.

Competing interests

The authors declare none.

References

Yan, W. and Mehta, A., “Towards one-dollar robots: An integrated design and fabrication strategy for electromechanical systems,” Robotica 41(1), 3147 (2023).10.1017/S0263574720001101CrossRefGoogle Scholar
Spielberg, A., Du, T., Hu, Y., Rus, D. and Matusik, W., “Advanced soft robot modeling in chainqueen,” Robotica 41(1), 74104 (2023).CrossRefGoogle Scholar
Zhou, X., Ye, J., Wang, C., Zhong, J. and Wu, X., “Time-frequency feature transform suite for deep learning-based gesture recognition using semg signals,” Robotica 41(2), 775788 (2023).CrossRefGoogle Scholar
Su, H., Schmirander, Y., Valderrama-Hincapié, S. E., Qi, W., Ovur, S. E. and Sandoval, J., “Neural-learning-enhanced cartesian admittance control of robot with moving RCM constraints,” Robotica 41(4), 12311243 (2023).10.1017/S0263574722001679CrossRefGoogle Scholar
Li, Z., Li, G., Wu, X., Kan, Z., Su, H. and Liu, Y., “Asymmetric cooperation control of dual-arm exoskeletons using human collaborative manipulation models,” IEEE Trans. Cybern. 52(11), 1212612139 (2022).CrossRefGoogle ScholarPubMed
Rosenblum, L. D., See What I’m Saying: The Extraordinary Powers of Our Five Senses (WW Norton & Company, New York, 2011).Google Scholar
Krishnamurthy, J. and Kollar, T., “Jointly learning to parse and perceive: Connecting natural language to the physical world,” Trans. Assoc. Comput. Linguist. 1, 193206 (2013).10.1162/tacl_a_00220CrossRefGoogle Scholar
Chen, Y., Xu, R., Lin, Y. and Vela, P. A., “A Joint Network for Grasp Detection Conditioned on Natural Language Commands,” In: Proc. IEEE Int. Conf. Robot. Automat. (2021) pp. 45764582.Google Scholar
Shao, L., Migimatsu, T., Zhang, Q., Yang, K. and Bohg, J., “Concept2robot: Learning Manipulation Concepts From Instructions and Human Demonstrations,” In: Robotics: Science and Systems (2020).Google Scholar
Devlin, J., Chang, M.-W., Lee, K. and Toutanova, K., “BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding,” In: Proc. Assoc. Comput. Linguistics (2019) pp. 41714186.Google Scholar
Arkin, J., Park, D., Roy, S., Walter, M. R., Roy, N., Howard, T. M. and Paul, R., “Multimodal estimation and communication of latent semantic knowledge for robust execution of robot instructions,” Int. J. Robot. Res. 39(10-11), 12791304 (2020).10.1177/0278364920917755CrossRefGoogle Scholar
Li, Z., Li, Q., Huang, P., Xia, H. and Li, G., “Human-in-the-loop adaptive control of a soft exo-suit with actuator dynamics and ankle impedance adaptation,” IEEE Trans. Cybern. 113 (2023).Google ScholarPubMed
Li, Z., Zhao, K., Zhang, L., Wu, X., Zhang, T., Li, Q., Li, X. and Su, C.-Y., “Human-in-the-loop control of a wearable lower limb exoskeleton for stable dynamic walking,” IEEE ASME Trans. Mechatron. 26(5), 27002711 (2021).10.1109/TMECH.2020.3044289CrossRefGoogle Scholar
Wang, Z., Li, Z., Wang, B. and Liu, H., “Robot grasp detection using multimodal deep convolutional neural networks,” Adv. Mech. Eng. 8(9), 1687814016668077 (2016).Google Scholar
Ainetter, S. and Fraundorfer, F., “End-to-End Trainable Deep Neural Network for Robotic Grasp Detection and Semantic Segmentation from RGB,” In: Proc. IEEE Int. Conf. Robot. Automat. (IEEE, 2021) pp. 1345213458.Google Scholar
Lenz, I., Lee, H. and Saxena, A., “Deep learning for detecting robotic grasps,” Int. J. Robot. Res. 34(4-5), 705724 (2015).CrossRefGoogle Scholar
Di, G., Sun, F., Liu, H., Kong, T., Fang, B. and Xi, N., “A Hybrid Deep Architecture for Robotic Grasp Detection,” In: Proc. IEEE Int. Conf. Robot. Automat. (2017) pp. 16091614.Google Scholar
Wang, S., Zhou, Z. and Kan, Z., “When transformer meets robotic grasping: Exploits context for efficient grasp detection,” IEEE Robot. Autom. Lett. 7(3), 81708177 (2022).10.1109/LRA.2022.3187261CrossRefGoogle Scholar
Zhou, Z., Wang, S., Chen, Z., Cai, M., Wang, H., Li, Z. and Kan, Z., “Local observation based reactive temporal logic planning of human-robot systems,” IEEE Trans. Autom. Sci. Eng. 113 (2023).Google Scholar
Wang, S., Zhou, Z., Wang, H., Li, Z. and Kan, Z., “Unsupervised Representation Learning for Visual Robotics Grasping,” In: International Conference on Advanced Robotics and Mechatronics (ICARM) (2022) pp. 5762.10.1109/ICARM54641.2022.9959267CrossRefGoogle Scholar
Chen, K., Wang, S., Xia, B., Li, D., Kan, Z. and Li, B., “Tode-Trans: Transparent Object Depth Estimation with Transformer,” In: IEEE Int. Conf. Robot. Autom. (2023) pp. 48804886.Google Scholar
Wang, S., Zhang, W., Zhou, Z., Cao, J., Chen, Z., Chen, K., Li, B. and Kan, Z., “What you see is what you grasp: User-friendly grasping guided by near-eye-tracking,” arXiv preprint arXiv:2209.06122 (2022).Google Scholar
Wang, P., Wu, Q., Cao, J., Shen, C., Gao, L. and van den Hengel, A., “Neighbourhood Watch: Referring Expression Comprehension via Language-Guided Graph Attention Networks,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2019) pp. 19601968.Google Scholar
Plummer, B. A., Kordas, P., Kiapour, M. H., Zheng, S., Piramuthu, R. and Lazebnik, S., “Conditional Image-Text Embedding Networks,” In: Proc. Eur. Conf. Comput. Vis., vol. 11216 (2018) pp. 258274.Google Scholar
Zhang, H., Niu, Y. and Chang, S.-F., “Grounding Referring Expressions in Images by Variational Context,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2018) pp. 41584166.Google Scholar
Zhuang, B., Wu, Q., Shen, C., Reid, I. D. and van den Hengel, A., “Parallel Attention: A Unified Framework for Visual Object Discovery Through Dialogs and Queries,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2018) pp. 42524261.Google Scholar
Mao, J., Huang, J., Toshev, A., Camburu, O., Yuille, A. L. and Murphy, K., “Generation and Comprehension of Unambiguous Object Descriptions,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2016) pp. 1120.Google Scholar
Yu, L., Poirson, P., Yang, S., Berg, A. C. and Berg, T. L., “Modeling Context in Referring Expressions,” In: Proc. Eur. Conf. Comput. Vis., vol. 9906 (2016) pp. 6985.Google Scholar
Yu, L., Lin, Z., Shen, X., Yang, J., Lu, X., Bansal, M. and Berg, T. L., “Modular Attention Network for Referring Expression Comprehension,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2018) pp. 13071315.Google Scholar
Chen, X., Ma, L., Chen, J., Jie, Z., Liu, W. and Luo, J., “Real-time referring expression comprehension by single-stage grounding network,” CoRR, abs/1812.03426 (2018).Google Scholar
Huang, B., Lian, D., Luo, W. and Gao, S., “Look Before You Leap: Learning Landmark Features for One-Stage Visual Grounding,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2021) pp. 1688816897.Google Scholar
Yang, Z., Gong, B., Wang, L., Huang, W., Yu, D. and Luo, J., “A Fast and Accurate One-stage Approach to Visual Grounding,” In: Proc. IEEE Int. Conf. Comput. Vis. (2019) pp. 46824692.Google Scholar
Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A. N., Kaiser, Ł. and Polosukhin, I., “Attention Is All You Need,” In: Proc. Adv. Neural Inf. Process. Syst., vol. 30 (2017).Google Scholar
Carion, N., Massa, F., Synnaeve, G., Usunier, N., Kirillov, A. and Zagoruyko, S., “End-to-End Object Detection with Transformers,” In: Proc. Eur. Conf. Comput. Vis. (Springer, Cham, 2020) pp. 213229.Google Scholar
Depierre, A., Dellandréa, E. and Chen, L., “Jacquard: A Large Scale Dataset for Robotic Grasp Detection,” In: Proc. IEEE/RSJ Int. Conf. Intell. Robots Syst. (2018) pp. 35113516.Google Scholar
Plummer, B. A., Wang, L., Cervantes, C. M., Caicedo, J. C., Hockenmaier, J. and Lazebnik, S., “Flickr30k entities: Collecting region-to-phrase correspondences for richer image-to-sentence models,” Int. J. Comput. Vis. 123(1), 7493 (2017).CrossRefGoogle Scholar
Young, P., Lai, A., Hodosh, M. and Hockenmaier, J., “From image descriptions to visual denotations: New similarity metrics for semantic inference over event descriptions,” Trans. Assoc. Comput. Linguist. 2, 6778 (2014).CrossRefGoogle Scholar
Asif, U., Tang, J. and Harrer, S., “Graspnet: An Efficient Convolutional Neural Network for Real-Time Grasp Detection for Low-Powered Devices,” In: IJCAI, vol. 7 (2018) pp. 48754882.Google Scholar
Kumra, S. and Kanan, C., “Robotic Grasp Detection Using Deep Convolutional Neural Networks,” In: Proc. IEEE/RSJ Int. Conf. Intell. Robots Syst. (2017) pp. 769776.Google Scholar
Shridhar, M., Mittal, D. and Hsu, D., “INGRESS: Interactive visual grounding of referring expressions,” Int. J. Robot. Res. 39(2-3), 217232 (2020).10.1177/0278364919897133CrossRefGoogle Scholar
Nagaraja, V. K., Morariu, V. I. and Davis, L. S., “Modeling Context Between Objects for Referring Expression Understanding,” In: Proc. Eur. Conf. Comput. Vis., vol. 9908 (2016) pp. 792807.Google Scholar
Hu, R., Rohrbach, M., Andreas, J., Darrell, T. and Saenko, K., “Modeling Relationships in Referential Expressions with Compositional Modular Networks,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2017) pp. 44184427.Google Scholar
Yang, S., Li, G. and Yu, Y., “Dynamic Graph Attention for Referring Expression Comprehension,” In: Proc. IEEE Int. Conf. Comput. Vis. (2019) pp. 46434652.Google Scholar
Hong, R., Liu, D., Mo, X., He, X. and Zhang, H., “Learning to compose and reason with language tree structures for visual grounding,” IEEE Trans. Pattern Anal. Mach. Intell. 44(2), 684696 (2022).CrossRefGoogle ScholarPubMed
Liu, D., Zhang, H., Zha, Z.-J. and Wu, F., “Learning to Assemble Neural Module Tree Networks for Visual Grounding,” In: Proc. IEEE Int. Conf. Comput. Vis. (2019) pp. 46724681.Google Scholar
Chen, L., Ma, W., Xiao, J., Zhang, H. and Chang, S.-F., “Ref-NMS: Breaking Proposal Bottlenecks in Two-Stage Referring Expression Grounding,” In: AAAI Conf. Artif. Intell. (2021) pp. 10361044.Google Scholar
Yang, S., Li, G. and Yu, Y., “Relationship-embedded representation learning for grounding referring expressions,” IEEE Trans. Pattern Anal. Mach. Intell. 43(8), 27652779 (2021).CrossRefGoogle ScholarPubMed
Liu, X., Wang, Z., Shao, J., Wang, X. and Li, H., “Improving Referring Expression Grounding with Cross-Modal Attention-Guided Erasing,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2019) pp. 19501959.Google Scholar
Liao, Y., Liu, S., Li, G., Wang, F., Chen, Y., Qian, C. and Li, B., “A Real-Time Cross-Modality Correlation Filtering Method for Referring Expression Comprehension,” In: Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (2020) pp. 1087710886.Google Scholar
Yang, Z., Chen, T., Wang, L. and Luo, J., “Improving One-Stage Visual Grounding by Recursive Sub-Query Construction,” In: Proc. Eur. Conf. Comput. Vis., vol. 12359 (2020) pp. 387404.Google Scholar
Du, Y., Fu, Z., Liu, Q. and Wang, Y., “Visual Grounding with Transformers,” In: Proc. IEEE Conf. Multi. Exp. (2022) pp. 16.Google Scholar
Li, M. and Sigal, L., “Referring Transformer: A One-Step Approach to Multi-Task Visual Grounding,” In: Proc. Int. Conf. Neural Inf. Process. Syst. (2021) pp. 1965219664.Google Scholar
Deng, J., Yang, Z., Chen, T., Zhou, W. and Li, H., “TransVG: End-to-End Visual Grounding with Transformers,” In: Proc. IEEE Int. Conf. Comput. Vis. (2021) pp. 17491759.Google Scholar
Wang, L., Li, Y., Huang, J. and Lazebnik, S., “Learning two-branch neural networks for image-text matching tasks,” IEEE Trans. Pattern Anal. Mach. Intell. 41(2), 394407 (2019).10.1109/TPAMI.2018.2797921CrossRefGoogle ScholarPubMed
Kovvuri, R. and Nevatia, R., “PIRC Net: Using Proposal Indexing, Relationships and Context for Phrase Grounding,” In: Asian Conf. Comput. Vis., vol. 11364 (2018) pp. 451467.Google Scholar
Yu, Z., Xiang, C., Zhao, Z., Tian, Q. and Tao, D., “Rethinking Diversified and Discriminative Proposal Generation for Visual Grounding,” In: Int. Joint Conf. Artif. Intell. (2018) pp. 11141120.Google Scholar
Liu, Y., Wan, B., Zhu, X. and He, X., “Learning Cross-Modal Context Graph for Visual Grounding,” In: AAAI Conf. Artif. Intell. (2020) pp. 1164511652.Google Scholar
Sadhu, A., Chen, K. and Nevatia, R., “Zero-Shot Grounding of Objects from Natural Language Queries,” In: Proc. IEEE Int. Conf. Comput. Vis. (2019) pp. 46934702.Google Scholar
Jiang, Y., Moseson, S. and Saxena, A., “Efficient Grasping from RGBD Images: Learning Using a New Rectangle Representation,” In: Proc. IEEE Int. Conf. Robot. Automat. (2011) pp. 33043311.Google Scholar
Redmon, J. and Angelova, A., “Real-Time Grasp Detection Using Convolutional Neural Networks,” In: Proc. IEEE Int. Conf. Robot. Autom. (2015) pp. 13161322.Google Scholar
Asif, U., Bennamoun, M. and Sohel, F. A., “RGB-D object recognition and grasp detection using hierarchical cascaded forests,” IEEE Trans. Robot. 33(3), 547564 (2017).10.1109/TRO.2016.2638453CrossRefGoogle Scholar
Morrison, D., Corke, P. and Leitner, J., “Learning robust, real-time, reactive robotic grasping,” Int. J. Robot. Res. 39(2-3), 183201 (2020).CrossRefGoogle Scholar
Zhou, X., Lan, X., Zhang, H., Tian, Z., Zhang, Y. and Zheng, N., “Fully Convolutional Grasp Detection Network with Oriented Anchor Box,” In: Proc. IEEE Int. Conf. Intell. Robots Syst. (2018) pp. 72237230.Google Scholar
Karaoguz, H. and Jensfelt, P., “Object Detection Approach for Robot Grasp Detection,” In: Proc. IEEE Int. Conf. Robot. Automat. (2019) pp. 49534959.Google Scholar
Gariépy, A., Ruel, J.-C., Chaib-Draa, B. and Giguere, P., “GQ-STN: Optimizing One-Shot Grasp Detection Based on Robustness Classifier,” In: Proc. IEEE/RSJ Int. Conf. Intell. Robots Syst. (2019) pp. 39964003.Google Scholar
Zhang, H., Lan, X., Bai, S., Zhou, X., Tian, Z. and Zheng, N., “ROI-Based Robotic Grasp Detection for Object Overlapping Scenes,” In: Proc. IEEE Int. Conf. Intell. Robots Syst. (2019) pp. 47684775.Google Scholar
Kumra, S., Joshi, S. and Sahin, F., “Antipodal Robotic Grasping Using Generative Residual Convolutional Neural Network,” In: Proc. IEEE Int. Conf. Intell. Robots Syst. (IEEE, 2020) pp. 96269633.Google Scholar
Figure 0

Figure 1. The robot assists in fruit grasping based on user instructions.

Figure 1

Figure 2. The overview of the framework. The language and visual encoders are served as prefixes to the fusion decoder, and the resulting grounding information is then combined with the scene depth image as input to the grasping model to produce the grasping configuration according to language instructions.

Figure 2

Figure 3. An illustration of the vision-language fusion cross-attention module.

Figure 3

Figure 4. System diagram of our architecture.

Figure 4

Figure 5. Our multi-modal grasping system demonstrates the understanding of novel sentences and enables the end-effector to generate stable grasps.

Figure 5

Table I. Experimental results for evaluating the generalization of the model.

Figure 6

Figure 6. Results of recognition and positioning accuracy.

Figure 7

Table II. The accuracy on mainstream visual grounding dataset.

Figure 8

Table III. The accuracy on Flickr30K Entities dataset.

Figure 9

Figure 7. Visualization of the attention heatmaps of the model guided by the language. The first row shows the grasping scene captured from the camera and the red rectangle box indicates the roughly generated grasping candidate area. The second row demonstrates the visualization of discriminative features learned by attention.

Figure 10

Table IV. The ablation studies of the attention layer numbers in encoder.

Figure 11

Table V. The ablation studies of the attention layer numbers in decoder.

Figure 12

Table VI. The grasping performance on Cornell grasping dataset.

Figure 13

Table VII. The accuracy on Jacquard grasping dataset.