Graphical user interface agents optimization for visual instruction grounding using multi-modal artificial intelligence systems

Tassnim Dardouri, Laura Minkova, Jessica López Espejel, Walid Dahhane, El Hassane Ettifouri
Abstract

Most instance perception and image understanding solutions focus mainly on natural images. However, applications for synthetic images, and more specifically, images of Graphical User Interfaces (GUI) remain limited. This hinders the development of autonomous computer-vision-powered Artificial Intelligence (AI) agents. In this work, we present Search Instruction Coordinates or SIC, a multi-modal solution for object identification in a GUI. More precisely, given a natural language instruction and a screenshot of a GUI, SIC locates the coordinates of the component on the screen where the instruction would be executed. To this end, we develop two methods. The first method is a three-part architecture that relies on a combination of a Large Language Model (LLM) and an object detection model. The second approach uses a multi-modal foundation model.

keywords:
Natural Language Processing , Computer Vision , Deep Learning , Grounding , Large Vision-Language Models.
journal: Engineering Applications of Artificial Intelligence
{graphicalabstract}
Refer to caption
Figure 1: SICocr architecture.
Refer to caption
Figure 2: SICdirect architecture.
{highlights}

In this work we propose to achieve natural language instruction grounding using two methods: Search Instruction Coordinates with OCR or SICocr and Search Instruction Coordinates direct or SICdirect:

  • 1.

    SICocri is a 3-step approach and it relies on the optimization of YoloV8 (Reis et al., 2023), the use of ChatGPT (OpenAI et al., 2024) and an Optical Character Recognition (OCR) module.

  • 2.

    SICdirect is a straightforward multi-modal approach and consists in the careful finetuning of the model aimed at universal instance perception proposed in Yan et al. (2023b) for the specific task of GUI instruction grounding.

We build two training datasets. The first dataset is object detection oriented and is designed to optimize YoloV8 for the GUI environment. The second dataset focuses on natural language grounding and is built to finetune the model proposed in Yan et al. (2023b) to adapt it and optimize it for the instruction grounding task in the context of GUI applications.

We introduce an evaluation metric called Central Point Validation or CPV for short. Its goal is to determine whether the center of the predicted bounding box is inside the ground truth bounding box. This metric allows accurate evaluation of a GUI agent as the central point is where an instruction would be executed.

1 Introduction

Repetitive tasks refer to activities that require little critical thinking and are regularly repeated within organizations, such as businesses and public administrations. In many cases, these tasks are considered tedious and unrewarding for the employees who perform them and can lead to monotony and professional exhaustion. For this reason, the design of an autonomous AI-powered Graphical User Interface (GUI) agent to automate these tasks becomes necessary. A key step towards building this agent is making it capable of interacting with the GUI environment. In this context, many solutions use structured data which can be lengthy (e.g., HTML), impractical and even inaccessible (e.g., on desktops). To alleviate this issue, it is necessary to design an Artificial Intelligence (AI) agent that only relies on screenshots for interactions with its GUI environment. Recent development of Large Language Models (LLMs) has opened countless possibilities in automating numerous AI tasks. Transformer-based models such as BERT (Bidirectional Encoder Representations from Transformers) (Devlin et al., 2018), T5 (Raffel et al., 2019), and GPT-3 (Generative Pre-trained Transformers) (Brown et al., 2020) had great success for Natural Language Processing (NLP) applications namely text generation (Jiang et al., 2023; Touvron et al., 2023), translation (Moslem et al., 2023; Waldendorf et al., 2024; Wu et al., 2024a), summarization (Lewis et al., 2019; Zhang et al., 2020; Takeshita et al., 2022), and so forth.

Subsequently, the use of transformers was later extended to the computer vision domain where they revolutionized multiple applications such as image classification (Tan and Le, 2019; Kolesnikov et al., 2019; Dosovitskiy et al., 2020; Bao et al., 2021; Radford et al., 2021; Graham et al., 2021; Liu et al., 2021; Jaegle et al., 2021; Liu et al., 2022; Oquab et al., 2024), object detection (Carion et al., 2020; Zhu et al., 2020; Meng et al., 2021; Smock et al., 2021; Fang et al., 2021; Ouyang-Zhang et al., 2022) and object understanding (Yang et al., 2019; Ye et al., 2019; Zhu et al., 2022; Yang et al., 2021) through multi-modal foundation models. An interesting sub-category of object understanding for developing vision capabilities for GUI agents is Referring Expression Grounding (REG) where the key challenge is associating natural language expressions with specific objects or regions in visual data. REG involves understanding and identifying the referred objects or regions based on the contextual information provided by the language, which can include visual attributes, spatial relationships, and interactions with the surrounding environment. This task is pivotal in Natural Language Understanding (NLU) and GUI environment understanding. It bridges the semantic gap between linguistic descriptions and the visual world, enabling machines to comprehend and interact with the environment more effectively.

Research conducted by Mao et al. (2015) demonstrated the efficiency of REG in image captioning tasks. Furthermore, Anderson et al. (2017) illustrated its significance in visual question answering while Ye et al. (2019), Yang et al. (2021) and Zhu et al. (2022) leveraged cross-modal learning to segments out an object referred to by a natural language expression from an image. Furthermore, Anderson et al. (2017) illustrated its significance in visual question answering, while Ye et al. (2019); Yang et al. (2021), and Zhu et al. (2022) leveraged cross-modal learning to segment out an object referred to by a natural language expression from an image. Despite the numerous research works in the context of referring to expression grounding, the majority focuses on natural images. Few works studied the REG in the context of GUI instruction grounding. Indeed, research works like Li et al. (2020); Rozanova et al. (2021); Zhang et al. (2023c); Venkatesh et al. (2023), and Cheng et al. (2024) propose solutions allowing the localisation of screen elements based on natural language instructions. This task is especially useful for building autonomous visual GUI agents designed to automate complex tasks on digital devices.

In this work we propose to achieve natural language instruction grounding using two methods. The first method uses an OCR-powered instruction grounding module that we name Search Instruction Coordinates with OCR or SICocr. It relies on the finetuning of YoloV8 (Reis et al., 2023), the use of ChatGPT (OpenAI et al., 2024) and an Optical Character Recognition (OCR) module. The second method is more straightforward called Search Instruction Coordinates direct or SICdirect and it relies on the finetuning of the model aimed at universal instance perception proposed in Yan et al. (2023b) for the specific task of GUI instruction grounding.

2 Related works

Autonomous GUI Navigation : Several earlier research works investigated GUI automation tasks for web applications (Shi et al., 2017; Liu et al., 2018; Gur et al., 2018) and mobile UI applications (Li et al., 2020; Burns et al., 2022; Li and Li, 2023). More recently, the significant advancements in the NLP field, propelled by the emergence of Large Language Models (LLMs) (Touvron et al., 2023; Xu et al., 2024; OpenAI et al., 2024; Sun et al., 2024; Wu et al., 2024b), have shifted the focus toward developing LLM-powered GUI agents. This has become a primary area of interest for many contemporary studies. Indeed, some works proposed to tackle this challenge with a focus on prompt engineering of ChatGPT and ChatGPT-4 for web tasks using in context-learning (Zheng et al., 2024b) and self-refining (Kim et al., 2023). Other research works proposed to train LLMs for more specific tasks. In this context, Deng et al. (2023) introduced a two-stage method designed to identify target elements in a given HTML file, while Gur et al. (2024) used programming to allow interactions with websites. Despite these advancements, LLMs are still limited because of their ability to process text only. To overcome this, recent works proposed a vision-based GUI navigation (Shaw et al., 2023; Zhang and Zhang, 2024; Hong et al., 2023) using GPT-4V (Yan et al., 2023a; Gao et al., 2024). However, they take metadata as input and do not rely on visual data (Zhang et al., 2023a; Zheng et al., 2024a).

Large Vision-Language Models : The research interest in processing images and text data simultaneously has been getting more and more attention. In this respect, recent research has seen significant efforts in constructing Large Vision-Language Models (LVLMs) capable of processing both images and text jointly (Liu et al., 2023; Zhu et al., 2023; Ye et al., 2023; Li et al., 2023). Cross-modal vision-language tasks have become possible to perform with the integration of vision encoders with LLMs. Indeed, through contrastive learning and masked data modeling on large-scale image-text pairs techniques, models like CLIP (Radford et al., 2021), ALIGN (Jia et al., 2021), Florence (Yuan et al., 2021), BEIT3 (Wang et al., 2022), and Flamingo (Alayrac et al., 2022) demonstrate impressive zero-shot capabilities on vision-language challenges. Other works like DALL-E (Ramesh et al., 2021, 2022), and Stable Diffusion (Rombach et al., 2021) rely on image- caption pairs training for the generation of image content given textual information. More recently, research works propose to rely on reference language input as well as visual input to perform a multitude of tasks including Referring Expression Comprehension (REC) (Yu et al., 2016; Zhang et al., 2021; Zou et al., 2023), Referring Expression Segmentation (RES) (Yuan et al., 2021; Zhang et al., 2023b, 2021), and Referring Video Object Segmentation (R-VOS) (Bommasani et al., 2021; Touvron et al., 2023; Xu et al., 2016), where the goal is to match objects with given language expressions. Studies have also focused on grounding tasks with LVLMs (Wang et al., 2023; Bai et al., 2023; Chen et al., 2024), such as providing bounding boxes for objects when generating responses (Chen et al., 2023; Peng et al., 2023). However, these efforts primarily addressed natural images and did not explore GUI contexts. In this paper, we investigate natural language instruction grounding in GUI environment and explore its potential for autonomous GUI agents.

3 Proposed approaches

3.1 SICocr approach

YoloV8 model (Reis et al., 2023) demonstrated cutting edge performance in object detection and tracking, instance segmentation, image classification and pose estimation tasks (Ken, 2023). Motivated by its success and the recent advancements in LLMs, we propose to leverage YoloV8’s object detection capabilities coupled with an Optical Character Recognition (OCR) module and OpenAI’s LLM to create an 3-step approach for GUI instruction grounding able to locate a component on the screen given a natural language instruction from the user and a screenshot of the current screen. Figure 3 showcases the proposed SICocr architecture. Below, we offer a comprehensive breakdown of each stage within the SICocr instruction grounding methodology.

Refer to caption
Figure 3: SICocr architecture.

3.1.1 List all components in the GUI

The first step of the approach consists in listing all the elements present in the GUI (i.e tab, button, text field, list, etc.). To this end, we propose to deploy YoloV8 (Reis et al., 2023) for object detection and fine-tune it for GUI objects.

In spite of the good accuracy of the object detection module, it still exhibits some limitations due to its inability to read text and correctly identify each component in an image. For example, it wouldn’t be able to distinguish between the \sayCancel button and \saySubmit button and would simply identify them as \sayButton. For this reason, we propose to add an OCR module to help identify each component on the GUI screen. To this end, we design the OCR module to first \sayread all the text present on the screen and return the coordinates of each text. We then match the coordinates of each object on the screen with the corresponding text. This process allows us to identify for each component its type and role and it finally returns a list containing the Id, type, role, and coordinates of each component in the GUI.

3.1.2 Component name and type extraction

The second step of the architecture is dedicated to extract information about the target component on the screen from the input user instruction written in natural language. More specifically, we aim to know the type and role of the component we’re looking for on the screen. For example, given the following instruction: \sayPlease type in john in the name field, we would have a type corresponding to \saytext field and a role corresponding to \sayname. To this end, we resort to prompt engineering using OpenAI’s GPT4 LLM (OpenAI et al., 2024).

3.1.3 Component-text matching engine

As described in 3.1.1 and 3.1.2, the two first steps produce the components information list and information about the target component, respectively. Consequently, using the results from the first two steps, the third and last step is designed to return the coordinates of the component we’re looking for. In this regard, we also deploy the capabilities of OpenAI’s LLM through prompt engineering with the goal of finding the component description in the list that best matches the target component. Once it is identified, it returns its Id, type, role, and coordinates on the GUI screen.

Following this 3-step strategy, we are able to achieve instruction grounding for the GUI environment. Despite the good performance of this approach, it shows some limitations. For instance, it heavily relies on text information for component identification and wouldn’t be able to accurately identify image components and icons. Furthermore, it calls for the use of OpenAI’s GPT4 LLM which can present a few issues. Namely data security concerns since it’s not an LLM that can be deployed locally as well as potential financial concerns. To address these issues, we propose in what follows a local and more straightforward approach.

3.2 SICdirect

3.2.1 Motivation

Yan et al. (2023b) introduces UNINEXT, a universal instance perception model demonstrating good performance for different types of perception tasks including object detection, instance segmentation, multiple object tracking, referring expression comprehension, and referring expression grounding. Following their success in instance perception for natural images, an intuitive solution for our challenge is the finetuning of the pre-trained model to fit the GUI instruction grounding task.

3.2.2 Global approach description

Yan et al. (2023b) formulate the instance perception task as a prompt-guided object discovery and retrieval problem, aiming to unify diverse instance perception tasks into a singular model architecture and learning paradigm. The tasks are categorized into three types based on their input prompts: category names, language expressions, and reference annotations. This categorization facilitates the understanding that all tasks essentially aim to find objects specified by prompts, motivating a unified approach. The model calls for a 3-step architecture: prompt generation, image-prompt feature fusion, and object discovery and retrieval. Figure 4 shows the global architecture of the approach.

Refer to caption
Figure 4: SICdirect architecture.

Prompt Generation : This step transforms various types of input prompts computer vision into a unified format. It employs language and reference visual encoders to handle language-related and annotation-guided tasks, respectively, generating prompt embeddings that guide the object discovery process.

Image-Prompt Feature Fusion : Concurrently with prompt generation, the current image undergoes processing through a visual encoder to obtain hierarchical visual features. An early fusion module then enhances these features with prompt embeddings to enable deep information exchange and produce highly discriminative representations for instance prediction.

Object Discovery and Retrieval : Utilizing enhanced visual and prompt representations, this phase employs a Transformer-based architecture to generate instance proposals, which are then filtered based on prompt-instance matching scores to retrieve the final object instances. The model architecture facilitates flexibility in handling different types of instances by simply changing the input prompts.

This approach allows UNINEXT to train on diverse tasks and domains without needing task-specific heads, achieving superior performance on various instance perception tasks with a single model. While this universal methodology allows the model better flexibility and visibility, in our work we’re interested in the visual grounding task. In this context, we propose to train the model on GUI data with a focus on language expressions prompting.

4 Experimental settings

4.1 SICocr approach

4.1.1 Dataset

We propose to build a training dataset composed of annotated GUI screenshots of multiple websites. We devise the following list of the most relevant and frequently occurring targets for object detection training: \sayButton, \sayText field, \sayText area, \sayCheckbox, \sayRadio button, \sayText, \sayLink, \sayList, \sayTab, \sayDialog box, \sayImage, \sayProgress bar, \sayToolbar, and \sayMenu bar. The final dataset is composed of 1264126412641264 images and contains a total of 102760102760102760102760 training examples. We also adopt an 80-10-10 split for dividing the dataset into training, validation, and testing sets, respectively.

4.1.2 Training details

To optimize object detection performance, the fine-tuning process of YoloV8 is meticulously undertaken, with a particular focus on hyper-parameter settings, including the batch size, learning rate and weight decay. By opting for a batch size of 16161616, we aim to enhance both computational efficiency and the model’s learning capabilities. Furthermore, a learning rate of 0.010.010.010.01 and a weight decay of 0.00050.00050.00050.0005 is chosen to facilitate effective model optimization and accelerate the convergence process. This careful selection of hyper-parameters is found to not only speed up the learning process but also ensure ongoing refinement throughout the training phase. We conduct the training on a A6000 GPU equipped with a 48484848 GB of GDDR6 memory for a total of 400400400400 epochs.

4.2 SICdirect approach

4.2.1 Dataset

Regarding the training dataset, we create an extensive web data dataset containing image-expressions pairs. The dataset comprises a total of 51,4335143351,43351 , 433 pairs. Each pair corresponds to a visual component and a list of expressions associated with it. For example, a submit button could be paired with the following expressions list: [\saysubmit button, \saysubmit, \saybutton to submit]. We also divide the dataset into training, validation, and testing sets using an 80-15-5 split, respectively. Figure 5 presents an example of an image-expressions pair of the dataset.

Refer to caption
Figure 5: Example of an image-expressions pair.

We categorize the components into 7 categories: Button, Tab, Link, Text field, Checkbox, Radio button, and List. We aimed to achieve a balanced distribution as much as possible, but due to a lack of certain elements, the dataset remains imperfectly balanced. The Table 1 shows the category distribution of the dataset:

Table 1: Dataset distribution across categories.
Category Number of samples Percentage %
Button 9156 17,80 %
Tab 10361 20,14 %
Text field/area 9480 18,43 %
Link 8435 16,40 %
Checkbox 7994 15,54 %
Radio button 4094 7,96 %
List 1913 3,72 %

4.2.2 Training details

We conduct the fine-tuning of the model with special care and attention to the configuration of the hyper-parameters, namely the batch size and learning rate to achieve optimal performance for expression grounding. Indeed, we choose a batch size of 32323232 to maximize the computational and learning efficiency. Moreover, we select a learning rate of 2e42𝑒42e-42 italic_e - 4 to ensure model optimization while boosting convergence speed. We find that this hyper-parameter configuration can guarantee not only rapid learning but also continuous refinement during training.

5 Experiments and Results

In this section, we outline the experimental results obtained for the state-of-the-art method SeeClick (Cheng et al., 2024) as well as SICocr and SICdirect, detailing their performance metrics and comparing their effectiveness in our study. SeeClick is a recent instruction grounding approach introduced in (Cheng et al., 2024) and it focuses on interest point coordinates prediction given a natural language instruction in desktop, web and mobile images. Model weights could be found on the Huggingface plateform111https://huggingface.co/cckevinn/SeeClick

5.1 Evaluation dataset

We propose to evaluate the models using the test split of our dataset. It is composed of 2464 (image,expression) pairs and each pair can be divided into 8 categories: ’Button’, ’Text field’, ’Text area’, ’Checkbox’, ’Radio button’, ’Link’, ’List’, and ’Tab’. The table below 2 shows the category distribution of the test dataset.

Table 2: Test dataset distribution across categories.
Category Number of examples Percentage %
Tab 574 23,30 %
Button 519 21,06 %
Text field 439 17,82 %
Link 367 14,89 %
Radio button 191 12,99 %
Checkbox 320 7,75 %
List 46 1,87 %
Text area 8 0,32 %

5.2 Metrics

We propose to evaluate the approaches using two metrics. The first metric is Intersection over Union (IoU) (Zhou et al., 2019) that measures the overlap between the predicted bounding box and the ground truth bounding box. The IoU score ranges from 0 to 1, where 0 means there is no overlap i.e. false prediction and 1 indicates perfect overlap i.e. perfect prediction.

Furthermore, we introduce a new metric that we call Central Point Validation or CPV for short. The design we propose allows us to determine whether the center of the predicted bounding box is inside the ground truth bounding box. This metric is especially relevant for task automation with GUI agents. Indeed, any given instruction (click, type, etc..) would be performed on the GUI screen by the agent using a virtual keyboard and mouse. Therefore, as the center of the prediction bounding box of the screen component is where the agent would be directed to execute any given instruction (i.e. click on the center), it would be more interesting to verify if this center corresponds to a point within the original area of interest i.e. the ground-truth bounding box of the screen component. As the metric returns a boolean value, we are interested to see the percentage of accurate prediction across the test dataset.

5.3 Results and discussion

In this section we present our experimental results. We first propose to measure the category-wise performance of each proposed method using the two previously mentioned metrics IoU and CPV. We then show a comparison between the evaluation results of SICdirect and SICocr.

Indeed, Table 3 depicts the category-wise evaluation results of the state-of-the-art method SeeClick (Cheng et al., 2024) as well as the proposed SICocr and SICdirect approaches. As we can see, SeeClick performs best for the Link category with a 44.69%percent44.6944.69\%44.69 % CPV rate, followed by Button, List, Text field, and Text area categories with 26.01%,15.22%,14.35%, and 12.5percent26.01,percent15.22,percent14.35, and 12.526.01\%\text{,}15.22\%\text{,}14.35\%\text{, and }12.526.01 % , 15.22 % , 14.35 % , and 12.5 CPV rates, respectively. However, it does not perform as well for the rest of the categories. One possible explanation for this disparity is a more pronounced presence of text information for the Button, List, Text field, and Text area categories which may help the coordinates prediction accuracy. It is worth pointing out that we only evaluate SeeClick in terms of the CPV metric due to the fact that the method outputs the coordinates of the point of interest and not a bounding box. In this case, the IoU metric becomes irrelevant and the CPV metric is determined by verifying whether the predicted point is inside the area of the GUI screen component in question.

For SICocr, we can see that the model has the highest CPV values for the following categories: text area, tab, link, and list, with a CPV score ranging from 45.65%percent45.6545.65\%45.65 % to 87.5%percent87.587.5\%87.5 %. For the mIoU score, the top ranking categories are text area, tab, list, and text field with values between 0.240.240.240.24 and 0.670.670.670.67, respectively. However, we don’t see very good performance for other categories like checkbox, radio button, and button. This could be due to the approach’s heavy dependence on text information for grounding which may be lacking for these object types. This limitation leads to a less optimal overall performance (0.210.210.210.21 mIoU and 33.93%percent33.9333.93\%33.93 % CPV).

Regarding the SICdirect, for the case of radio button and checkbox we notice relatively low performance compared to the other categories. Our theory is that this is due to the visual similarity between checkboxes or radio buttons that are listed together. In fact, a human would be able to select the right box by reading the text next to it. So for a model to be able to select the desired check box, it would have to have the ability to read text in an image. This is a challenging task that would require a large dataset with images containing textual information. Overall, we can see that for the CPV metric, tab, list, and text area have almost perfect scores ranging from 97.04%percent97.0497.04\%97.04 % to 100%percent100100\%100 % while the rest of the categories except for radio button and checkbox have very good performance with scores between 71%percent7171\%71 % and 91%percent9191\%91 %. This results in a relatively high overall CPV score of 79.3%percent79.379.3\%79.3 %. Similarly, we observe good performance in terms of mIoU where, with the exception of Radio button and checkbox, the scores range from 0.650.650.650.65 to 0.930.930.930.93 leading to a global mIoU of 0.670.670.670.67.

Overall, it is clear that SICocr outperforms SeeClick in terms of the CPV metric accross all categories with margins ranging from 1,56%1percent561,56\%1 , 56 % to 75%percent7575\%75 %. However, we can see more significant performance improvements, also across all categories, with the SICdirect approach compared to both SeeClick and SICocr. Indeed, we observe CPV margins between 12.5%percent12.512.5\%12.5 % and 62.81%percent62.8162.81\%62.81 % compared to SICocr. However, compared to SeeClick, the margins become even more pronounced and range from 26.43%percent26.4326.43\%26.43 % to 87.5%percent87.587.5\%87.5 %. These evaluation results highlight the effectiveness of our proposed methods SICocr and more significantly SICdirect even when compared to the most recent state of the art methods.

Table 3: Category wise evaluation results.
mIoU CPV
Category SICdirect SICocr SeeClick SICdirect SICocr SeeClick
Tab 0.93 0.4 - 97.04 % 58.36 % 32.4 %
Button 0.67 0.16 - 85.55 % 22.74 % 26.01 %
Text field 0.74 0.24 - 91.34 % 33.94 % 14.35 %
Link 0.59 0.15 - 71.12 % 47.68 % 44.69 %
Radio button 0.31 0.06 - 41.36 % 10.99 % 7.85 %
Checkbox 0.37 0.04 - 49.69 % 3.12 % 1.56 %
List 0.75 0.37 - 97.83 % 45.65 % 15.22 %
Text area 0.84 0.67 - 100 % 87.5 % 12.5 %
Global 0.67 0.21 - 79.3 % 33.93 % 23.38 %

Finally, Table 4 shows the overall evaluation results of both proposed approaches as well as the SeeClick (Cheng et al., 2024) approach. As we can clearly see, SICocr outperforms the state of the art method SeeClick on the CPV metric with a 10.55%percent10.5510.55\%10.55 % difference. But more importantly, SICdirect shows superior performance to SICocr on both metrics. Specifically, SICdirect achieves a mIoU of 0.670.670.670.67 compared to SICocr’s 0.210.210.210.21. Furthermore, SICdirect demonstrates superior performance in accurately locating the center of objects within the predicted bounding boxes, with 79.3%percent79.379.3\%79.3 % of object centers correctly identified compared to only 33.93%percent33.9333.93\%33.93 % by SICocr.

Table 4: SICdirect, SICocr, and SeeClick (Cheng et al., 2024) comparison.
approach mIoU CPV
SeeClick - 23.38 %
SICocr 0.21 33.93 %
SICdirect 0.67 79.3 %

6 Conclusion

This paper focuses on the challenge of making an AI agent interact with a GUI environment solely based on screenshots. In this respect, we introduce two novel approaches: SICocr leveraging object detection coupled with Optical Character Recognition (OCR), and SICdirect that employs a universal instance perception model for GUI instruction grounding.

The experimental results demonstrate the superior performance of SICdirect over SICocr in both mean Intersection over Union (mIoU) and the accuracy of locating object centers within bounding boxes. Thus showcasing its potential for enhancing the capabilities of autonomous GUI agents.

By addressing the limitations of current GUI agents that rely on structured data or text-only inputs, this work makes significant strides towards creating more effective and versatile AI-powered GUI agents capable of understanding and interacting with GUIs based on visual data. The success of these methods opens new avenues for automating tasks and improving efficiency in businesses and public administrations, marking a step forward in the field of computer vision, NLP and AI.

Acknowledgments

We would like to acknowledge Novelis for their support in publishing this article. We are especially grateful for the assistance and contributions of their research team.

References

  • Alayrac et al. (2022) Alayrac, J.B., Donahue, J., Luc, P., Miech, A., Barr, I., Hasson, Y., Lenc, K., Mensch, A., Millican, K., Reynolds, M., Ring, R., Rutherford, E., Cabi, S., Han, T., Gong, Z., Samangooei, S., Monteiro, M., Menick, J., Borgeaud, S., Brock, A., Nematzadeh, A., Sharifzadeh, S., Binkowski, M., Barreira, R., Vinyals, O., Zisserman, A., Simonyan, K., 2022. Flamingo: a visual language model for few-shot learning. arXiv:2204.14198.
  • Anderson et al. (2017) Anderson, P., He, X., Buehler, C., Teney, D., Johnson, M., Gould, S., Zhang, L., 2017. Bottom-up and top-down attention for image captioning and VQA. CoRR abs/1707.07998. URL: http://arxiv.org/abs/1707.07998, arXiv:1707.07998.
  • Bai et al. (2023) Bai, J., Bai, S., Yang, S., Wang, S., Tan, S., Wang, P., Lin, J., Zhou, C., Zhou, J., 2023. Qwen-vl: A versatile vision-language model for understanding, localization, text reading, and beyond. arXiv:2308.12966.
  • Bao et al. (2021) Bao, H., Dong, L., Wei, F., 2021. Beit: BERT pre-training of image transformers. CoRR abs/2106.08254. URL: https://arxiv.org/abs/2106.08254, arXiv:2106.08254.
  • Bommasani et al. (2021) Bommasani, R., Hudson, D.A., Adeli, E., Altman, R.B., Arora, S., von Arx, S., Bernstein, M.S., Bohg, J., Bosselut, A., Brunskill, E., Brynjolfsson, E., Buch, S., Card, D., Castellon, R., Chatterji, N.S., Chen, A.S., Creel, K., Davis, J.Q., Demszky, D., Donahue, C., Doumbouya, M., Durmus, E., Ermon, S., Etchemendy, J., Ethayarajh, K., Fei-Fei, L., Finn, C., Gale, T., Gillespie, L., Goel, K., Goodman, N.D., Grossman, S., Guha, N., Hashimoto, T., Henderson, P., Hewitt, J., Ho, D.E., Hong, J., Hsu, K., Huang, J., Icard, T., Jain, S., Jurafsky, D., Kalluri, P., Karamcheti, S., Keeling, G., Khani, F., Khattab, O., Koh, P.W., Krass, M.S., Krishna, R., Kuditipudi, R., et al., 2021. On the opportunities and risks of foundation models. CoRR abs/2108.07258. URL: https://arxiv.org/abs/2108.07258, arXiv:2108.07258.
  • Brown et al. (2020) Brown, T.B., Mann, B., Ryder, N., Subbiah, M., Kaplan, J., Dhariwal, P., Neelakantan, A., Shyam, P., Sastry, G., Askell, A., Agarwal, S., Herbert-Voss, A., Krueger, G., Henighan, T., Child, R., Ramesh, A., Ziegler, D.M., Wu, J., Winter, C., Hesse, C., Chen, M., Sigler, E., Litwin, M., Gray, S., Chess, B., Clark, J., Berner, C., McCandlish, S., Radford, A., Sutskever, I., Amodei, D., 2020. Language models are few-shot learners. CoRR abs/2005.14165. URL: https://arxiv.org/abs/2005.14165, arXiv:2005.14165.
  • Burns et al. (2022) Burns, A., Arsan, D., Agrawal, S., Kumar, R., Saenko, K., Plummer, B.A., 2022. Interactive mobile app navigation with uncertain or under-specified natural language commands. CoRR abs/2202.02312. URL: https://arxiv.org/abs/2202.02312, arXiv:2202.02312.
  • Carion et al. (2020) Carion, N., Massa, F., Synnaeve, G., Usunier, N., Kirillov, A., Zagoruyko, S., 2020. End-to-end object detection with transformers. CoRR abs/2005.12872. URL: https://arxiv.org/abs/2005.12872, arXiv:2005.12872.
  • Chen et al. (2024) Chen, J., Zhu, D., Shen, X., Li, X., Liu, Z., Zhang, P., Krishnamoorthi, R., Chandra, V., Xiong, Y., Elhoseiny, M., 2024. MiniGPT-v2: Large language model as a unified interface for vision-language multi-task learning. URL: https://openreview.net/forum?id=nKvGCUoiuW.
  • Chen et al. (2023) Chen, K., Zhang, Z., Zeng, W., Zhang, R., Zhu, F., Zhao, R., 2023. Shikra: Unleashing multimodal llm’s referential dialogue magic. arXiv:2306.15195.
  • Cheng et al. (2024) Cheng, K., Sun, Q., Chu, Y., Xu, F., Li, Y., Zhang, J., Wu, Z., 2024. Seeclick: Harnessing gui grounding for advanced visual gui agents. arXiv:2401.10935.
  • Deng et al. (2023) Deng, X., Gu, Y., Zheng, B., Chen, S., Stevens, S., Wang, B., Sun, H., Su, Y., 2023. Mind2web: Towards a generalist agent for the web. arXiv:2306.06070.
  • Devlin et al. (2018) Devlin, J., Chang, M., Lee, K., Toutanova, K., 2018. BERT: pre-training of deep bidirectional transformers for language understanding. CoRR abs/1810.04805. URL: http://arxiv.org/abs/1810.04805, arXiv:1810.04805.
  • Dosovitskiy et al. (2020) Dosovitskiy, A., Beyer, L., Kolesnikov, A., Weissenborn, D., Zhai, X., Unterthiner, T., Dehghani, M., Minderer, M., Heigold, G., Gelly, S., Uszkoreit, J., Houlsby, N., 2020. An image is worth 16x16 words: Transformers for image recognition at scale. CoRR abs/2010.11929. URL: https://arxiv.org/abs/2010.11929, arXiv:2010.11929.
  • Fang et al. (2021) Fang, Y., Liao, B., Wang, X., Fang, J., Qi, J., Wu, R., Niu, J., Liu, W., 2021. You only look at one sequence: Rethinking transformer in vision through object detection. CoRR abs/2106.00666. URL: https://arxiv.org/abs/2106.00666, arXiv:2106.00666.
  • Gao et al. (2024) Gao, D., Ji, L., Bai, Z., Ouyang, M., Li, P., Mao, D., Wu, Q., Zhang, W., Wang, P., Guo, X., Wang, H., Zhou, L., Shou, M.Z., 2024. Assistgui: Task-oriented desktop graphical user interface automation. arXiv:2312.13108.
  • Graham et al. (2021) Graham, B., El-Nouby, A., Touvron, H., Stock, P., Joulin, A., Jégou, H., Douze, M., 2021. Levit: a vision transformer in convnet’s clothing for faster inference. CoRR abs/2104.01136. URL: https://arxiv.org/abs/2104.01136, arXiv:2104.01136.
  • Gur et al. (2024) Gur, I., Furuta, H., Huang, A., Safdari, M., Matsuo, Y., Eck, D., Faust, A., 2024. A real-world webagent with planning, long context understanding, and program synthesis. arXiv:2307.12856.
  • Gur et al. (2018) Gur, I., Rückert, U., Faust, A., Hakkani-Tür, D., 2018. Learning to navigate the web. CoRR abs/1812.09195. URL: http://arxiv.org/abs/1812.09195, arXiv:1812.09195.
  • Hong et al. (2023) Hong, W., Wang, W., Lv, Q., Xu, J., Yu, W., Ji, J., Wang, Y., Wang, Z., Zhang, Y., Li, J., Xu, B., Dong, Y., Ding, M., Tang, J., 2023. Cogagent: A visual language model for gui agents. arXiv:2312.08914.
  • Jaegle et al. (2021) Jaegle, A., Borgeaud, S., Alayrac, J., Doersch, C., Ionescu, C., Ding, D., Koppula, S., Zoran, D., Brock, A., Shelhamer, E., Hénaff, O.J., Botvinick, M.M., Zisserman, A., Vinyals, O., Carreira, J., 2021. Perceiver IO: A general architecture for structured inputs & outputs. CoRR abs/2107.14795. URL: https://arxiv.org/abs/2107.14795, arXiv:2107.14795.
  • Jia et al. (2021) Jia, C., Yang, Y., Xia, Y., Chen, Y., Parekh, Z., Pham, H., Le, Q.V., Sung, Y., Li, Z., Duerig, T., 2021. Scaling up visual and vision-language representation learning with noisy text supervision. CoRR abs/2102.05918. URL: https://arxiv.org/abs/2102.05918, arXiv:2102.05918.
  • Jiang et al. (2023) Jiang, A.Q., Sablayrolles, A., Mensch, A., Bamford, C., Chaplot, D.S., de las Casas, D., Bressand, F., Lengyel, G., Lample, G., Saulnier, L., Lavaud, L.R., Lachaux, M.A., Stock, P., Scao, T.L., Lavril, T., Wang, T., Lacroix, T., Sayed, W.E., 2023. Mistral 7b. arXiv:2310.06825.
  • Ken (2023) Ken, A.M., 2023. Yolov8, is it better than its predecessor? https://medium.com/@georgekenjiputra/yolo-v8-is-it-better-than-v7-4f978ceaec52.
  • Kim et al. (2023) Kim, G., Baldi, P., McAleer, S., 2023. Language models can solve computer tasks. arXiv:2303.17491.
  • Kolesnikov et al. (2019) Kolesnikov, A., Beyer, L., Zhai, X., Puigcerver, J., Yung, J., Gelly, S., Houlsby, N., 2019. Large scale learning of general visual representations for transfer. CoRR abs/1912.11370. URL: http://arxiv.org/abs/1912.11370, arXiv:1912.11370.
  • Lewis et al. (2019) Lewis, M., Liu, Y., Goyal, N., Ghazvininejad, M., Mohamed, A., Levy, O., Stoyanov, V., Zettlemoyer, L., 2019. BART: denoising sequence-to-sequence pre-training for natural language generation, translation, and comprehension. CoRR abs/1910.13461. URL: http://arxiv.org/abs/1910.13461, arXiv:1910.13461.
  • Li et al. (2023) Li, B., Zhang, Y., Chen, L., Wang, J., Yang, J., Liu, Z., 2023. Otter: A multi-modal model with in-context instruction tuning. arXiv:2305.03726.
  • Li and Li (2023) Li, G., Li, Y., 2023. Spotlight: Mobile ui understanding using vision-language models with a focus. arXiv:2209.14927.
  • Li et al. (2020) Li, Y., He, J., Zhou, X., Zhang, Y., Baldridge, J., 2020. Mapping natural language instructions to mobile UI action sequences. CoRR abs/2005.03776. URL: https://arxiv.org/abs/2005.03776, arXiv:2005.03776.
  • Liu et al. (2018) Liu, E.Z., Guu, K., Pasupat, P., Shi, T., Liang, P., 2018. Reinforcement learning on web interfaces using workflow-guided exploration. CoRR abs/1802.08802. URL: http://arxiv.org/abs/1802.08802, arXiv:1802.08802.
  • Liu et al. (2023) Liu, H., Li, C., Wu, Q., Lee, Y.J., 2023. Visual instruction tuning. Thirty-seventh Conference on Neural Information Processing Systems URL: https://openreview.net/forum?id=w0H2xGHlkw.
  • Liu et al. (2021) Liu, Z., Hu, H., Lin, Y., Yao, Z., Xie, Z., Wei, Y., Ning, J., Cao, Y., Zhang, Z., Dong, L., Wei, F., Guo, B., 2021. Swin transformer V2: scaling up capacity and resolution. CoRR abs/2111.09883. URL: https://arxiv.org/abs/2111.09883, arXiv:2111.09883.
  • Liu et al. (2022) Liu, Z., Mao, H., Wu, C., Feichtenhofer, C., Darrell, T., Xie, S., 2022. A convnet for the 2020s. CoRR abs/2201.03545. URL: https://arxiv.org/abs/2201.03545, arXiv:2201.03545.
  • Mao et al. (2015) Mao, J., Huang, J., Toshev, A., Camburu, O., Yuille, A.L., Murphy, K., 2015. Generation and comprehension of unambiguous object descriptions. CoRR abs/1511.02283. URL: http://arxiv.org/abs/1511.02283, arXiv:1511.02283.
  • Meng et al. (2021) Meng, D., Chen, X., Fan, Z., Zeng, G., Li, H., Yuan, Y., Sun, L., Wang, J., 2021. Conditional DETR for fast training convergence. CoRR abs/2108.06152. URL: https://arxiv.org/abs/2108.06152, arXiv:2108.06152.
  • Moslem et al. (2023) Moslem, Y., Haque, R., Way, A., 2023. Fine-tuning large language models for adaptive machine translation. arXiv:2312.12740.
  • OpenAI et al. (2024) OpenAI, Achiam, J., Adler, S., Agarwal, S., Ahmad, L., Akkaya, I., Aleman, F.L., et al., 2024. Gpt-4 technical report. arXiv:2303.08774.
  • Oquab et al. (2024) Oquab, M., Darcet, T., Moutakanni, T., Vo, H., Szafraniec, M., Khalidov, V., Fernandez, P., Haziza, D., Massa, F., El-Nouby, A., Assran, M., Ballas, N., Galuba, W., Howes, R., Huang, P.Y., Li, S.W., Misra, I., Rabbat, M., Sharma, V., Synnaeve, G., Xu, H., Jegou, H., Mairal, J., Labatut, P., Joulin, A., Bojanowski, P., 2024. Dinov2: Learning robust visual features without supervision. arXiv:2304.07193.
  • Ouyang-Zhang et al. (2022) Ouyang-Zhang, J., Cho, J.H., Zhou, X., Krähenbühl, P., 2022. Nms strikes back. arXiv:2212.06137.
  • Peng et al. (2023) Peng, Z., Wang, W., Dong, L., Hao, Y., Huang, S., Ma, S., Wei, F., 2023. Kosmos-2: Grounding multimodal large language models to the world. arXiv:2306.14824.
  • Radford et al. (2021) Radford, A., Kim, J.W., Hallacy, C., Ramesh, A., Goh, G., Agarwal, S., Sastry, G., Askell, A., Mishkin, P., Clark, J., Krueger, G., Sutskever, I., 2021. Learning transferable visual models from natural language supervision. CoRR abs/2103.00020. URL: https://arxiv.org/abs/2103.00020, arXiv:2103.00020.
  • Raffel et al. (2019) Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., Zhou, Y., Li, W., Liu, P.J., 2019. Exploring the limits of transfer learning with a unified text-to-text transformer. CoRR abs/1910.10683. URL: http://arxiv.org/abs/1910.10683, arXiv:1910.10683.
  • Ramesh et al. (2022) Ramesh, A., Dhariwal, P., Nichol, A., Chu, C., Chen, M., 2022. Hierarchical text-conditional image generation with clip latents. arXiv:2204.06125.
  • Ramesh et al. (2021) Ramesh, A., Pavlov, M., Goh, G., Gray, S., Voss, C., Radford, A., Chen, M., Sutskever, I., 2021. Zero-shot text-to-image generation. CoRR abs/2102.12092. URL: https://arxiv.org/abs/2102.12092, arXiv:2102.12092.
  • Reis et al. (2023) Reis, D., Kupec, J., Hong, J., Daoudi, A., 2023. Real-time flying object detection with yolov8. arXiv:2305.09972.
  • Rombach et al. (2021) Rombach, R., Blattmann, A., Lorenz, D., Esser, P., Ommer, B., 2021. High-resolution image synthesis with latent diffusion models. CoRR abs/2112.10752. URL: https://arxiv.org/abs/2112.10752, arXiv:2112.10752.
  • Rozanova et al. (2021) Rozanova, J., Ferreira, D., Dubba, K., Cheng, W., Zhang, D., Freitas, A., 2021. Grounding natural language instructions: Can large language models capture spatial information? CoRR abs/2109.08634. URL: https://arxiv.org/abs/2109.08634, arXiv:2109.08634.
  • Shaw et al. (2023) Shaw, P., Joshi, M., Cohan, J., Berant, J., Pasupat, P., Hu, H., Khandelwal, U., Lee, K., Toutanova, K.N., 2023. From pixels to ui actions: Learning to follow instructions via graphical user interfaces, in: Oh, A., Neumann, T., Globerson, A., Saenko, K., Hardt, M., Levine, S. (Eds.), Advances in Neural Information Processing Systems, Curran Associates, Inc.. pp. 34354–34370.
  • Shi et al. (2017) Shi, T., Karpathy, A., Fan, L., Hernandez, J., Liang, P., 2017. World of bits: An open-domain platform for web-based agents, in: Precup, D., Teh, Y.W. (Eds.), Proceedings of the 34th International Conference on Machine Learning, PMLR. pp. 3135–3144. URL: https://proceedings.mlr.press/v70/shi17a.html.
  • Smock et al. (2021) Smock, B., Pesala, R., Abraham, R., 2021. Pubtables-1m: Towards comprehensive table extraction from unstructured documents. CoRR abs/2110.00061. URL: https://arxiv.org/abs/2110.00061, arXiv:2110.00061.
  • Sun et al. (2024) Sun, Q., Yin, Z., Li, X., Wu, Z., Qiu, X., Kong, L., 2024. Corex: Pushing the boundaries of complex reasoning through multi-model collaboration. ICLR 2024 Workshop on Large Language Model (LLM) Agents URL: https://openreview.net/forum?id=cCQRjpOru5.
  • Takeshita et al. (2022) Takeshita, S., Green, T., Friedrich, N., Eckert, K., Ponzetto, S.P., 2022. X-scitldr: cross-lingual extreme summarization of scholarly documents. Proceedings of the 22nd ACM/IEEE Joint Conference on Digital Libraries URL: http://dx.doi.org/10.1145/3529372.3530938, doi:10.1145/3529372.3530938.
  • Tan and Le (2019) Tan, M., Le, Q.V., 2019. Efficientnet: Rethinking model scaling for convolutional neural networks. CoRR abs/1905.11946. URL: http://arxiv.org/abs/1905.11946, arXiv:1905.11946.
  • Touvron et al. (2023) Touvron, H., Lavril, T., Izacard, G., Martinet, X., Lachaux, M.A., Lacroix, T., Rozière, B., Goyal, N., Hambro, E., Azhar, F., Rodriguez, A., Joulin, A., Grave, E., Lample, G., 2023. Llama: Open and efficient foundation language models. arXiv:2302.13971.
  • Venkatesh et al. (2023) Venkatesh, S.G., Talukdar, P., Narayanan, S., 2023. Ugif: Ui grounded instruction following. arXiv:2211.07615.
  • Waldendorf et al. (2024) Waldendorf, J., Haddow, B., Birch, A., 2024. Contrastive decoding reduces hallucinations in large multilingual machine translation models, in: Graham, Y., Purver, M. (Eds.), Proceedings of the 18th Conference of the European Chapter of the Association for Computational Linguistics (Volume 1: Long Papers), Association for Computational Linguistics, St. Julian’s, Malta. pp. 2526–2539. URL: https://aclanthology.org/2024.eacl-long.155.
  • Wang et al. (2022) Wang, W., Bao, H., Dong, L., Bjorck, J., Peng, Z., Liu, Q., Aggarwal, K., Mohammed, O.K., Singhal, S., Som, S., Wei, F., 2022. Image as a foreign language: Beit pretraining for all vision and vision-language tasks. arXiv:2208.10442.
  • Wang et al. (2023) Wang, W., Chen, Z., Chen, X., Wu, J., Zhu, X., Zeng, G., Luo, P., Lu, T., Zhou, J., Qiao, Y., Dai, J., 2023. Visionllm: Large language model is also an open-ended decoder for vision-centric tasks. arXiv:2305.11175.
  • Wu et al. (2024a) Wu, M., Vu, T.T., Qu, L., Foster, G., Haffari, G., 2024a. Adapting large language models for document-level machine translation. arXiv:2401.06468.
  • Wu et al. (2024b) Wu, Z., Han, C., Ding, Z., Weng, Z., Liu, Z., Yao, S., Yu, T., Kong, L., 2024b. Os-copilot: Towards generalist computer agents with self-improvement. arXiv:2402.07456.
  • Xu et al. (2024) Xu, F., Wu, Z., Sun, Q., Ren, S., Yuan, F., Yuan, S., Lin, Q., Qiao, Y., Liu, J., 2024. Symbol-llm: Towards foundational symbol-centric interface for large language models. arXiv:2311.09278.
  • Xu et al. (2016) Xu, N., Price, B.L., Cohen, S., Yang, J., Huang, T.S., 2016. Deep interactive object selection. CoRR abs/1603.04042. URL: http://arxiv.org/abs/1603.04042, arXiv:1603.04042.
  • Yan et al. (2023a) Yan, A., Yang, Z., Zhu, W., Lin, K., Li, L., Wang, J., Yang, J., Zhong, Y., McAuley, J., Gao, J., Liu, Z., Wang, L., 2023a. Gpt-4v in wonderland: Large multimodal models for zero-shot smartphone gui navigation. arXiv:2311.07562.
  • Yan et al. (2023b) Yan, B., Jiang, Y., Wu, J., Wang, D., Luo, P., Yuan, Z., Lu, H., 2023b. Universal instance perception as object discovery and retrieval, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), pp. 15325–15336.
  • Yang et al. (2019) Yang, Z., Gong, B., Wang, L., Huang, W., Yu, D., Luo, J., 2019. A fast and accurate one-stage approach to visual grounding. CoRR abs/1908.06354. URL: http://arxiv.org/abs/1908.06354, arXiv:1908.06354.
  • Yang et al. (2021) Yang, Z., Wang, J., Tang, Y., Chen, K., Zhao, H., Torr, P.H.S., 2021. LAVT: language-aware vision transformer for referring image segmentation. CoRR abs/2112.02244. URL: https://arxiv.org/abs/2112.02244, arXiv:2112.02244.
  • Ye et al. (2019) Ye, L., Rochan, M., Liu, Z., Wang, Y., 2019. Cross-modal self-attention network for referring image segmentation. CoRR abs/1904.04745. URL: http://arxiv.org/abs/1904.04745, arXiv:1904.04745.
  • Ye et al. (2023) Ye, Q., Xu, H., Xu, G., Ye, J., Yan, M., Zhou, Y., Wang, J., Hu, A., Shi, P., Shi, Y., Li, C., Xu, Y., Chen, H., Tian, J., Qi, Q., Zhang, J., Huang, F., 2023. mplug-owl: Modularization empowers large language models with multimodality. arXiv:2304.14178.
  • Yu et al. (2016) Yu, L., Poirson, P., Yang, S., Berg, A.C., Berg, T.L., 2016. Modeling context in referring expressions. CoRR abs/1608.00272. URL: http://arxiv.org/abs/1608.00272, arXiv:1608.00272.
  • Yuan et al. (2021) Yuan, L., Chen, D., Chen, Y., Codella, N., Dai, X., Gao, J., Hu, H., Huang, X., Li, B., Li, C., Liu, C., Liu, M., Liu, Z., Lu, Y., Shi, Y., Wang, L., Wang, J., Xiao, B., Xiao, Z., Yang, J., Zeng, M., Zhou, L., Zhang, P., 2021. Florence: A new foundation model for computer vision. CoRR abs/2111.11432. URL: https://arxiv.org/abs/2111.11432, arXiv:2111.11432.
  • Zhang et al. (2023a) Zhang, C., Yang, Z., Liu, J., Han, Y., Chen, X., Huang, Z., Fu, B., Yu, G., 2023a. Appagent: Multimodal agents as smartphone users. arXiv:2312.13771.
  • Zhang et al. (2020) Zhang, J., Zhao, Y., Saleh, M., Liu, P.J., 2020. Pegasus: Pre-training with extracted gap-sentences for abstractive summarization. arXiv:1912.08777.
  • Zhang et al. (2023b) Zhang, T., Tian, X., Wu, Y., Ji, S., Wang, X., Zhang, Y., Wan, P., 2023b. Dvis: Decoupled video instance segmentation framework. arXiv:2306.03413.
  • Zhang et al. (2021) Zhang, Y., Sun, P., Jiang, Y., Yu, D., Yuan, Z., Luo, P., Liu, W., Wang, X., 2021. Bytetrack: Multi-object tracking by associating every detection box. CoRR abs/2110.06864. URL: https://arxiv.org/abs/2110.06864, arXiv:2110.06864.
  • Zhang et al. (2023c) Zhang, Z., Xie, W., Zhang, X., Lu, Y., 2023c. Reinforced ui instruction grounding: Towards a generic ui task automation api. arXiv:2310.04716.
  • Zhang and Zhang (2024) Zhang, Z., Zhang, A., 2024. You only look at screens: Multimodal chain-of-action agents. URL: https://openreview.net/forum?id=iSAgvYhZzg.
  • Zheng et al. (2024a) Zheng, B., Gou, B., Kil, J., Sun, H., Su, Y., 2024a. Gpt-4v(ision) is a generalist web agent, if grounded. arXiv:2401.01614.
  • Zheng et al. (2024b) Zheng, L., Wang, R., Wang, X., An, B., 2024b. Synapse: Trajectory-as-exemplar prompting with memory for computer control. arXiv:2306.07863.
  • Zhou et al. (2019) Zhou, D., Fang, J., Song, X., Guan, C., Yin, J., Dai, Y., Yang, R., 2019. Iou loss for 2d/3d object detection. CoRR abs/1908.03851. URL: http://arxiv.org/abs/1908.03851, arXiv:1908.03851.
  • Zhu et al. (2022) Zhu, C., Zhou, Y., Shen, Y., Luo, G., Pan, X., Lin, M., Chen, C., Cao, L., Sun, X., Ji, R., 2022. SeqTR: A Simple Yet Universal Network for Visual Grounding. Springer Nature Switzerland. p. 598–615.
  • Zhu et al. (2023) Zhu, D., Chen, J., Shen, X., Li, X., Elhoseiny, M., 2023. Minigpt-4: Enhancing vision-language understanding with advanced large language models. arXiv:2304.10592.
  • Zhu et al. (2020) Zhu, X., Su, W., Lu, L., Li, B., Wang, X., Dai, J., 2020. Deformable DETR: deformable transformers for end-to-end object detection. CoRR abs/2010.04159. URL: https://arxiv.org/abs/2010.04159, arXiv:2010.04159.
  • Zou et al. (2023) Zou, X., Yang, J., Zhang, H., Li, F., Li, L., Wang, J., Wang, L., Gao, J., Lee, Y.J., 2023. Segment everything everywhere all at once. Thirty-seventh Conference on Neural Information Processing Systems URL: https://openreview.net/forum?id=UHBrWeFWlL.