Next Article in Journal
Hybrid EMD-RF Model for Predicting Annual Rainfall in Kerala, India
Next Article in Special Issue
Determinants of Emotion Recognition System Adoption: Empirical Evidence from Malaysia
Previous Article in Journal
Research on Wargame Decision-Making Method Based on Multi-Agent Deep Deterministic Policy Gradient
Previous Article in Special Issue
Estimation of Obesity Levels with a Trained Neural Network Approach optimized by the Bayesian Technique
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

A Survey of Full-Cycle Cross-Modal Retrieval: From a Representation Learning Perspective

1
State Key Laboratory of Media Convergence and Communication, Communication University of China, Beijing 100024, China
2
Beijing Key Laboratory of Big Data in Security & Protection Industry, Beijing 100024, China
*
Authors to whom correspondence should be addressed.
Appl. Sci. 2023, 13(7), 4571; https://doi.org/10.3390/app13074571
Submission received: 5 March 2023 / Revised: 29 March 2023 / Accepted: 30 March 2023 / Published: 4 April 2023
(This article belongs to the Special Issue Advances in Intelligent Information Systems and AI Applications)

Abstract

:
Cross-modal retrieval aims to elucidate information fusion, imitate human learning, and advance the field. Although previous reviews have primarily focused on binary and real-value coding methods, there is a scarcity of techniques grounded in deep representation learning. In this paper, we concentrated on harmonizing cross-modal representation learning and the full-cycle modeling of high-level semantic associations between vision and language, diverging from traditional statistical methods. We systematically categorized and summarized the challenges and open issues in implementing current technologies and investigated the pipeline of cross-modal retrieval, including pre-processing, feature engineering, pre-training tasks, encoding, cross-modal interaction, decoding, model optimization, and a unified architecture. Furthermore, we propose benchmark datasets and evaluation metrics to assist researchers in keeping pace with cross-modal retrieval advancements. By incorporating recent innovative works, we offer a perspective on potential advancements in cross-modal retrieval.

1. Introduction

Cross-model retrieval focuses on retrieving information from multiple modalities. In the era of intelligent media, emerging social networking sites are gradually becoming more popular, increasing users’ expectations for search results. People’s demand for information retrieval is no longer satisfied with a single modality, but they want to obtain data from different modalities. Both domestically and globally, academic scholars are committed to exploring the semantic association between cross-modalities to improve the precision and efficiency of retrievals. Cross-modal retrieval faces severe challenges in modal feature representation, complex semantic processing, the alignment of different modal features, and dataset construction. One of the primary motivations for cross-model retrieval is to bridge the gap between the various modalities and enable effective information retrieval.
Representation learning is the foundation of cross-modal retrieval. It represents and summarizes the complementarity and redundancy of vision and language. Cross-modal representation in our work explores feature learning and cross-modal interactions for information integration. It intends to minimize redundancy across modalities to provide a more effective feature representation. Cross-modal retrieval explores the mechanisms involved in the transformation of knowledge and seeks to maintain semantic consistency across diverse modalities within the context.
Traditional surveys cover various modalities, including text, image, audio, and video modalities. There are also more focused reviews of cross-modal retrieval oriented toward image text. According to the variations in developing inter-modal association methods, traditional studies divided text retrieval approaches into typical association analysis, deep learning, and deep hashing. They investigated particular remedies to the flaws of cross-modal association methodologies. Kaur et al. [1] compared graphic retrieval surveys and analyzed the practical applications. There is low-level representational heterogeneity and high-level semantic homogeneity between vision and language. Multi-learning systems and explored approaches [2] for fusing representations are developed in deep learning architectures. Cross-modal retrieval attempts to realize information interactions by mining the relationships of multiple modal samples. There are more challenges in effective indexing and retrieval. Feng et al. [3] divided cross-modal modeling strategies into direct and indirect modeling. The former directly measured the correlation between different modal data by establishing a sharing layer. The latter established a semantic correlation between other modals in various scenes by building a common representation space. Wang et al. [4] classified existing cross-modal retrieval methods into real-value and binary representation learning and summarized their respective core ideas. However, massive innovative and high-tech breakthroughs have emerged in recent years. Researchers may abandon past machine learning techniques in the deep learning era. Peng et al. [5] paid attention to cross-media analysis and reasoning, which are not carried out by retrieval. With the advancement of cross-modal retrieval, a comparatively high number of review articles emerged. Cross-modal retrieval [6] introduced public space learning and similarity measurement, and different cross-modal retrieval techniques were summarized. Some researchers divide cross-modal retrieval into subspace-based, deep-learning-based, hash-transform-based, and theme-based methods [7]. The main problem is the lack of research on the association between intra-modal local data and inter-modal semantic structures. Li et al. [8] reviewed cross-modal retrieval models based on representation learning from two dimensions of information extraction. They also provided a summary of feature extraction results. As graph-related knowledge adds to the retrieval process, the cross-modal retrieval method [9] of joint graph regularization was explored. Ayyavaraiah and Venkateswarlu [10] provided a concise overview of the advancements in cross-modal feature retrieval and optimization. Furthermore, they elucidated the prevalent issues and obstacles encountered in data joint analysis.
Compared to preliminary studies, our survey from a representation learning perspective involves full-cycle methodologies that include feature engineering, representation learning, cross-modal interaction, and constructing high-dimensional correlations. The typical survey of cross-modal retrieval is primarily on whether a deep learning model is employed for classification, and then, the retrieval results are analyzed. Different from the traditional works, we focused on the characteristics of deep learning. Taking advantage of pre-training and fine-tuning modes, our survey covers crucial processes of representation, translation, alignment, fusion, co-learning, and cross-modal research.
We provide a taxonomy of issues and challenges on the subject to help readers better understand image text and text image retrieval. The survey thoroughly explains how to overcome recent technological breakthroughs. We examined the problems and challenges that must be solved. Figure 1 contains several issues that require addressing. Detailed introductions are provided in the subsequent sections:
1.
Multi-modal data volume: Uni-modal retrieval cannot keep up with the increasing expansion of multi-modal data.
2.
Significant differences in the manifestation of heterogeneity: There is an issue with evaluating the content correlation between modal data and computing their similarity.
3.
Semantic gaps: The bottom-up semantics in feature analysis between separate modalities are called semantic gaps.
4.
Scalability of deep learning models: Adding new datasets, retraining the model, and recalculating all take a long period and need incremental learning.
5.
Problem with training datasets: There are missing data, loose data, fewer data labels, and noisy data. Because the volume of particular cross-modal retrieval datasets is now relatively tiny, multi-modal retrieval datasets that are large in scale and a universal representation must be collected.
6.
Granularity of cross-modal correlation: Researchers must connect information at the fine-grained and coarse-grained levels and pay close attention to contextual information.
7.
Text length issue: The textual duration in cross-modal retrieval may be too lengthy or too short to prevent it from expressing complete meaning.
8.
Long tail of vision: Raw data in the vision domain often follow a long-tail distribution, with most samples originating from only a small number of classes.
9.
Intra-modal reasoning problem: The fine-grained information in the modal is semantically dependent, posing an intra-modal reasoning challenge.
10.
Inter-modal alignment issue: Fine-grained information alignment and fragment alignment are examples of inter-modal alignment issues.
11.
Scarce memory resources: When dealing with vast amounts of data, real-valued representation techniques suffer from expensive computing costs and great space requirements.
12.
Large latency and low efficiency in retrieval: Extracting region features or other characteristics might be time-consuming, resulting in delayed retrieval results.
In addition to covering real-value and binary representation methods, our survey further summarizes deep learning methodologies. Compared to previous work, we summarize the overall workflow of cross-modal retrieval, explore the issues and challenges, and analyze the optimization characteristics in each phase. Our contributions are as follows:
  • We summarize various open issues and challenges.
  • We concentrated on methodologies with a full-cycle deep learning process, which addresses a gap in existing works. Our approach incorporates innovative techniques and references that are absent in prior surveys.
  • This paper provides a comprehensive summary and comparative analysis of disparate cross-modal representations at every pre-training stage.
  • We present a comprehensive description of benchmark datasets and evaluation metrics that are critical.
The road map is arranged as follows: Section 2 provides preliminary techniques and the retrieval pipeline. Section 3 describes full-cycle methodologies oriented toward fine-grained deep learning, including feature engineering, cross-modal interaction, pre-training tasks, and unified vision language architecture. Feature engineering combines extraction capacity, representation learning, and the high-dimensional correlation of diverse modalities. We analyzed aligning, reconstructing, and embedding the distinct modal information elements. Besides, the survey presents the glossary of pre-training tasks for cross-modal information completion and matching. Section 4 compares optimal studies about loss functions, avoiding the problems of gradient exploding or vanishing in detail. Additional performance metrics with various evaluation methods are demonstrated in Section 5. Section 6 illustrates different benchmark datasets in cross-modal retrieval. Comparison results of cross-modal representation on the Flickr 30k and MS-COCO datasets are also provided. Finally, Section 7 concludes the survey.

2. Overview of Cross-Modal Retrieval

Deep learning models have advanced the domain of cross-modal retrieval by addressing the heterogeneity challenge across diverse modalities. These approaches predominantly emphasize techniques including joint subspace learning, feature extraction, interaction, alignment, matching, and fusion. A considerable number of researchers establish fine-grained interactions and multi-level or multi-stage semantic alignments to mitigate the disparities between visual and linguistic modalities. Furthermore, numerous image text pair corpora can be fine-tuned to perform retrieval tasks.
Feature extraction serves as the core module of cross-modal retrieval, encoding a raw corpus into embeddings, such as vision embedding and language embedding. By applying deep learning models, a sequence of features can be extracted. In contrast to traditional CNN networks [11] that focus on grid features at the pixel level, more recent approaches have emerged that explore region features in images, such as the Faster-RCNN algorithm proposed by [12]. The widespread paradigms of pre-training and fine-tuning have been motivated by the transformer [13] and BERT [14] architectures. For example, ViT [15] can directly process patch features, while BERT, UniLM [16], RoBERTa [17], T5 [18], BART [19], transformer, and ViT support text encoders. For image encoders, there are a variety of options, including Faster-RCNN, ResNet [20], Visual Dictionary [21], Swin transformer [22], EfficientNet [23], and Linear Projection.
Researchers have incorporated pre-training models into cross-modal retrieval systems, modeling the interactions between cross-modal representations. It has been shown that visual concepts in images are critical and complex for cross-modal representations, unlike relationships between words. By extending the BERT model to images and texts, ViLBERT [24] targets region-based object detection and encodes separate sequences of regions using Faster-RCNN. LXMERT [25], similarly to ViLBERT, encodes regions as a sequence of region-of-interest (ROI) features. Apart from region features, pixel-level grid features, such as SOHO [26], CLIP-ViL [27], and pixel-BERT [28], are encoded. They abandon the time-consuming Faster-RCNN. On the contrary, studies are in favor of ResNet extracting grid features. Apart from the region and grid features, patch projection is also used to present image features in many scenarios. ALBEF [29] processes patch features utilizing the ViT encoder directly, generating several flattened 2D patches. OSCAR [30] and ERNIE-ViL [31] develop additional information to facilitate semantic alignments. OSCAR adds region tags as anchor points from images and then implicitly aligns with text words. On the contrary, ERNIE-ViL simulates a scene graph and pays attention to objects with attributions and relations.
The two image- and sentence-retrieval scenarios have been extensively studied to align images and texts with the same semantics [32,33,34,35,36,37]. At the beginning of a cross-modal alignment study, Reference [32] developed a model that used CNN and Bi-RNN to construct descriptions of pictures and regions. The alignment models incorporate CNN over image regions and bidirectional RNN over sentences. A structured objective leverages a multi-modal embedding to align the two modalities. Carvalho et al. [33] simultaneously leveraged retrieval and class-guided features and formulated a joint objective function and the loss of classification in a shared latent space. The double loss is considered precisely the retrieval loss and class loss. The double triplet scheme brings forward the novel idea of a loss function for cross-modal research. Some researchers presented a dynamic router schema for interactions between different modalities [34]. They designed a framework with four cells to dynamically align fine-grained segments. ViLT [35] utilized linear projections for matching and demonstrated improvements based on alignment pre-training models, which embed images and captions in the end. ROSITA [36] was motivated by the highlights of OSCAR and ERNIE-ViL and enhanced alignments by integrating cross- and intra-modal knowledge. In addition, another study [37] offered an instance-oriented vision language task architecture that utilized the dot product to align texts and images.
The cross-modal retrieval framework predominantly encompasses fine-grained components: representation, translation, alignment, fusion, and co-learning. This section describes the exact design, comprising essential stages. Figure 2 illustrates the comprehensive architecture of a typical system within this domain. In the full-cycle workflow, these modules are transformed into the following methodologies, including pre-processing, encoder representation, cross-modal attention, and decoder mechanisms. These stages facilitate efficient information extraction and retrieval across different modalities.
Pre-processing. The input data are pre-processed to reduce noise and to prepare for subsequent processing. This stage converts image/video and textual phrase inputs into visual and textual tokens. In addition, there are differences between various modalities, so the pre-processing will make a distinction. Apart from the standard tokenization, there are several modules.
Encoder representation. The second period involves representing each modality independently using feature extraction methods. The encoder stage gathers input from visual and textual tokens and generates intermediate states to encode semantic content. After embedding, the most-common methodologies to build an encoder are to utilize LSTM, convolution, and other techniques to encode the token sequences. For text representation, word embeddings, positional embeddings, and segment embeddings are fed into the BERT encoder. Additionally, a series of features, such as image representation, is aligned with a text representation. In this scenario, patch, grid, and region features are extracted from the visual domain.
Vision language pre-training models combine feature extraction and feature fusion with pre-training tasks. These parts address various challenges, such as quantifying the text and image and transmitting them to the model for learning, handling the challenges of representation interactions, and building pre-training tasks to aid models in learning the alignment information. Pre-training on large-scale data can learn semantic correlation across distinct modalities, addressing the issue of difficult access to pricey manual annotations. There are two core pre-training choices with respect to the fusion encoder and dual encoders to aggregate information in the paired data. The single encoder mainly improves the BERT input, whereas double encoders mainly perform co-/cross-BERT. We examined many current publications from 2018 to 2022 and divided them into single-stream and dual-stream models based on how they treat pre-training models. Table 1 shows a road map for pre-training models with fusion encoder and dual encoders. Studies have shown that the single-stream design conducts self-attention on two modalities directly, overlooking intra-modality interaction. As a result, several researchers advocate the adoption of a dual-stream architecture to describe cross-modal interactions.
A single-stream architecture learns by a single transformer encoder and assumes that it is easy to create a correlation and alignment encompassing vision and language. Furthermore, the features are concatenated with position information before being fed into a transformer-based encoder.
Unlike single-stream architectures, dual-stream architectures utilize a cross-modal mechanism to model two unidirectional cross-attention sublayers. The sublayers are typically composed of a cross-attention layer. They are in charge of transferring information and harmonizing semantics. In this case, parameters are shared between two sublayers, and separate transformers learn contextualized embedding information. As shown in Table 1, single-stream and dual-stream pre-training models have emerged as two prominent types in recent years. A single-stream architecture operates the unordered representation of transformer attention in a unified framework. A number of studies have used the single-stream paradigm for pre-training, such as VisualBERT [24], UNITER [39], OSCAR [30], Unicoder-VL [42], VL-BERT [43], E2E-VLP [45], ImageBERT [46], Pixel-BERT [28], ViLT [35], VinVL [48], and M6 [50]. Some researchers develop segment embedding from different sources to indicate input elements, i.e., VisualBERT and VL-BERT. The dual-stream models include ViLBERT [24], LXMERT [25], UNIMO [40], ViLLA [41], ALBEF [29], LightningDot [44], CLIP [27], ALIGN [47], ERNIE-ViL [31], WenLan1.0 [17], and COTS [49]. In ViLBERT, the co-transformer handles a two-stream interaction. Moreover, the structure has been updated for interactivity, especially considering the text’s context while rendering the image. Furthermore, LXMERT is the same as ViLBERT in the pre-training model. UNIMO brings forth new ideas, which take both a single modal and multiple modals into consideration to make a feature fusion. With respect to ViLLA, it employs adversarial training in the pre-training and fine-tuning stages. Adversarial training can help the model generalize better, enabling the performance at the fine-tuning stage. ALBEF presents two categories, yielding strong single-peak and multi-peak representations with enhanced retrieval and reasoning ability. The study of LightningDot proposes to convert costly attention mechanisms into three types of learning objectives.
Cross-modal attention. Much work has been devoted to addressing the representation as mentioned earlier via modeling multi-modal interactions. According to multi-modal representations, correlation modeling is used to learn common representations. The cross-modal interaction encourages other interactions between the two diverse modalities to improve vision language tasks. We classified attention as up-bottom attention, bottom-up attention, recurrent attention, cross-attention, co-attention, distillation-attention, meshed-memory attention, and X-linear attention. The degree of cross-modal information fusion varies among attention mechanisms. Up-bottom attention methods [51] have been widely employed to enable comprehension via fine-grained analysis and even multiple levels of reasoning. The bottom-up process suggests picture areas, each with its feature vector, while the up-bottom mechanism sets feature weights. According to the study by [52], image text retrieval uses iterated operations and correspondences between visuals and words via repeated alignment stages with recurrent attention memory. This research gains a deeper understanding of fragment correspondences by exploring the attention mechanism. This understanding is compatible with intricate semantics, suggesting using the complex relationship gradually between images and words. Cross-attention conveys encoder and decoder information in [14]. Transformer tracking [53] (TransT) avoids falling into a local optimum of semantic information algorithms. To solve this issue of constructing high-accuracy tracking systems, TransT introduces a unique attention-based feature fusion network. The attention mechanism creates long-distance feature connections, allowing the tracker to focus on important information while extracting a wealth of semantic information. The combination of self-attention and guided attention is known as co-attention. A distillation attention framework [54] is a dual-encoder model that achieves faster inference speeds than a standard fusion encoder thanks to its deep interaction module. In this study, dual-encoder training is guided by fusion encoder instructor information in the annotation, and the proposed knowledge distillation consists of two stages pre-training distillation and fine-tuning distillation, ultimately outperforming other approaches. The use of meshed memory allows the encoder to operate at multiple levels, learning both low-level and high-level relationships. X-linear attention, developed by Pan et al. [55], enables high-order feature interactions, while bi-linear fusion technology improves content interpretation in cross-modal information by capturing second-order interactions between input types using spatial and channel bi-linear attention distributions. Stacked cross-attention is widely used by many researchers to maximize the investigation of vision language features.
Previously, the stack cross-attention network, named SCAN [56], has become a new benchmark for calculating similarity on all potential pairs and not only areas in images and words in sentences. The authors believe sentence descriptions are weakly explainable, implying that words in phrases cannot suit particular positions. As a result, considering the possible connections between visual regions and words, fine-grained interactions between vision and language must be documented. They infer the similarity of entire images and phrases by mapping word and picture areas to a shared embedding space. SCAN uses Faster-RCNN to substitute CNN in DNN and extracts 36 border features with the border indicating the position of candidate regions. Then, the layers of average pooling and fully connection encode outputs are used. In addition, the revolutionary Bi-GRU assesses the relative value of each word in sentences. Bottom-up attention is employed to forecast and encode visual areas to features, and it maps words to sentence context characteristics. Stacking cross-attention infers similarity between visuals and phrases.
Several studies have been derived from the SCAN model, including CAMP [57], IMRAM [52], MMCA [58], METER [59], and SMAN [60]. For example, CAMP differs from SCAN in that SCAN only interacts in discrete subspaces, whereas CAMP maps image text in the same subspace. CAMP involves specular highlights in vision and salient phrases in language, alternately considers information from the two modalities, and filters out irrelevant information to find fine-grained features for cross-modal matching. CAMP comprises two modules: an aggregate module and a gated fusion module. IMRAM iteratively matches with recurrent attention memory in image text retrieval. Previous studies typically focused on examining all semantic units to ensure uniform alignment, but the complexity of alternative meanings can make it difficult for key semantics to be reflected. To address this issue, iterative matching with repeated attention memory was introduced in IMRAM, which compares the corresponding information between the text and image in several phases to progressively investigate the corresponding fine-grained connections. Given that individuals advance in the retrieval process, a memory distillation unit based on SCAN is introduced to alignment via multi-step iterations. In IMRAM, the image input is for the Faster-RCNN extraction of regional features, followed by a complete connection layer to map each regional feature to a dimensional space. Text input is encoded using bi-GRU to obtain vector representations of each word in training. By describing the intra-modal and inter-modal interactions between image areas and sentence words in a unified depth model, they presented a novel multi-modal cross-attention (MMCA) network to match images and sentences. In their approach, the authors employed a bottom-up model to extract the characteristics of the significant image region in the self-attention module. Simultaneously, the authors leveraged word token embedding as a linguistic element. The visual domain is then fed into the transformer unit, and the word token is entered into the BERT model to represent the connections between modalities. These features of fragments provide a global representation. The study stacks the representation to picture the representation of regions and sentence words and then passes them. In METER, co-attention and merged attention are two methods for merging trans-modal content. Textual and visual characteristics are passed into separate transformer blocks, adding parameters. Furthermore, textual and visual components are easily integrated into a unique transformer block. Due to global feature alignment, existing approaches cannot distinguish semantic information between images and texts. In contrast, local feature alignment methods have significant computing challenges when aggregating the similarity of vision and language. SMAN offers a stacked multi-modal attention network to investigate fine-grained relationships and aggregates fine fragments into the shared space. Multi-step attention reasoning is accomplished by using modal and multi-modal information as guidance. It is argued that the bi-directional ranking loss encourages a reduction in the distance between pairs of multi-modal examples.
Decoder module. Following the encoding of visual and linguistic feature interaction, the next stage is to use intermediate states to decipher words for every step. Because the decoder module generates outputs in inference, it is the most-comparable to the encoder module. There are various methods for decoding, such as LSTM, GRU, convolution, and transformer. For instance, LSTM outputs each auto-regressive word. Moreover, the transformer first enables word generation via a self-attention and cross-attention mechanism between vision and language. Consequently, the decoder function is opposed to the aforementioned encoder.

3. Fine-Grained Deep Learning Methodologies

Fine-grained deep learning approaches focus on advanced feature extraction, learning feature representations, and establishing high-dimensional correlations across various modalities. In this section, we critically review and analyze the full-cycle methodologies employed in the cross-modal retrieval process, highlighting the effectiveness and potential for further improvement.

3.1. Feature Engineering

Researchers aim to achieve high-precision retrieval by efficient feature extraction, overcoming complex environments and the network topology. Referring to extensive studies, we classified the feature extraction into global and local features based on the granularity, as shown in Figure 3. Subsequent studies leverage global features, such as VSE++ [61], ACMR [62], and DSPE [63]. In contrast, local features were employed in works such as DAN [64], SCAN [56], SCO [65], and PVSE [66].
We further categorized feature extraction into two types, visual embeddings and textual embeddings, which are crucial components of many cross-modal retrieval systems. Visual embedding greatly influences retrieval efficiency, and current studies are extensive and in-depth. The BERT-like structure is commonly utilized to extract features in textual embedding methodologies. Unlike textual embedding, visual embedding employs different degrees of extraction, including region, gird, and patch levels. The Faster-RCNN, a second-order object detector, is widely used for extracting regional characteristics based on target detection. For example, ViLBERT and LXMBERT employ co-attention to combine multi-modal information. VisualBERT, VL-Bert, and UNITER use merged attention for multi-modal information fusion, whereas OSCAR and VinVL need extra image tags. Despite this, there are significant drawbacks to the approach. Training may freeze object detection. It limits visual concept recognition and loses context information. Moreover, it cannot describe the connection between many objects. All of the limits described above are based on region extraction characteristics. CNN-based techniques are another popular method of extracting visual features. Grid characteristics are obtained using typical CNN networks in pixel-Bert and CLIP-ViL, whereas text is obtained by using a transformer. SOHO utilizes a learnable visual vocabulary to discretize grid features, which are subsequently fed into multi-modal modules. It performs worse than the OD-based method compared to inconsistent optimizers, i.e., CNN using SGD and transformer using AdamW. The Patch projection enables image slices to extract features. A common approach, such as ALBEF, utilizes ViT directly.

3.2. Cross-Modal Interaction

Compared to the feature representation, the image text matching strategy improves consistency by investigating semantic relationships. Cross-modal interaction plays a critical role in establishing connections between distinct modal representations. This interaction involves matching each pixel, region, or patch to a specific label. There are three primary approaches in cross-modal interaction, namely vision language alignment, vision language reconstruction, and vision language embedding based on semantic associations.
Vision language alignment. Vision language alignment aims to maximize the comparability of image text pairs using large-scale contrastive learning in the dual-encoder model. It employs a re-sharing strategy to address cross-modal heterogeneity between two network branches. In addition, the intra-modal similarity is learned using samples from the exact modal via two conjoined CNN models. In traditional studies, the mode of engagement for cross-modal retrieval has largely relied on manual expert knowledge and empirical input. However, the study [67] proposed a dynamic interaction mechanism for modeling cross-modal retrieval, known as DIME. DIME employs alternative interaction approaches that are tailored to the complexity of the samples. The model includes a local modification cell, an intra-modal inference cell, a global local guidance cell, and a modification cell. ViLT [35] is a novel approach that incorporates visually embedded features via patch projection and patch-level matching of the image and text information. By avoiding the need for time-consuming object identification and convolution techniques with limited expressive capacity, it can effectively improve the performance of cross-modal retrieval. Similarly, in the work by [36], ROSITA employs a pre-training task to enhance fine-grained semantic alignment by suppressing the interference of intra-modal context and eliminating potential noise interference. These advancements demonstrate the effectiveness of these techniques in overcoming the limitations of traditional cross-modal retrieval methods. The ROSITA model draws inspiration from OSCAR and ERNIE-ViL. Additionally, a recent study proposed a new alignment model [68], which embeds images and captions into the same subspace and enhances image-caption retrieval. The ALBEF model [29] adopts the pre-fusion alignment method and utilizes a transformer-based ViT to collect image features without the use of a CNN. The ViT model employs BERT for text and processes single-modal text using the first six layers and multi-modal processing using the last six layers. The model initially performs self-attention on text, followed by cross-attention and visual feature fusion. Moreover, several studies have extensively explored instancewise alignment. For example, X-DETR [37] introduces a versatile architecture for instance-level alignment and discovers that costly joint modal transformers may be redundant for vision language tasks, while weakly annotated data may be beneficial. X-DETR aligns graphics and texts using the dot product. UVLP [69] demonstrates that the combination of image text alignment and the alignment of the entire image text can achieve excellent unsupervised vision language pre-training without parallel data, based on two critical criteria. The authors proposed constructing a weakly supervised paired corpus and granularity alignment pre-training tasks. Their unsupervised pre-training strategy aims to establish robust joint representations of unaligned texts and images, and the results showed admirable performance across various tasks in an unsupervised setting. The aforementioned alignment approaches have specific criteria pertaining to the dataset size and quality and model granularity, which are essential for achieving optimal results. These techniques emphasize the importance of fine-grained matching in cross-modal retrieval.
Vision language reconstruction. Unlike vision language alignment, the reconstruction focuses more on global information. DSPE [63] learns from image text embedding to solve matching problems. The optimization of the loss function aims to improve the distribution of features in high-dimensional space, resulting in a more effective clustering effect. MASLN [70] proposes a solution to the issue of classes being unable to traverse instances. The proposed solution involves the use of a reconstruction sub-network, which rebuilds each modal dataset using conditional autoencoders. The sub-network leverages information from the input to the output, while minimizing discrepancies in the distribution. Additionally, MASLN introduces an adversarial sub-network to develop semantic representations. The referenced study [71] investigated neural networks for embedding and similarity calculations. The embedding network learns a latent embedding space with a new neighborhood restriction and a maximum margin ranking error. The authors improved neighborhood sampling to produce tiny batches compared to ordinary triplet sampling. The similarity network uses an elementwise product and applies regression loss training to forecast the similarity score directly. A significant number of trials indicate that this network can accurately locate phrases. The problem of visual and textual retrieval has been reformulated as a text and vision conversion task in recent research [72]. To address this task, a cycle-consistent network was proposed by the authors. In another related study [73], the attention mechanism was enhanced by incorporating a scene graph structure. Specifically, the sentence reconstruction network creates a scene graph from the objects, attributes, and relations extracted by the detection network. The resulting graph is then processed by a graph convolution network to generate a word vector, which is subsequently fed into a pre-trained dictionary shared by the encoder decoder model. This approach results in more natural and human-like visual descriptions in the generated corpus.
The study on reconstruction overcomes the constraint of embedding spaces. The reconstruction approach employs a deep autoencoder to minimize heterogeneity and improve the semantic discrimination capacity. Furthermore, compared to cross-modal alignments, cross-modal reconstruction has fewer dataset requirements and a lower annotation cost, making it suited for small- and medium-sized datasets.
Vision language embedding. Joint embedding may develop superior feature discrimination by integrating global and local information as semantic feature embedding. The study of DSCMR [74] presented a supervised learning structure to retain semantic distinction and modal invariance. It creates two sub-networks with weight-sharing restrictions. The authors reduced discrimination losses in labels and common representation space, increasing the significance of the learned common representation. The learning strategy of DSCMR can fully unitize paired labels and classification information, successfully learning the typical representation of heterogeneous data. PCME [75] matches one image to numerous titles or one title corresponding to multiple images. The authors believe that most existing models’ deterministic functions are insufficient to capture a one-to-many correspondence. A federated representation space PCME paradigm maps one-to-many relationships. It uses probabilistic maps and does not need the precise formulation of many-to-many matches. The uncertain estimation enables PCME to evaluate retrieval difficulty and failure probability, i.e., the auxiliary interpretability aspect. The probabilistic model learns from a more decadent embedding space, where set relations are also beneficial, whereas only similarity relations are helpful in precise spaces. Probability mapping is a supplement to the accurate retrieval system. ViSTA [76] presents a transformer framework for learning an aggregated visual representation by directly encoding patches and scene embedding. It proposes a novel aggregation token to embed pairs and combine them into the shared space. The bidirectional contrastive learning loss tackles the modal loss problem of the scene text.
This joint embedding strategy focuses on high-level semantics. Rich semantic correlation approaches can successfully address the polysemy instance. Moreover, vision language embedding can enhance the accuracy and expansibility of image text matching. In addition, the embedding has a strong retrieval performance.

3.3. Pre-Training Tasks

The input is unstructured in cross-modal retrieval and transformed into the format of vectors. From previous studies, the data-driven pre-training models may learn from it and is highly impacted by the results of pre-training tasks. We classified and summarized pre-training tasks in cross-modal retrieval and divided them into text-based, vision-based, and cross-modal tasks. A glossary of pre-training tasks is outlined in Table 2. We show how to use pre-training tasks to train models, which are critical for a universal representation. Pre-training tasks’ primary objectives include sequence completion, pattern matching, and providing temporal/contextual features.

3.4. Unified V-L Architecture

This section introduces how we study the unified architecture, which is crucial for learning vision and language information. We summarize the vision language (V-L) architecture into two categories: the universal representation and unified generation model from recent references. The universal representation aims to learn a single embedding space whereby multiple modalities may be represented. A unified generation model is a form of cross-modal retrieval that utilizes a single model to build content representations in several modalities. Both approaches have their advantages and disadvantages, and the choice of approaches depends on the specific requirements. Firstly, we present an overview of the two architectures in this section. Subsequently, we provide a comprehensive evaluation of the advantages and disadvantages, highlighting their strengths and weaknesses.
Universal representation. Universal representation is essential for effectively comparing similarity across different modalities in cross-modal retrieval. To achieve this goal, the DSCMR model proposed by [74] presents a generic representation space that enables the direct comparison of samples from multiple modalities. The framework employs a supervised cross-modal learning approach to establish connections between disparate modalities, successfully learning common sentences while retaining semantic distinctions and modal invariance. To discover cross-modal correlations, the final layer of the model contains two subnets with weight-sharing restrictions. Modal invariance losses are incorporated into the objective function to remove discrepancies, and a linear classifier categorizes the data in the common representation space. These features collectively make the DSCMR model a promising approach for cross-modal retrieval. The proposed method in SDML [77] defines a public space beforehand while simultaneously maximizing the smallest group gap. SDML is the first model to support an infinite number of modal inputs. To train a specific network for different modalities, the input is projected into a predefined subspace. This approach trains additional modalities without learning all modals simultaneously. UNITER aims to solve the problem of determining whether it learns a common vision language representation for all V-L tasks. Its large-scale pre-training process allows it to handle diverse downstream V-L tasks and joint multi-modal embedding.
Besides the joint representation, the universal encoder has also been studied extensively. For example, Unicoder-VL develops a generic vision and language encoder. Unicoder-VL employs three types of pre-training tasks, including MLM, MOC, and VLM. The tasks collaborate to create context-aware representations of input tokens. It also tries to predict whether a picture and a text are related and performs other algorithms without jointly pre-training for image-text retrieval. It illustrates that transferring learning may also produce excellent results in cross-modal tasks. GPV [78] provides a general purpose and task-agnostic system. It receives visual characteristics and textual descriptions. Besides, it generates bounding boxes, confidences, and output information. Without affecting the network structure, the system may learn and carry out any task across a large domain. GPV comprises an optical encoder, a textual encoder, and a co-attention module. The CNN backbone and the DETR transformer encoder–decoder are used to create an object detector. It also refers to ViLBERT, which can encode cross-contextualize representations from visual and linguistic encoders. Because collecting and annotating task-specific data in all languages is unfeasible, there is a strong need for a framework to make universal models across languages. M3P [79] provides a multi-language and multi-modal pre-training paradigm that integrates them into a cohesive framework to acquire universal representations. It leverages the inadequate supervision of multi-lingual text video data, inspired by recent achievements in large-scale language modeling and multi-modal pre-training.
Unified generation model. The discriminative model and generative model may be classed. Several works have investigated a general framework from the standpoint of model development. Due to the growth of cross-modal retrieval, the single task framework cannot meet the needs of multiple tasks. Therefore, the study [80] explored a unified framework based on a text generation model. The framework is simultaneously compatible with multi-modal task learning. The approach is conditional text generation, which means that images and texts produce text labels, and the knowledge between tasks may be shared. Moreover, UNICORN [81] bridges the texts and boundaries of box formats, aiming at unified vision language modeling. Text generation and bounding box prediction are combined in this model framework, which can dynamically design different heads for various problems. The Pix2Seq model is a general-purpose target detection framework inspiring UNICORN. A discrete approach is employed to convert the bounding box location into a discrete token sequence. Generative adversarial networks improve the synthesis of images by learning the underlying data distribution. However, there has seldom been research on other visual tasks using image-generating tasks. VILLA is the first technique integrating large-scale adversarial training to boost model generalization. It is a comprehensive framework that utilizes any pre-training model to increase the model’s generalization capacity. To put it another way, VILLA employs confrontational learning in the stages of pre-training and fine-tuning. As a branch of self-supervised learning technology in deep learning, the unified generation model focuses on defining the data production process.
The pros and cons of the V-L architecture are summarized in Table 3. A universal representation offers several advantages, such as improved accuracy, better generalization, and increased efficiency, by reducing the computational resources and training time for multiple tasks. However, it also presents challenges in terms of increased complexity, potential loss of modality-specific information, and limited interpretability due to the intricacy of interactions between vision and language. On the other hand, unified generation models possess the ability to generate outputs in one modality based on inputs from another, resulting in better performances in cross-modal retrieval. Nonetheless, these models exhibit limited flexibility, increased complexity during training, and a higher risk of overfitting, primarily because they generate representations for multiple modalities simultaneously, which may require diverse training data to prevent overfitting.

4. Loss Function

The loss function will assess the model’s performance by comparing the anticipated and expected outputs of the model and then determining the directions of optimization. If the difference between the two is exceptionally high, the loss value will be significant. Oppositely, if the difference is tiny or about equal, the loss value will be meager. As a result, an adequate loss function is required that correctly punishes the model as it is trained on the dataset. This section defines the principal loss function and performance analysis methods. We summarize innovative samples of the loss function in cross-modal tasks, which can be seen in Figure 4.
Conventional classification methodologies divide loss functions into regression, binary, and multi-class categories. In contrast, our survey synthesized the utilization and development of loss functions within the context of cross-modal retrieval, ultimately distilling the loss function into four fundamental components. Consequently, the loss functions were classified into regression-based loss, classification-based loss, ranking loss, and cross-modal application loss. For example, the L1 loss and L2 loss represent prevalent approaches for calculating loss in regression loss functions. The L1 loss function calculates the mean absolute difference between predicted and actual values, with a valid domain extending from zero to positive infinity. This loss function exhibits rapid convergence, and the gradient can be assigned an appropriate penalty weight rather than an equal one, thus providing a more accurate gradient for updating the optimization direction. However, the L1 loss is vulnerable to the influence of outliers, which can dominate the gradient update process and render it unreliable. In contrast, the L2 loss function computes the sum of squared differences between predicted and true values. Despite its merits, the L2 loss presents certain drawbacks, such as a discontinuous derivative at 0, which leads to reduced solution efficiency and sluggish convergence. Additionally, the gradient for small loss values is indistinguishable from that of other loss values, which is not conducive to effective network learning. In the context of classification-based loss functions, the cross-entropy loss function is predominantly utilized. Ranking loss, on the other hand, estimates the relative distance between the input samples and is often associated with metric learning. Triplet loss serves as the most-prevalent method for assessing matching models, with random samples, positive examples, and negative examples being essential components to consider.
In recent applications of cross-modal retrieval, specific loss functions have been adeptly integrated into model training procedures. In the study conducted on VSE++ [61], hard negative samples were employed to enhance the retrieval methodology in a visual semantic embedding framework. The researchers opted for max of hinges (MH) loss rather than sum of hinges (SH) loss. SH loss accounts for the aggregate of all values, whereas MH loss selects the maximum value among all triplet losses. The modification of conventional loss function applied to multi-modal embedding was motivated by the exploration of hard negatives, the incorporation of hard negative samples in structural prediction, and the rank-based loss function. When combined with fine-tuning strategies and the implementation of augmented data, this approach significantly elevates retrieval performance. In the study of [82], an innovative approach employing adaptive loss was applied to the realm of fashion, facilitating cross-modal retrieval by enabling searches using either text or images. By integrating textual and visual elements into the transformer architecture, adaptive loss was employed to modify the weightings of text matching and image matching. Reference [83] generated images in a feature embedding framework. They proposed a dual-structure embedding that consists of a global semantic embedding and a supplementary local embedding to enhance the performance. The ranking loss is a key component in their approach, with the bidirectional autoencoder effectively learning features in public spaces. Furthermore, they demonstrated that ranking loss with a violation penalty outperforms hard triplet loss in the context of VSE++. A number of scholars employ a diverse range of loss functions in their research. These functions may include global consistency loss within a textual modality, local and global loss across modalities, and categorical antagonism loss. Some researchers constructed hybrid networks and precisely defined loss functions, as outlined by [84]. Such functions encompass hash loss, similarity loss, quantization loss, and equalization loss. The aforementioned network facilitates the concurrent training of deep representations and quantizers. The study [85] introduced a comprehensive approach incorporating multiple loss functions to enhance the model’s efficacy. These functions encompass semantic differentiation loss, contrastive loss, and significant margin loss. Reference [63] introduced a soft margin triplet loss for noise data processing, addressing noise correspondence. A new polynomial loss function was developed in [86] to determine the polynomial weight with positive and negative samples. This function is capable of selecting informative pairs from redundant pairs. Moreover, the loss functions were discussed separately in [87], and the learning strategy was divided into four parts. With respect to mitigating the semantic discrepancy, the authors introduced a discriminative label function, shown in (Equation (1)):
l a b e l = 1 N φ T F I 1 , F I 2 , , F I N F + φ T F T 1 , F T 2 , , F T N F
where F I i represents the i-th image in common subspace and F T i is the i-th text’s representation. N denotes the number of image–text pairs. The notation φ is for classification as the parameter vector. T is the text sample in a multimedia database. The Frobenius norm is defined as · F . Classifier F I i ; φ and Classifier F T i ; φ are two classifiers to recognize the semantic discrimination in label space. In the study of [87], the authors preserved visual and textual representations in a unified subspace. The objective loss function encompasses three dimensions:
c o m m o n = 1 N 2 i , j = 1 N log 1 + e 1 2 cos F I i , F T j 1 2 cos F I i , F T j F I i , F T j + i , j = 1 N log 1 + e 1 2 cos F I i , F I j 1 2 cos F l i , F l j F I i , F I j + i , j = 1 N log 1 + e 1 2 cos F T i , F T j 1 2 cos F T i , F T j F T i , F T j
In the above Equation (2)), cross-modality, image, and text semantic discrimination loss are learned, where function , represents an indicator function; if both inputs are from the same modality, this function has a value of 1; else, it is 0.
Cross-modal representations can learn modality invariance to minimize heterogeneity across distinct modalities by decreasing the distance in the shared subspace. The objective function of invariance loss is as follows:
i n v a r = 1 N F I 1 , F I 2 , , F I N F T 1 , F T 2 , , F T N
Researchers investigate semantic associations by combining the similarity of inter-modal and intra-modal. The S denotes the feature vector of the image generated by Siamese CNNs. L is the classification label of the i-th image-text pair. The intra-modal similarities are paired. I i , T i , L i , I j , T j , L j and L i = L j , while the cross-modal similarities are Sim I i , T i and Sim I j , T j . The hybrid loss is:
h y b r i d = Sim F I i , F T j Sim S I i , S I j Sim F I j , F T j Sim S I i , S I j Sim F I i , F T i Sim F I j , F T i
To avoid gradient exploding or vanishing problems, researchers train models by employing various loss functions for relationship prediction and object classification. Discriminative characteristics can be monitored via the loss function, which minimizes discrimination loss in both common and label spaces. The binary encoding of hash representation frequently leads to information loss, leading to a decline in accuracy. To address this concern, researchers have introduced real-valued representation learning methodologies to enhance the overall accuracy. Moreover, these studies facilitate direct optimization of the complete pipeline through multi-level rewards.

5. Evaluation Metrics

There are a variety of evaluation indicators to demonstrate the efficacy of cross-modal retrieval. The effectiveness of a methodology in a particular scenario is evaluated using appropriate metrics [88]. In this section, we make a comparison with predominant evaluation metrics such as the precision (P), recall rate (Recall@K), PR curve (PR), mean average precision (mAP), F-score (FS), and normalized discounted cumulative gain (NDCG).
Precision. Precision is the ratio of accurately recovered samples to total retrieved samples in cross-modal systems.
Recall rate. The recall rate is an important performance metric in cross-modal retrieval, measured by recall@k. Recall@1, @5, and @10 represent the recall rate of the first k retrieved results. To evaluate the effectiveness of a retrieval system in specific scenarios, the Recall@50 and Recall@100 metrics are often used. It should be noted that achieving a balance between recall and accuracy is crucial since they are inversely related. Equation (5)) represents the calculation of the recall metric.
R e c a l l = T P / ( T P + F N )
where TP stands for the total number of documents returned from the retrieval that matches the query and FP represents the number of unmatched samples in the retrieved samples. The variable FN denotes the number of documents that fail to match the query sample and are not returned from the dataset.
PR curve. The performance of cross-modal retrieval can be evaluated by combining recall and precision measures to produce a precision–recall curve (PR curve). This curve displays the precision value at various recall levels and provides a visual representation. For example, Reference [89] utilized the PR curve to demonstrate the effectiveness of their proposed cross-modal retrieval method.
mAP. The mAP metric evaluates the relevance of the retrieved results to the query and is calculated as the average accuracy of all queries. The studies cited in [74,87,90] employed the mAP metric to improve retrieval performance. The average accuracy of a query and the top-K retrieved results can be computed using Equation (6):
A P = 1 R r = 1 R P ( r ) δ ( r )
where P(r) signifies the precision of the top R retrieved outputs and R is the number of relevant outcomes, and if the retrieved R is relevant, the value is set to 1; otherwise, it is set to 0. The mean average precision (mAP) can be specified as (Equation (7)):
m A P = 1 Q q = 1 Q A P
A high mAP value indicates that a specific cross-modal method performs well on a given dataset, based on a certain number of queries (Q). Unlike the precision, recall, and F-score, which are single-point values, the mAP provides a comprehensive measure of retrieval capabilities and represents overall performance.
F-score. The F-score, which is the weighted harmonic mean of the precision and recall, is a widely used performance metric in various fields. It is calculated using the following formula (Equation (8)):
F = 1 + β 2 * precision * recall β 2 * ( precision + recall )
One important factor in measuring performance is the weight given to precision and recall. This weight can be adjusted using the β parameter, where a value of 1 corresponds to equal weighting of precision and recall, known as the F1-score. The β parameter can tune the relative importance of precision versus recall in the retrieval process. As a result, the FS-score is a popular metric for evaluating retrieval performance, as it provides a balanced optimization of the precision and recall values. For example, in the study of [91], the FS-score was used to measure the performance of the retrieval system.
NDCG. Normalized discounted cumulative gain (NDCG) is a widely used method for evaluating search engine ranking performance. It assesses the quality of sorted recommended items, typically with a list length of L. A higher correlation between the sorted list and the actual preferences results in a higher NDCG score. Specifically, the impact on the final NDCG score is greater if it appears in a higher position and has a higher correlation with user preferences. Additionally, memory requirements and retrieval computing speed are also considered with the development of deep learning models and more corpus to process.

6. Benchmark Datasets

Benchmark datasets are commonly utilized to evaluate the performance of cross-modal retrieval. Table 4 displays the analysis and explanation of classical cross-modal datasets, including the names of the datasets, the numbers of images and texts, and descriptions.

6.1. Cross-Modal Datasets

Benchmark datasets are vital for evaluating the performance of cross-modal retrieval. They enable researchers to compare and contrast different techniques and algorithms under consistent conditions, providing a comprehensive and accurate assessment of their strengths and limitations. A high-quality dataset that includes multi-modal data, high-quality labels, and diverse content is crucial for training and evaluating models and advancing relevant research. Nonetheless, conventional datasets might be tailored for a particular task, thereby constraining their versatility in addressing different downstream tasks. The high-quality datasets should encompass a broad range of contextual information and scenarios to ensure the model can learn from multiple domains and exhibit robustness in cross-modal retrieval. Researchers create multi-modal datasets to evaluate the efficacy of the proposed cross-modal methodologies. There are some publicly available datasets in cross-modal retrieval that have been obtained through large-scale collection and labeled.
For example, the NUS-WIDE [92] dataset is frequently used in cross-modal hashing. Researchers can investigate the difficulties of image annotation and retrieval research based on NUS-WIDE. ImageNet (https://www.image-net.org/, accessed on 1 January 2022) is for items in an image to have multiple appearances, positions, views, postures, background clutter, and occlusion. MS-COCO [100] contains more images in each category than the ImageNet dataset, allowing for more scenarios to obtain. The MS-COCO dataset only annotates 80 object categories and does not describe all objects in the image. In the traditional scenario, there might be more object categories. The Visual Genome [101] dataset labels all visual objects in the images with the Objects Categories. Wikipedia [95] is the most-extensively used for cross-modal retrieval. However, it contains limited samples and semantic categories based on Wikipedia articles. SBU Captions [96] contains images with one-million user-generated titles. However, these pairs are still insufficient to train models with hundreds of millions of parameters. The Flickr 8K [97] and Flickr 30k [99] datasets come from Flickr, Yahoo’s photo album site. The images in both datasets typically depict individuals engaged in an activity. The handwritten annotation for each image is five words. Because the two databases derive from the same root, the syntax of the annotations is comparable. Besides, twelve million image–text data pairs named Conceptual 12M [105] are suitable for training vision-and-language models. The researchers explore and compare this dataset to the previously popular dataset. The new dataset emphasizes long-tail visual identification, and the quantitative and qualitative findings indicate the benefits for visual and language tasks. Data from multiple media types are distributed and represented differently in fine-grained cross-media retrieval. Some researchers created a fine-grained cross-media retrieval dataset called PKU FG-XMedia. Moreover, the Object365 [104] dataset, which contains objects in natural situations, primarily handles large-scale detection problems, including 365 object types, and it provides a diverse and useful baseline for target detection research. Open Images V6 (https://storage.googleapis.com/openimages/web/index.html, accessed on 1 January 2022) significantly increases the annotation of the Open Images dataset when compared to V5, introducing many new visual associations, human activity annotations, and horizontal picture labels. Some academics focus on creating large-scale Chinese datasets to undertake large-scale multi-modal pre-training in Chinese, such as M6 [50]. The M6 dataset aids large-scale pre-training models in learning sophisticated global information in Chinese, including sports, politics, science, and other disciplines.
Researchers can leverage benchmark datasets to develop more effective and efficient cross-modal retrieval systems, resulting in advancements in image retrieval, text retrieval, and cross-modal retrieval, among other applications.

6.2. Comparison on Flickr 30k and MS-COCO Datasets

The Flickr 30k and MS-COCO datasets are widely employed for evaluating cross-modal representations. Our comparisons relied on the test sets from Flickr 30k and MS-COCO. We utilized metrics such as IR@K and TR@K (K = 1, 5, 10), where R_SUM represents the total recall. We present the comparison results on the Flickr 30k dataset in Table 5. Non-pre-trained models were trained from scratch. Generally, models incorporating pre-training exhibit superior performance compared to traditional methods without pre-training. For instance, SCAN [56] maps the features of each modality to a low-dimensional space, employing only shallow interactions for similarity calculation. CAAN [106] suggests collecting local information and investigating intra-modal properties. This approach overlooks significant cross-modal commonalities. While VSRN [107], MMCA [58], and DIME [108] utilize distinct methods to employ semantic reasoning or dynamic interaction, they need to gain early learning of common properties across modalities. Therefore, the effect of feature training is inferior to the result of the pre-training mode.
Table 6 presents the comparison results on the MS-COCO test dataset. These findings suggest that the larger the pre-training dataset, the higher the recall in cross-modal retrieval is. ALIGN [29], which utilizes 1.8B pre-training data, outperforms algorithms with the 4M and 5.6M pre-training data in retrieval tasks. UNITER [39] and ViLT [35] employ single-stream encoders. However, since UNITER relies on a pre-trained object detection model, it introduces additional noise, leading to suboptimal retrieval performance. In contrast, ViLT incorporates an RPN-like candidate region generator, but the limited tags in supervised training pose challenges, resulting in performance constraints.

7. Conclusions

Deep learning research has significantly advanced cross-modal retrieval, providing elegant solutions and driving substantial progress. In this paper, we presented a comprehensive summary and analysis of numerous notable studies and proposed a taxonomy of cross-modal retrieval mechanisms. We also discussed the challenges and open issues to guide future research from a representation learning perspective. To provide a holistic understanding of the full-cycle methodologies, we covered pre-processing, feature engineering, encoding, cross-modal interaction, decoding, model optimization, and evaluation metrics. Additionally, we employed tables, figures, and equations to enhance the clarity of the primary study.
Despite the extensive efforts, achieving optimal results and precision in cross-modal retrieval remains an ongoing challenge. Key obstacles include feature representation, complex semantic processing, vision language alignment, unified architecture, model optimization, performance evaluation metrics, and the development of more comprehensive datasets.

Author Contributions

All authors contributed to the study conception and design. Material preparation, data collection, and analysis were performed by S.W. The first draft of the manuscript was written by S.W.; Data curation, H.M. and S.T.; Writing—review & editing, L.Z. and L.S. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by the National Key Research and Development Program of China (No. 2022YFC3302103); Fundamental Research Funds for the Central Universities (CUC22GZ052); National Key R&D Program of China (2020YFF0305300).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data used to support the findings of this study are available from the corresponding author upon request.

Acknowledgments

The authors would like to thank all Reviewers and Editors for their comments and views, which improved the quality of this paper.

Conflicts of Interest

The authors declare that they have no conflict of interest.

References

  1. Kaur, P.; Pannu, H.S.; Malhi, A.K. Comparative analysis on cross-modal information retrieval: A review. Comput. Sci. Rev. 2021, 39, 100336. [Google Scholar] [CrossRef]
  2. Ramachandram, D.; Taylor, G.W. Deep multimodal learning: A survey on recent advances and trends. IEEE Signal Process. Mag. 2017, 34, 96–108. [Google Scholar] [CrossRef]
  3. Feng, F.; Wang, X.; Li, R. Cross-modal retrieval with correspondence autoencoder. In Proceedings of the 22nd ACM International Conference on Multimedia, Lisboa, Portugal, 14 October 2022; pp. 7–16. [Google Scholar]
  4. Wang, K.; Yin, Q.; Wang, W.; Wu, S.; Wang, L. A comprehensive survey on cross-modal retrieval. arXiv 2016, arXiv:1607.06215. [Google Scholar]
  5. Peng, Y.X.; Zhu, W.W.; Zhao, Y.; Xu, C.S.; Huang, Q.M.; Lu, H.Q.; Zheng, Q.H.; Huang, T.j.; Gao, W. Cross-media analysis and reasoning: Advances and directions. Front. Inf. Technol. Electron. Eng. 2017, 18, 44–57. [Google Scholar] [CrossRef] [Green Version]
  6. Peng, Y.; Huang, X.; Zhao, Y. An overview of cross-media retrieval: Concepts, methodologies, benchmarks, and challenges. IEEE Trans. Circuits Syst. Video Technol. 2017, 28, 2372–2385. [Google Scholar] [CrossRef] [Green Version]
  7. Ou, W.; Liu, B.; Zhou, Y.; Xuan, R. Survey on the cross-modal retrieval research. J. Guizhou Norm. Univ. (Nat. Sci.) 2018, 36, 114–120. [Google Scholar]
  8. Li, Z.; Huang, Z.; Xu, X. A review of the cross-modal retrieval model and feature extraction based on representation learning. J. China Soc. Sci. Tech. Inf. 2018, 37, 422–435. [Google Scholar]
  9. Ayyavaraiah, M.; Venkateswarlu, B. Joint graph regularization based semantic analysis for cross-media retrieval: A systematic review. Int. J. Eng. Technol. 2018, 7, 257–261. [Google Scholar] [CrossRef] [Green Version]
  10. Ayyavaraiah, M.; Venkateswarlu, B. Cross media feature retrieval and optimization: A contemporary review of research scope, challenges and objectives. In Proceedings of the International Conference On Computational Vision and Bio Inspired Computing, Coimbatore, India, 19–20 November 2019; pp. 1125–1136. [Google Scholar]
  11. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  12. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster r-cnn: Towards real-time object detection with region proposal networks. Adv. Neural Inf. Process. Syst. 2015, 28, 1–9. [Google Scholar] [CrossRef] [Green Version]
  13. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł; Polosukhin, I. Attention is all you need. Adv. Neural Inf. Process. Syst. 2017, 30, 5998–6008. [Google Scholar]
  14. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  15. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv 2020, arXiv:2010.11929. [Google Scholar]
  16. Dong, L.; Yang, N.; Wang, W.; Wei, F.; Liu, X.; Wang, Y.; Gao, J.; Zhou, M.; Hon, H.W. Unified language model pre-training for natural language understanding and generation. Adv. Neural Inf. Process. Syst. 2019, 32, 13063–13075. [Google Scholar]
  17. Liu, Y.; Ott, M.; Goyal, N.; Du, J.; Joshi, M.; Chen, D.; Levy, O.; Lewis, M.; Zettlemoyer, L.; Stoyanov, V. Roberta: A robustly optimized bert pretraining approach. arXiv 2019, arXiv:1907.11692. [Google Scholar]
  18. Raffel, C.; Shazeer, N.; Roberts, A.; Lee, K.; Narang, S.; Matena, M.; Zhou, Y.; Li, W.; Liu, P.J. Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res. 2020, 21, 5485–5551. [Google Scholar]
  19. Lewis, M.; Liu, Y.; Goyal, N.; Ghazvininejad, M.; Mohamed, A.; Levy, O.; Stoyanov, V.; Zettlemoyer, L. Bart: Denoising sequence-to-sequence pre-training for natural language generation, translation, and comprehension. arXiv 2019, arXiv:1910.13461. [Google Scholar]
  20. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  21. Winn, J.; Criminisi, A.; Minka, T. Object categorization by learned universal visual dictionary. In Proceedings of the Tenth IEEE International Conference on Computer Vision (ICCV’05), Beijing, China, 17–20 October 2005; Volume 2, pp. 1800–1807. [Google Scholar]
  22. Liu, Z.; Lin, Y.; Cao, Y.; Hu, H.; Wei, Y.; Zhang, Z.; Lin, S.; Guo, B. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Venice, Italy, 11–17 October 2021; pp. 10012–10022. [Google Scholar]
  23. Tan, M.; Le, Q. Efficientnet: Rethinking model scaling for convolutional neural networks. In Proceedings of the International Conference on Machine Learning, Long Beach, CA, USA, 9–15 June 2019; pp. 6105–6114. [Google Scholar]
  24. Lu, J.; Batra, D.; Parikh, D.; Lee, S. Vilbert: Pretraining task-agnostic visiolinguistic representations for vision-and-language tasks. Adv. Neural Inf. Process. Syst. 2019, 32, 13–23. [Google Scholar]
  25. Tan, H.; Bansal, M. Lxmert: Learning cross-modality encoder representations from transformers. arXiv 2019, arXiv:1908.07490. [Google Scholar]
  26. Huang, Z.; Zeng, Z.; Huang, Y.; Liu, B.; Fu, D.; Fu, J. Seeing out of the box: End-to-end pre-training for vision-language representation learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 12976–12985. [Google Scholar]
  27. Shen, S.; Li, L.H.; Tan, H.; Bansal, M.; Rohrbach, A.; Chang, K.W.; Yao, Z.; Keutzer, K. How Much Can CLIP Benefit Vision-and-Language Tasks? arXiv 2021, arXiv:2107.06383, 6383. [Google Scholar]
  28. Huang, Z.; Zeng, Z.; Liu, B.; Fu, D.; Fu, J. Pixel-bert: Aligning image pixels with text by deep multi-modal transformers. arXiv 2020, arXiv:2004.00849. [Google Scholar]
  29. Li, J.; Selvaraju, R.; Gotmare, A.; Joty, S.; Xiong, C.; Hoi, S.C.H. Align before fuse: Vision and language representation learning with momentum distillation. Adv. Neural Inf. Process. Syst. 2021, 34, 38. [Google Scholar]
  30. Li, X.; Yin, X.; Li, C.; Zhang, P.; Hu, X.; Zhang, L.; Wang, L.; Hu, H.; Dong, L.; Wei, F.; et al. Oscar: Object-semantics aligned pre-training for vision-language tasks. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 121–137. [Google Scholar]
  31. Yu, F.; Tang, J.; Yin, W.; Sun, Y.; Tian, H.; Wu, H.; Wang, H. Ernie-vil: Knowledge enhanced vision-language representations through scene graphs. In Proceedings of the AAAI Conference on Artificial Intelligence, Virtual, 2–9 February 2021; Volume 35, pp. 3208–3216. [Google Scholar]
  32. Karpathy, A.; Fei-Fei, L. Deep visual-semantic alignments for generating image descriptions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 21–23 June 2015; pp. 3128–3137. [Google Scholar]
  33. Carvalho, M.; Cadène, R.; Picard, D.; Soulier, L.; Thome, N.; Cord, M. Cross-modal retrieval in the cooking context: Learning semantic text-image embeddings. In Proceedings of the The 41st International ACM SIGIR Conference on Research & Development in Information Retrieval, Ann Arbor, MI, USA, 8–12 July 2018; pp. 35–44. [Google Scholar]
  34. Liu, Y.; Wu, J.; Qu, L.; Gan, T.; Yin, J.; Nie, L. Self-supervised Correlation Learning for Cross-Modal Retrieval. IEEE Trans. Multimed. 2022. [Google Scholar] [CrossRef]
  35. Kim, W.; Son, B.; Kim, I. Vilt: Vision-and-language transformer without convolution or region supervision. In Proceedings of the International Conference on Machine Learning, Virtual, 18–24 July 2021; pp. 5583–5594. [Google Scholar]
  36. Cui, Y.; Yu, Z.; Wang, C.; Zhao, Z.; Zhang, J.; Wang, M.; Yu, J. ROSITA: Enhancing Vision-and-Language Semantic Alignments via Cross-and Intra-modal Knowledge Integration. In Proceedings of the 29th ACM International Conference on Multimedia, Virtual, 15 July 2021; pp. 797–806. [Google Scholar]
  37. Cai, Z.; Kwon, G.; Ravichandran, A.; Bas, E.; Tu, Z.; Bhotika, R.; Soatto, S. X-DETR: A Versatile Architecture for Instance-wise Vision-Language Tasks. arXiv 2022, arXiv:2204.05626. [Google Scholar]
  38. Li, L.H.; Yatskar, M.; Yin, D.; Hsieh, C.J.; Chang, K.W. Visualbert: A simple and performant baseline for vision and language. arXiv 2019, arXiv:1908.03557. [Google Scholar]
  39. Chen, Y.C.; Li, L.; Yu, L.; El Kholy, A.; Ahmed, F.; Gan, Z.; Cheng, Y.; Liu, J. Uniter: Universal image-text representation learning. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 104–120. [Google Scholar]
  40. Li, W.; Gao, C.; Niu, G.; Xiao, X.; Liu, H.; Liu, J.; Wu, H.; Wang, H. Unimo: Towards unified-modal understanding and generation via cross-modal contrastive learning. arXiv 2020, arXiv:2012.15409. [Google Scholar]
  41. Gan, Z.; Chen, Y.C.; Li, L.; Zhu, C.; Cheng, Y.; Liu, J. Large-scale adversarial training for vision-and-language representation learning. Adv. Neural Inf. Process. Syst. 2020, 33, 6616–6628. [Google Scholar]
  42. Li, G.; Duan, N.; Fang, Y.; Gong, M.; Jiang, D. Unicoder-vl: A universal encoder for vision and language by cross-modal pre-training. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; Volume 34, pp. 11336–11344. [Google Scholar]
  43. Su, W.; Zhu, X.; Cao, Y.; Li, B.; Lu, L.; Wei, F.; Dai, J. Vl-bert: Pre-training of generic visual-linguistic representations. arXiv 2019, arXiv:1908.08530. [Google Scholar]
  44. Sun, S.; Chen, Y.C.; Li, L.; Wang, S.; Fang, Y.; Liu, J. Lightningdot: Pre-training visual-semantic embeddings for real-time image-text retrieval. In Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Online, 6–11 June 2021; pp. 982–997. [Google Scholar]
  45. Xu, H.; Yan, M.; Li, C.; Bi, B.; Huang, S.; Xiao, W.; Huang, F. E2E-VLP: End-to-End Vision-Language Pre-training Enhanced by Visual Learning. arXiv 2021, arXiv:2106.01804. [Google Scholar]
  46. Qi, D.; Su, L.; Song, J.; Cui, E.; Bharti, T.; Sacheti, A. Imagebert: Cross-modal pre-training with large-scale weak-supervised image-text data. arXiv 2020, arXiv:2001.07966. [Google Scholar]
  47. Jia, C.; Yang, Y.; Xia, Y.; Chen, Y.T.; Parekh, Z.; Pham, H.; Le, Q.; Sung, Y.H.; Li, Z.; Duerig, T. Scaling up visual and vision-language representation learning with noisy text supervision. In Proceedings of the International Conference on Machine Learning, Virtual, 18–24 July 2021; pp. 4904–4916. [Google Scholar]
  48. Zhang, P.; Li, X.; Hu, X.; Yang, J.; Zhang, L.; Wang, L.; Choi, Y.; Gao, J. Vinvl: Revisiting visual representations in vision-language models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 5579–5588. [Google Scholar]
  49. Lu, H.; Fei, N.; Huo, Y.; Gao, Y.; Lu, Z.; Wen, J.R. COTS: Collaborative Two-Stream Vision-Language Pre-Training Model for Cross-Modal Retrieval. arXiv 2022, arXiv:2204.07441. [Google Scholar]
  50. Lin, J.; Men, R.; Yang, A.; Zhou, C.; Zhang, Y.; Wang, P.; Zhou, J.; Tang, J.; Yang, H. M6: Multi-Modality-to-Multi-Modality Multitask Mega-transformer for Unified Pretraining. In Proceedings of the 27th ACM SIGKDD Conference on Knowledge Discovery & Data Mining, Virtual, 14 August 2021; pp. 3251–3261. [Google Scholar]
  51. Anderson, P.; He, X.; Buehler, C.; Teney, D.; Johnson, M.; Gould, S.; Zhang, L. Bottom-up and top-down attention for image captioning and visual question answering. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 6077–6086. [Google Scholar]
  52. Chen, H.; Ding, G.; Liu, X.; Lin, Z.; Liu, J.; Han, J. Imram: Iterative matching with recurrent attention memory for cross-modal image-text retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 12655–12663. [Google Scholar]
  53. Chen, X.; Yan, B.; Zhu, J.; Wang, D.; Yang, X.; Lu, H. Transformer tracking. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 8126–8135. [Google Scholar]
  54. Wang, Z.; Wang, W.; Zhu, H.; Liu, M.; Qin, B.; Wei, F. Distilled Dual-Encoder Model for Vision-Language Understanding. arXiv 2021, arXiv:2112.08723. [Google Scholar]
  55. Pan, Y.; Yao, T.; Li, Y.; Mei, T. X-linear attention networks for image captioning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 10971–10980. [Google Scholar]
  56. Lee, K.H.; Chen, X.; Hua, G.; Hu, H.; He, X. Stacked cross attention for image-text matching. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 201–216. [Google Scholar]
  57. Wang, Z.; Liu, X.; Li, H.; Sheng, L.; Yan, J.; Wang, X.; Shao, J. Camp: Cross-modal adaptive message passing for text-image retrieval. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 5764–5773. [Google Scholar]
  58. Wei, X.; Zhang, T.; Li, Y.; Zhang, Y.; Wu, F. Multi-modality cross attention network for image and sentence matching. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 10941–10950. [Google Scholar]
  59. Dou, Z.Y.; Xu, Y.; Gan, Z.; Wang, J.; Wang, S.; Wang, L.; Zhu, C.; Zhang, P.; Liu, Z.; Zeng, M.; et al. An Empirical Study of Training End-to-End Vision-and-Language Transformers. arXiv 2021, arXiv:2111.02387. [Google Scholar]
  60. Ji, Z.; Wang, H.; Han, J.; Pang, Y. SMAN: Stacked multimodal attention network for cross-modal image-text retrieval. IEEE Trans. Cybern. 2020, 52, 1086–1097. [Google Scholar] [CrossRef] [PubMed]
  61. Faghri, F.; Fleet, D.J.; Kiros, J.R.; Fidler, S. Vse++: Improving visual-semantic embeddings with hard negatives. arXiv 2017, arXiv:1707.05612. [Google Scholar]
  62. Wang, B.; Yang, Y.; Xu, X.; Hanjalic, A.; Shen, H.T. Adversarial cross-modal retrieval. In Proceedings of the 25th ACM international conference on Multimedia, Mountain View, CA, USA, 23–27 October 2017; pp. 154–162. [Google Scholar]
  63. Wang, L.; Li, Y.; Lazebnik, S. Learning deep structure-preserving image-text embeddings. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 5005–5013. [Google Scholar]
  64. Nam, H.; Ha, J.W.; Kim, J. Dual attention networks for multimodal reasoning and matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 299–307. [Google Scholar]
  65. Huang, Y.; Wu, Q.; Song, C.; Wang, L. Learning semantic concepts and order for image and sentence matching. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6163–6171. [Google Scholar]
  66. Song, Y.; Soleymani, M. Polysemous visual-semantic embedding for cross-modal retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 1979–1988. [Google Scholar]
  67. Qu, L.; Liu, M.; Wu, J.; Gao, Z.; Nie, L. Dynamic modality interaction modeling for image-text retrieval. In Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual, 11–15 July 2021; pp. 1104–1113. [Google Scholar]
  68. Gur, S.; Neverova, N.; Stauffer, C.; Lim, S.N.; Kiela, D.; Reiter, A. Cross-modal retrieval augmentation for multi-modal classification. arXiv 2021, arXiv:2104.08108. [Google Scholar]
  69. Zhou, M.; Yu, L.; Singh, A.; Wang, M.; Yu, Z.; Zhang, N. Unsupervised Vision-and-Language Pre-training via Retrieval-based Multi-Granular Alignment. arXiv 2022, arXiv:2203.00242. [Google Scholar]
  70. Xu, X.; Song, J.; Lu, H.; Yang, Y.; Shen, F.; Huang, Z. Modal-adversarial semantic learning network for extendable cross-modal retrieval. In Proceedings of the 2018 ACM on International Conference on Multimedia Retrieval, Seattle, WA, USA, 10–13 December 2018; pp. 46–54. [Google Scholar]
  71. Wang, L.; Li, Y.; Huang, J.; Lazebnik, S. Learning two-branch neural networks for image-text matching tasks. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 41, 394–407. [Google Scholar] [CrossRef] [Green Version]
  72. Cornia, M.; Baraldi, L.; Tavakoli, H.R.; Cucchiara, R. A unified cycle-consistent neural model for text and image retrieval. Multimed. Tools Appl. 2020, 79, 25697–25721. [Google Scholar] [CrossRef]
  73. Yang, X.; Tang, K.; Zhang, H.; Cai, J. Auto-encoding scene graphs for image captioning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 10685–10694. [Google Scholar]
  74. Zhen, L.; Hu, P.; Wang, X.; Peng, D. Deep supervised cross-modal retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 10394–10403. [Google Scholar]
  75. Chun, S.; Oh, S.J.; De Rezende, R.S.; Kalantidis, Y.; Larlus, D. Probabilistic embeddings for cross-modal retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 8415–8424. [Google Scholar]
  76. Cheng, M.; Sun, Y.; Wang, L.; Zhu, X.; Yao, K.; Chen, J.; Song, G.; Han, J.; Liu, J.; Ding, E.; et al. ViSTA: Vision and Scene Text Aggregation for Cross-Modal Retrieval. arXiv 2022, arXiv:2203.16778. [Google Scholar]
  77. Hu, P.; Zhen, L.; Peng, D.; Liu, P. Scalable deep multimodal learning for cross-modal retrieval. In Proceedings of the 42nd International ACM SIGIR Conference on Research and Development in Information Retrieval, Paris, France, 21–25 July 2019; pp. 635–644. [Google Scholar]
  78. Gupta, T.; Kamath, A.; Kembhavi, A.; Hoiem, D. Towards General Purpose Vision Systems: An End-to-End Task-Agnostic Vision-Language Architecture. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 16399–16409. [Google Scholar]
  79. Ni, M.; Huang, H.; Su, L.; Cui, E.; Bharti, T.; Wang, L.; Zhang, D.; Duan, N. M3p: Learning universal representations via multitask multilingual multimodal pre-training. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 3977–3986. [Google Scholar]
  80. Cho, J.; Lei, J.; Tan, H.; Bansal, M. Unifying vision-and-language tasks via text generation. In Proceedings of the International Conference on Machine Learning, Virtual, 18–24 July 2021; pp. 1931–1942. [Google Scholar]
  81. Yang, Z.; Gan, Z.; Wang, J.; Hu, X.; Ahmed, F.; Liu, Z.; Lu, Y.; Wang, L. Crossing the Format Boundary of Text and Boxes: Towards Unified Vision-Language Modeling. arXiv 2021, arXiv:2111.12085. [Google Scholar]
  82. Gao, D.; Jin, L.; Chen, B.; Qiu, M.; Li, P.; Wei, Y.; Hu, Y.; Wang, H. Fashionbert: Text and image matching with adaptive loss for cross-modal retrieval. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual, 25–30 July 2020; pp. 2251–2260. [Google Scholar]
  83. Gu, J.; Cai, J.; Joty, S.R.; Niu, L.; Wang, G. Look, imagine and match: Improving textual-visual cross-modal retrieval with generative models. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7181–7189. [Google Scholar]
  84. Shi, Y.; Chung, Y.J. Efficient Cross-Modal Retrieval via Deep Binary Hashing and Quantization. U.S. Patent App. 16/869,408, 31 December 2022. [Google Scholar]
  85. Yin, X.; Chen, L. A Cross-Modal Image and Text Retrieval Method Based on Efficient Feature Extraction and Interactive Learning CAE. Sci. Program. 2022, 2022, 1–12. [Google Scholar] [CrossRef]
  86. Wei, J.; Yang, Y.; Xu, X.; Zhu, X.; Shen, H.T. Universal weighting metric learning for cross-modal retrieval. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 44, 6534–6545. [Google Scholar] [CrossRef] [PubMed]
  87. Zhang, C.; Song, J.; Zhu, X.; Zhu, L.; Zhang, S. Hcmsl: Hybrid cross-modal similarity learning for cross-modal retrieval. Acm Trans. Multimed. Comput. Commun. Appl. (Tomm) 2021, 17, 1–22. [Google Scholar] [CrossRef]
  88. Wang, X.; Chen, L.; Ban, T.; Usman, M.; Guan, Y.; Liu, S.; Wu, T.; Chen, H. Knowledge graph quality control: A survey. Fundam. Res. 2021, 1, 607–626. [Google Scholar] [CrossRef]
  89. Zhong, F.; Wang, G.; Chen, Z.; Xia, F.; Min, G. Cross-modal retrieval for CPSS data. IEEE Access 2020, 8, 16689–16701. [Google Scholar] [CrossRef]
  90. Li, Y.; Wang, Y.; Zhu, Y. Visual Relationship Detection with Contextual Information. Comput. Mater. Contin. 2020, 63, 1575–1589. [Google Scholar]
  91. Jiang, B.; Yang, J.; Lv, Z.; Tian, K.; Meng, Q.; Yan, Y. Internet cross-media retrieval based on deep learning. J. Vis. Commun. Image Represent. 2017, 48, 356–366. [Google Scholar] [CrossRef] [Green Version]
  92. Chua, T.S.; Tang, J.; Hong, R.; Li, H.; Luo, Z.; Zheng, Y. Nus-wide: A real-world web image database from national university of singapore. In Proceedings of the ACM International Conference on Image and Video Retrieval, Santorini Island, Greece, 1 January 2009; pp. 1–9. [Google Scholar]
  93. Everingham, M.; Van Gool, L.; Williams, C.K.; Winn, J.; Zisserman, A. The pascal visual object classes (voc) challenge. Int. J. Comput. Vis. 2010, 88, 303–338. [Google Scholar] [CrossRef] [Green Version]
  94. Everingham, M.; Winn, J. The pascal visual object classes challenge 2012 (voc2012) development kit. Pattern Anal. Stat. Model. Comput. Learn. Tech. Rep. 2011, 8, 1–32. [Google Scholar]
  95. Rasiwasia, N.; Costa Pereira, J.; Coviello, E.; Doyle, G.; Lanckriet, G.R.; Levy, R.; Vasconcelos, N. A new approach to cross-modal multimedia retrieval. In Proceedings of the 18th ACM International Conference on Multimedia, Lisboa, Portugal, 14 October 2010; pp. 251–260. [Google Scholar]
  96. Ordonez, V.; Kulkarni, G.; Berg, T. Im2text: Describing images using 1 million captioned photographs. Adv. Neural Inf. Process. Syst. 2011, 24, 1–9. [Google Scholar]
  97. Hodosh, M.; Young, P.; Hockenmaier, J. Framing image description as a ranking task: Data, models and evaluation metrics. J. Artif. Intell. Res. 2013, 47, 853–899. [Google Scholar] [CrossRef] [Green Version]
  98. Xiong, W.; Wang, S.; Zhang, C.; Huang, Q. Wiki-cmr: A web cross modality dataset for studying and evaluation of cross modality retrieval models. In Proceedings of the 2013 IEEE International Conference on Multimedia and Expo (ICME), San Jose, CA, USA, 15–19 July 2013; pp. 1–6. [Google Scholar]
  99. Young, P.; Lai, A.; Hodosh, M.; Hockenmaier, J. From image descriptions to visual denotations: New similarity metrics for semantic inference over event descriptions. Trans. Assoc. Comput. Linguist. 2014, 2, 67–78. [Google Scholar] [CrossRef]
  100. Chen, X.; Fang, H.; Lin, T.Y.; Vedantam, R.; Gupta, S.; Dollár, P.; Zitnick, C.L. Microsoft coco captions: Data collection and evaluation server. arXiv 2015, arXiv:1504.00325. [Google Scholar]
  101. Krishna, R.; Zhu, Y.; Groth, O.; Johnson, J.; Hata, K.; Kravitz, J.; Chen, S.; Kalantidis, Y.; Li, L.J.; Shamma, D.A.; et al. Visual genome: Connecting language and vision using crowdsourced dense image annotations. Int. J. Comput. Vis. 2017, 123, 32–73. [Google Scholar] [CrossRef] [Green Version]
  102. He, X.; Peng, Y.; Xie, L. A new benchmark and approach for fine-grained cross-media retrieval. In Proceedings of the 27th ACM International Conference on Multimedia, Nice, France, 21–25 October 2019; pp. 1740–1748. [Google Scholar]
  103. Sharma, P.; Ding, N.; Goodman, S.; Soricut, R. Conceptual captions: A cleaned, hypernymed, image alt-text dataset for automatic image captioning. In Proceedings of the 56th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Melbourne, Australia, 15–20 July 2018; pp. 2556–2565. [Google Scholar]
  104. Shao, S.; Li, Z.; Zhang, T.; Peng, C.; Yu, G.; Zhang, X.; Li, J.; Sun, J. Objects365: A large-scale, high-quality dataset for object detection. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27–28 October 2019; pp. 8430–8439. [Google Scholar]
  105. Changpinyo, S.; Sharma, P.; Ding, N.; Soricut, R. Conceptual 12m: Pushing web-scale image-text pre-training to recognize long-tail visual concepts. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 3558–3568. [Google Scholar]
  106. Zhang, Q.; Lei, Z.; Zhang, Z.; Li, S.Z. Context-aware attention network for image-text retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 3536–3545. [Google Scholar]
  107. Li, K.; Zhang, Y.; Li, K.; Li, Y.; Fu, Y. Visual semantic reasoning for image-text matching. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 4654–4662. [Google Scholar]
  108. Qu, L.; Liu, M.; Cao, D.; Nie, L.; Tian, Q. Context-aware multi-view summarization network for image-text matching. In Proceedings of the 28th ACM International Conference on Multimedia, Virtual, 12–16 October 2020; pp. 1047–1055. [Google Scholar]
Figure 1. The problems and challenges in cross-modal retrieval.
Figure 1. The problems and challenges in cross-modal retrieval.
Applsci 13 04571 g001
Figure 2. An overview of the cross-modal retrieval process.
Figure 2. An overview of the cross-modal retrieval process.
Applsci 13 04571 g002
Figure 3. Classified diagram of V-L feature extraction.
Figure 3. Classified diagram of V-L feature extraction.
Applsci 13 04571 g003
Figure 4. Innovative samples of the loss function.
Figure 4. Innovative samples of the loss function.
Applsci 13 04571 g004
Table 1. A road map table for pre-training models with fusion encoder and dual encoders.
Table 1. A road map table for pre-training models with fusion encoder and dual encoders.
Dual-Stream ModelsSingle-Stream Models
2019-ViLBERT [24]2019-VisualBERT [38]
2019-LXMERT [25]2020-UNITER [39]
2020-UNIMO [40]2020-Oscar [30]
2020-ViLLA [41]2020-Unicoder-VL [42]
2021-ALBEF [29]2020-VL-BERT [43]
2021-LightningDot [44]2020-E2E-VLP [45]
2021-CLIP [27]2020-ImageBERT [46]
2021-ALIGN [47]2020-Pixel-BERT [28]
2021-ERNIE-ViL [31]2021-ViLT [35]
2019-WenLan1.0(RoBERTa-base) [17]2021-VinVL [48]
2022-COTS [49]2021-M6 [50]
Table 2. Glossary of pre-training tasks.
Table 2. Glossary of pre-training tasks.
Pre-Training TypeTask Name
      Vision-Based Tasks MOC: masked object classification
MRFR: masked region feature regression
MRM: masked region modeling
MFR: masked feature regression
MFC: masked feature classification
MRC: masked region classification
MIM: masked image modeling
      Text-Based Tasks MLM: masked language modeling
NSP: next sentence prediction
WRA: word region alignment
PLM: permuted language modeling
CLTR: cross-lingual text recovery
TLM: translation language modeling
           Cross-Modal Tasks VLM: visual-linguistic matching
ITM: image text matching
MTL: multi-task learning
CMCL: cross-modal contrastive Learning
CMTR: cross-modal text recovery
PrefixLM: prefix language modeling
DAE: denoising autoencoding
ITCL: image-text contrastive learning
MRTM: masked region-to-token modeling
VTLM: visual translation language modeling
Table 3. Pros and cons of V-L architecture.
Table 3. Pros and cons of V-L architecture.
Pros of Universal RepresentationImproved Accuracy: It reduces the computational resources and training time needed, making retrieval faster and more efficient.
Pros of Universal RepresentationBetter Generalization: A universal representation can lead to better generalization. This can improve performance and reduce the need for large amounts of training data.
Pros of Universal RepresentationIncreased Efficiency: A universal representation reduces the computational cost of developing and training models. Instead of creating separate models for each task, the model can be trained and used for multiple tasks.
Cons of Universal RepresentationIncreased Complexity: A universal representation is a complex and challenging task that requires a significant cost of time and resources. Developing cross-modal retrieval model may require expertise from multiple domains and may involve complex algorithms and architectures.
Cons of Universal RepresentationLoss of Modality-Specific Information: Combining multiple modalities into a single model, some modality-specific information may be lost. This may reduce the accuracy of the cross-modal retrieval that require fine-grained features.
Cons of Universal RepresentationLimited Interpretability: A universal representation may be difficult to interpret, making it challenging to understand the interactions between vision and language. This lack of interpretability may be a concern for applications.
Pros of Unified Generation ModelGeneration Ability: A unified generation model can generate outputs in one modality based on inputs from another modality, which can be useful for cross-modal retrieval.
Pros of Unified Generation ModelBetter Performance: A unified generation model can provide better performance in cross-modal retrieval compared to separate models for different modalities. The unified model can capture the complex relationships between different modalities more effectively.
Cons of Unified Generation ModelLimited Flexibility: A unified generation model is not as flexible as traditional models in handling different modalities. The model generates representations for all modalities, which may not be optimal for specific modalities.
Cons of Unified Generation ModelIncreased Complexity of Training: Although training a unified generation model may take less time, the complexity of training the model may be higher. The model generates representations for multiple modalities, which can be a more challenging task.
Cons of Unified Generation ModelIncreased Risk of Overfitting: A unified generation model is more prone to overfitting. The model generates representations for multiple modalities simultaneously, which may overfit if the training data are not sufficiently diverse.
Table 4. Summary of representative datasets facilitating cross-modal retrieval.
Table 4. Summary of representative datasets facilitating cross-modal retrieval.
NameNumberDescription
NUS-WIDE [92]269,648Every image includes 2 to 5 label claims on average.
https://www.image-net.org/ (accessed on 1 January 2022)14,197,122ImageNet aims at classification, positioning, and detection task evaluation.
Pascal VOC 2007 [93]9963It includes training, validation, and test and marks 24,640 objects.
Pascal VOC 2012 [94]11,530Each image is tagged with 20 categories of objects, including people, animals, vehicles, and furniture. Each image has an average of 2.4 objects.
Wikipedia [95]2866The most-often used dataset for retrieval study is Wikipedia, which consists of entries with relevant picture–text pairs.
SBU Caption [96]1,000,000Image captions are a retrieval task containing 1 million image URLs and title pairs. Humans write the captions, which are then filtered to leave only those with at least two nouns, noun–verb pairs, or verb–adjective pairs.
Flickr 8k [97]8092Each image is accompanied by five human-generated subtitles that focus on humans or animals performing an action.
Wiki-CMR [98]74,961A web cross-modality dataset includes written paragraphs, photos, and hyperlinks.
Flickr 30k [99]31,783The images are accompanied by 1,58,915 captions gathered through crowdsourcing.
MS-COCO [100]3,28,000The dataset contains 25,00,000 annotated occurrences. The collection contains artifacts from 91 different categories.
Visual Genome [101]108,077There are about 5.4 million captions given to picture areas. It contains around 2.8 million labels for object properties in the picture and approximately 2.3 million labels for object connections.
PKU FG-XMedia [102]50,000Over 50,000 samples are included in the PKU FG-XMedia collection, comprising 11,788 graphics, 8000 texts, 18,350 videos, and 12,000 audios. It has different media kinds, a precise granularity of categories, and multiple data sources.
Conceptual Caption [103]3,000,000The photographs and descriptions are gathered from the Internet, and they feature a diverse spectrum of emotions. The captions are derived from the HTML alt element of each picture.
Objects 365 [104]630,000The collection includes 630,000 photos from 365 categories and up to 10 million frames. It is distinguished by its cast scale, excellent quality, and good generalizability.
https://storage.googleapis.com/openimages/web/index.html (accessed on 1 January 2022)9,000,000Open Images is a library of 9 million collection including image-level labels, 15,851,536 bounding boxes, 2,785,498 segmentation masks, visual connections, 675,155 localized narratives, and 59,919,574 image-level labels.
M6 [50]100,000,000It is the most-extensive dataset of a Chinese multi-modal pre-training model, with 1.9 T pictures and 292 G texts.
Conceptual 12M [105]12,000,000It includes a much greater spectrum of visual concepts than the Conceptual Captions dataset, used for image captioning model pre-training and end-to-end training.
Table 5. Cross-modal retrieval performance comparison on Flickr 30k (1K test set).
Table 5. Cross-modal retrieval performance comparison on Flickr 30k (1K test set).
ModelsPretrain
Images
Flickr 30k (1K Test Set)R_SUM
TR@1TR@5TR@10IR@1IR@5IR@10
SCAN-67.490.395.648.577.785.2464.7
CAAN-70.191.697.252.879.097.9488.6
VSRN-71.390.696.054.781.888.2482.6
MMCA-74.292.896.454.881.487.8487.4
CAMRA-78.095.197.960.385.991.7508.9
DIME-81.095.998.463.688.193.0520.0
UNITER4 M87.398.099.275.694.196.8551.0
VILLA4 M87.997.598.876.394.896.5552.8
ALIGN1.8 B95.399.810084.997.498.6576
UNIMO5.7 M89.498.999.87894.297.1557.4
VLC5.6 M89.299.299.872.493.496.5550.5
Table 6. Cross-modal retrieval performance comparison on MS-COCO (5K test set).
Table 6. Cross-modal retrieval performance comparison on MS-COCO (5K test set).
ModelsPretrain
Images
MS-COCO (5K Test Set)R_SUM
TR@1TR@5TR@10IR@1IR@5IR@10
UNITER4 M65.7088.6093.8052.9079.9088.00468.90
ViLT4 M61.5086.3092.7042.7072.9083.10439.20
ALBEF4 M73.1091.4096.0056.881.5089.20488.00
TCL4 M75.6092.8096.705983.2089.90497.20
VLC5.6 M71.3091.2095.8050.7078.9088.00475.90
ALIGN1.8 B77.0093.5096.9059.9083.3089.80500.40
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Wang, S.; Zhu, L.; Shi, L.; Mo, H.; Tan, S. A Survey of Full-Cycle Cross-Modal Retrieval: From a Representation Learning Perspective. Appl. Sci. 2023, 13, 4571. https://doi.org/10.3390/app13074571

AMA Style

Wang S, Zhu L, Shi L, Mo H, Tan S. A Survey of Full-Cycle Cross-Modal Retrieval: From a Representation Learning Perspective. Applied Sciences. 2023; 13(7):4571. https://doi.org/10.3390/app13074571

Chicago/Turabian Style

Wang, Suping, Ligu Zhu, Lei Shi, Hao Mo, and Songfu Tan. 2023. "A Survey of Full-Cycle Cross-Modal Retrieval: From a Representation Learning Perspective" Applied Sciences 13, no. 7: 4571. https://doi.org/10.3390/app13074571

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop