Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

Braille-to-Speech Generator: Audio Generation Based on Joint Fine-Tuning of CLIP and Fastspeech2

Chun Xu  En-Wei Sun
Xinjiang University of Finance and Economics
2022210236@xjufe.edu.cn
  Equal contribution
Abstract

An increasing number of Chinese people are troubled by different degrees of visual impairment, which has made the modal conversion between a single image or video frame in the visual field and the audio expressing the same information a research hotspot. Deep learning technologies such as OCR+Vocoder and Im2Wav enable English audio synthesis or image-to-sound matching in a self-supervised manner. However, the audio data used for training is limited and English is not universal for visually impaired people with different educational levels. Therefore, for the sake of solving the problems of data volume and language applicability to improve the reading efficiency of visually impaired people, a set of image-to-speech framework CLIP-KNN-Fastspeech2 based on the Chinese context was constructed. The framework integrates multiple basic models and adopts the strategy of independent pre-training and joint fine-tuning. First, the Chinese CLIP and Fastspeech2 text-to-speech models were pre-trained on two public datasets, MUGE and Baker, respectively, and their convergence was verified. Subsequently, joint fine-tuning was performed using a self-built Braille image dataset. Experimental results on multiple public datasets such as VGGSound, Flickr8k, ImageHear, and the self-built Braille dataset BIT-DP show that the model has improved objective indicators such as BLEU4,FAD(Fréchet Audio Distance), WER(Word Error Ratio), and even inference speed. This verifies that the constructed model still has the ability to synthesize high-quality speech under limited data, and also proves the effectiveness of the joint training strategy that integrates multiple basic models.

Refer to caption
Figure 1: Braille "Hao3" Example ( The first square in red represents the initial consonant "h", the second square in blue in the middle represents the compound vowel "ao", and the third square in green indicates the third tone, i.e., the rising tone.).

1 Introduction

As of now, there are over 17 million individuals with visual impairments in China, and the number of visually impaired individuals of school age has been steadily increasing. The issue of visual impairment poses significant challenges to education. In the process of acquiring knowledge and external stimuli, tactile sensation and audio are undoubtedly the two main avenues for individuals with visual impairments. Among them, physical reading materials and teaching materials mainly use braille with raised dots, which generally consist of three or two dots forming a syllable granularity pinyin rather than Chinese characters (Huang et al., 2023c). As shown in Figure 1. Therefore, compared to regular text materials, braille has the disadvantage of restricting the speed of knowledge acquisition due to its longer length when expressing the same meaning  (Zhu et al., 2024a).When implementing higher education that encompasses a broader scope of knowledge, the process of manually recording ordinary textbooks into audio books essentially involves treating the human eye as an image collector to gather visual information containing knowledge and transforming it into audio information that is understandable for the visually impaired population. However, this task not only consumes a significant amount of time but also requires a considerable number of experienced personnel familiar with the rules of compiling braille image-to-audio conversion. Nonetheless, relying solely on human expertise does not guarantee efficiency and accuracy in the conversion process.

At present, there are two mainstream deep learning frameworks for achieving image-to-audio conversion. On the one hand, the two-stage task of image-text-speech involves using Optical Character Recognition (OCR) to recognize text in images and convert it into text, followed by using a spectrogram encoder-decoder to convert the text into a spectrogram and decode it into speech. On the other hand, the single-stage task of image-speech involves using a self-supervised approach to learn large-scale image-speech pairs using visual and audio encoders separately (Li et al., 2023a; Reddy et al., 2021; Rodriguez et al., 2023; Wang et al., 2023). Images and speech are embedded into a shared representation space to capture the interaction information between the two modalities (Chi et al., 2023; Chung et al., 2020; Huang et al., 2023b; Wang et al., 2024b).

However, OCR requires high-quality image annotations to recognize and output text from images without text. During model training, high-quality audio datasets are often too small to obtain satisfactory model performance. Of course, when using self-built datasets for fine-tuning, the preprocessing of audio data is more complicated than that of text data, including alignment in the time domain (Chen et al., 2023c), issues with speech rate (Oh et al., 2024), and background noise (Várkonyi et al., 2023),etc.At the same time, since these deep learning models have not been pre-trained on large-scale Chinese data, it is difficult to synthesize high-quality Chinese audio.

To address the aforementioned issues, this paper constructs a two-stage model for image-text-speech conversion, named CLIP-KNN-Fastspeech2, based on a set of base models. In the image-text stage, the Chinese CLIP (Contrastive Language-Image Pre-Training) model is pre-trained using self-supervised learning and contrastive learning to fully learn the features of image-text pairs and make up for the image annotation requirements of OCR. The K-Nearest Neighbor (KNN) model retrieves text information from images based on the feature differences between positive and negative samples. In the text-speech stage, Fastspeech2 takes the text output from the previous stage as input, generates the corresponding mel spectrogram, and decodes it into speech. After pre-training CLIP and Fastspeech2, the model is fine-tuned using a self-constructed braille-pinyin dataset. Since pinyin is composed of initials, finals, and tones arranged in accordance with rules, annotating image-text data is easier to achieve than preprocessing audio data.

2 Related Work

The purpose of image-to-text conversion is to obtain corresponding text representations from input images (Zhu et al., 2023, 2024b). Image-text models generally consist of three modules: a visual encoder to capture fine-grained image features, a text encoder to perceive contextual semantic connections, and a sequence decoder. The decoder outputs corresponding text fields based on hidden features. (Bao et al., 2022b)proposed the VL-BEiT model based on a bidirectional multimodal Transformer for visual-language pre-training. By predicting masks for input image-text pairs, it captures local connections between the two modalities. (Bao et al., 2022a) designed a hybrid modality expert Transformer structure that can be used as both a dual encoder for image-text retrieval and a fused encoder to simulate deep interaction between image-text pairs. This architecture uses separate pooling layers and shared self-attention mechanisms for specific modalities. (Yu et al., 2022) proposed the CoCa (Contrastive Captioner) model, which decomposes the decoding layer into two parts: the first half omits cross-modal attention to encode unimodal text representations, while the remaining decoding layer realizes multimodal image-text representations. The model is trained using contrastive loss between jointly embedded image-text pairs and subtitle loss of the multimodal decoder. (Li et al., 2022) designed the BLIP (Bootstrapping Language-Image Pre-training) model for visual language understanding, optimizing it from three aspects: image-text contrastive loss, language modeling loss, and image-text matching loss, to achieve more powerful image-text understanding. (Li et al., 2023b) proposed FLIP (Fast Language-Image Pre-training) based on the CLIP model, which mainly reduces training time and improves accuracy by randomly masking and removing parts of images. (Li et al., 2021) constructed the ALBEF (Align Before Fuse) model based on cross-modal attention, which achieves modality alignment before encoding image-text information and proposes momentum distillation for self-training, learning modality interaction information from generated pseudo-targets. (Chen et al., 2023b), in order to enhance the discriminative ability of local text semantics, associated local text semantics with high-level visual context and multi-level local visual information using the ViLEM model. (Yang et al., 2022) extended the CLIP model to support the Chinese language scene and pre-trained it on a large-scale Chinese dataset. Experimental results demonstrate its state-of-the-art performance in the Chinese domain.

Text-to-speech aims to synthesize natural and understandable speech given text (Zhao et al., 2023; Lei et al., 2023; Sun et al., 2023). It first converts text into sequences of phonemes or graphemes with acoustic features (such as linear spectrograms or mel spectrograms), and then the vocoder transforms these acoustic features into corresponding audio samples. SHEN et al. (Shen et al., 2018) designed Tacotron2, a sequence-to-sequence feature prediction network based on Recurrent Neural Networks (RNNs), which converts character embeddings into mel-scale spectrograms and synthesizes spectrograms into time-domain waveforms using an improved WaveNet model. (Ren et al., 2020) proposed Fastspeech2, an end-to-end acoustic model that generates speech waveforms directly from text by conditioning on factors such as duration in speech waveforms. (Yang et al., 2023) introduced Diffsound, based on a discrete diffusion model, to overcome biases and error accumulation caused by autoregressive decoding predictions. (Kreuk et al., 2022) developed AUDIOGEN, an autoregressive generative model, contributing to individual voice characterization, background noise and reverberation handling, addressing the problem of long sequences at high sampling rates, and data annotation processing. (Huang et al., 2023a) established Make-an-Audio2, a latent diffusion model, to enhance semantic alignment and temporal consistency through structured text input and designing a diffusion denoiser based on feedforward Transformers. (Liu et al., 2023) designed AudioLDM, a model that learns latent representations of audio instead of cross-modal relationship modeling.  (Sofer and Chazan, 2024) proposed C-CLAPA, a subtitle decoder audio pre-training method based on data augmentation.After reducing the loss in cross-modal data conversion between text and speech, more researchers have begun synthesizing audio that better reflects the emotions of the text by designing emotion extractors (Li et al., 2024; Lin et al., 2023; Zhang et al., 2023).

For implementing image-to-speech conversion using a two-stage approach, it is crucial to utilize or design a bridging module that connects the I2T (Image-to-Text) system and the T2A (Text-to-Audio) system. (Wang et al., 2024a) proposed the V2A-Mapper to bridge the domain gap between visual CLIP and the auditory model CLAP (Contrastive Language-Audio Pre-training) in latent space, thus enhancing the fidelity of generated audio. (Chen et al., 2023a) increased the naturalness of generated audio by adding a duration predictor to predict phoneme durations within characters and reconstructing input words based on factorized durations.

3 Method

Refer to caption
Figure 2: Architecture of the Two-Stage Image-to-Speech Model (Left: In the I2T stage, the pre-trained Chinese CLIP model learns features of image-text pairs and retrieves text through the KNN network; in the T2A stage, the pre-trained Fastspeech2 vocoder demonstrates its audio-text conversion capability. Right: Fine-tuning on the braille dataset is conducted using the trained CLIP-KNN-Fastspeech2 model.).

3.1 Framework Overview

From the perspective of data language: In specific Chinese contexts, existing end-to-end image-to-speech systems fail to simultaneously demonstrate outstanding data adaptation effects in both the image-to-text and text-to-audio stages. From the standpoint of data quantity and quality: The modality conversion effects of the I2T (Image to Text) and T2A (Text to Audio) systems are based on a large quantity of high-quality annotated data. Self-supervised learning models for image-to-speech, represented by SCRL (Semantic-Consistent Representation Learning) (Ning et al., 2021) and MCRN (Multi-source Cross-modal Retrieval Network) (Yuan et al., 2022), learn the interaction of information between modalities from datasets comprising millions of audio data points. Therefore, the model for braille image-to-speech conversion constructed in this paper integrates representative and generative basic models learned from large datasets, relaxing the requirements for difficult-to-obtain and process data types when implementing specific downstream tasks.

As shown in Figure 2, the framework chosen for the I2T stage only learns features of the image-text modality and combines them with a KNN network for text retrieval rather than an end-to-end image-text model. Firstly, the image encoder and text encoder serialize braille images and corresponding text sequences into feature vectors. The relationship matrix quantifies the matching degree between images and text, and selects non-paired image-text pairs with high similarity as negative samples for contrastive learning. This further enhances the matching degree of paired image-text pairs while reducing the matching degree of non-paired image-text pairs. Then, using the KNN network, braille corresponds to Pinyin, numbers, and other text based on the learned latent features. In the T2A stage, the text output from the previous stage is encoded, and a variable adaptation layer is designed to predict phonemes, tones, and volume to capture audio features. The mel-spectrogram generator generates mel-spectrograms, and finally, the vocoder synthesizes the original waveform based on the synthesized mel-spectrogram.

CLIP In order to better establish the connection between images and text, we chose the CLIP model instead of the traditional YOLO series of visual capturers. Braille images contain fewer information elements than common physical images, such as landscapes, objects, and portraits. CLIP uses image encoders and text encoders to serialize images and texts into feature vectors a𝑎\vec{a}over→ start_ARG italic_a end_ARG and b𝑏\vec{b}over→ start_ARG italic_b end_ARG that interact with each other in the same semantic space, and determines the strength of the match between the image and text by whether the dot product p=a𝑎\vec{a}over→ start_ARG italic_a end_ARG·b𝑏\vec{b}over→ start_ARG italic_b end_ARG tends to 1 or 0. This allows the association between images and text to be established after pre-training on a large-scale corpus, so the CLIP model is chosen to avoid the complexity of image annotation.

Text Encoder It follows the I2T architecture described in Figure 2, using the Chinese encoder RoBERTa-wwm-ext-large-Chinese (Liu et al., 2019) from the CLIP model to dynamically mask the input text for tokenization. It continuously learns the contextual semantic connections of the text using multi-layer attention mechanisms and positional encodings.

Image Encoder First, the visual processing model ViT-H/14 (Dosovitskiy et al., 2020) (Vision Transformer-Huge/14x14 pixel) divides the braille image into a series of image patches and applies linear mapping to obtain a sequence of vectors. Then, in each Transformer module, self-attention layers and feed-forward neural networks are designed to capture the correlations between image patches and represent the contextual-aware features of the image patches. Finally, global average pooling is applied to integrate the features of the image patch sequence into a global feature vector, which is then classified using linear layers.

KNN After the image-text matching strength p is calculated by CLIP, to ensure the integrity and accuracy of the system, we use the KNN method to set the k value and sort the k potential texts corresponding to the image by the p value. It is worth noting here that we use the p value instead of the Euclidean distance in KNN.

Fastspeech2 Compared with the Tacotron series and Fastspeech, the Fastspeech2 used in this article has improved the sound quality of synthesized audio and the training speed. During the training process, the delay, pitch and energy information of the speech are extracted as conditional input to alleviate the one-to-many mapping problem. This is due to the fact that Fastspeech2 provides more speech change information.

Variance Adaptor To train the model to generate high-quality audio outputs, the extracted audio duration, pitch, and energy are used as inputs to the hidden sequence. A duration predictor is designed to predict the duration of each factor, and the prediction is optimized through mean square error loss. The pitch predictor decomposes the continuous high-pitch sequence into pitch spectrograms using continuous wavelet transform for training. The energy predictor calculates the L2 norm of the amplitude of each short-time Fourier transform (STFT) frame as energy, uniformly decomposes the energy of each frame, and encodes it into an energy vector. The architectures of these three predictors are consistent: they consist of two layers of one-dimensional convolutional layers with ReLU activation function, followed by dimension reduction through normalization layers, and then output through a linear layer after passing through another normalization layer.

Vocoder To balance between the speed and quality of speech synthesis, one of the foundational vocoder models, HiFi-GAN (Kong et al., 2020) is utilized. It consists of a generator and two discriminators composed of multiple layers of Convolutional Neural Networks (CNNs) and Transpose Convolutional Neural Networks (TCNNs). The generator converts input mel-spectrograms into speech waveforms, while the discriminators, MPD (Multi-period discriminator) and MSD (Multi-scale discriminator), are responsible for identifying signals of different periods in speech and handling excessively long data, respectively.

3.2 Datasets

In order to increase the credibility of the proposed model CLIP-KNN-Fastspeech2,the Flickr8k (Harwath and Glass, 2015) multi-speaker natural speech dataset ,VGGSound (Chen et al., 2020) and ImageHear (Sheffer and Adi, 2023) are used to verify the improvement of the proposed model compared with the existing model.At the same time, we also utilized three Chinese datasets to discuss the generalization and robustness of the model:Wukong (Gu et al., 2022) and the self-built braille dataset BIT.

BIT Due to the possibility of recognition errors caused by the confusion in multi-party screenshot extraction 111https://http://www.braille.org.cn/ during the conversion from Chinese characters to Braille images in the self-built Braille Image-text dataset, it is necessary to perform data cleaning and augmentation to ensure image quality and model feature extraction capability, as shown in Figure 3.

Refer to caption
Figure 3: Types, Cleaning, and Enhancement Methods of the BIT Dataset. Left Figure: Illustrates the three categories of Braille correspondence contained in the dataset, where Type 1 corresponds to the numeral "24", Type 2 corresponds to the Pinyin "hao4", and Type 3 corresponds to the punctuation mark "!". Middle Figure: Presents two cases of "dirty data", namely, Excessive cropping and Incomplete cropping.Right Figure: Demonstrates two methods for data augmentation, namely, Flipping the image by 180 degrees and Adding background colors.).

In Figure 3, the green and purple ellipses represent "24" and "hao4" respectively, while the red ellipse indicates the erroneously cropped "248" due to overcropping. To address the semantic confusion caused by overcropping , data cleaning is conducted using absolute distances. The leftmost point serves as a reference to determine the correct distance set, denoted as G=[d1,d2,d3,d4]𝐺subscript𝑑1subscript𝑑2subscript𝑑3subscript𝑑4G=[d_{1},d_{2},d_{3},d_{4}]italic_G = [ italic_d start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_d start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , italic_d start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT , italic_d start_POSTSUBSCRIPT 4 end_POSTSUBSCRIPT ]. The appearance of distance d5subscript𝑑5d_{5}italic_d start_POSTSUBSCRIPT 5 end_POSTSUBSCRIPT indicates overcropping. For data in Case 2, manual observation is employed for data selection.

Meanwhile, we constructed the BIT dataset, initially comprising 6200 image-text pairs and three data types: Braille-punctuation, Braille-numbers, and Braille-pinyin. After data cleaning and augmentation, the BIT-DP (BIT with Data Processing) dataset was expanded to include 11,200 data instances. The original BIT dataset was subdivided into two sub-datasets to facilitate subsequent ablation experiments: (1) concerning data processing, BIT-DC (BIT with Data Cleaning) and BIT-DA (BIT with Data Augmentation); (2) concerning data categories, BIT-N (BIT in Number) and BIT-S (BIT in Spell). The specific division of the dataset and its rationale are presented in Table 1.

Table 1: BIT dataset division
Datasets Braille-Number Braille-Spell Braille-Punctuation
BIT 2000 2700 1500
BIT-DC 1800 2500 1300
BIT-DA 4000 5400 3000
BIT-DP 3600 5000 2600
BIT-N 3600 - -
BIT-S - 5000 -
BIT-P - - 2600

3.3 Training

To address the issue of computational load on devices, the model will adopt the following multi-step training approach. Following the CLIP 222https://github.com/OFA-Sys/Chinese-CLIP contrastive learning philosophy, the model will balance the feature extraction performance for both images and texts by averaging the losses of image embeddings and text embeddings. The losses for image embeddings and text embeddings are computed using cross-entropy functions to measure the discrepancies between the model’s outputs and the ground truth. AS equations (1) to (3) shown:

Lossi=CE_loss(labeloutput(i),labeli)𝐿𝑜𝑠subscript𝑠𝑖𝐶𝐸_𝑙𝑜𝑠𝑠𝑙𝑎𝑏𝑒subscript𝑙𝑜𝑢𝑡𝑝𝑢𝑡𝑖𝑙𝑎𝑏𝑒subscript𝑙𝑖\ Loss_{i}=CE\_loss(label_{output(i)},label_{i})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = italic_C italic_E _ italic_l italic_o italic_s italic_s ( italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_o italic_u italic_t italic_p italic_u italic_t ( italic_i ) end_POSTSUBSCRIPT , italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) (1)
Losst=CE_loss(labeloutput(t),labelt)𝐿𝑜𝑠subscript𝑠𝑡𝐶𝐸_𝑙𝑜𝑠𝑠𝑙𝑎𝑏𝑒subscript𝑙𝑜𝑢𝑡𝑝𝑢𝑡𝑡𝑙𝑎𝑏𝑒subscript𝑙𝑡\ Loss_{t}=CE\_loss(label_{output(t)},label_{t})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_C italic_E _ italic_l italic_o italic_s italic_s ( italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_o italic_u italic_t italic_p italic_u italic_t ( italic_t ) end_POSTSUBSCRIPT , italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) (2)
Lossit=(Lossi+Losst)/2𝐿𝑜𝑠subscript𝑠𝑖𝑡𝐿𝑜𝑠subscript𝑠𝑖𝐿𝑜𝑠subscript𝑠𝑡2\ Loss_{i-t}=(Loss_{i}+Loss_{t})/2italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_i - italic_t end_POSTSUBSCRIPT = ( italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT + italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) / 2 (3)

where labeloutput(i)𝑙𝑎𝑏𝑒subscript𝑙𝑜𝑢𝑡𝑝𝑢𝑡𝑖label_{output(i)}italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_o italic_u italic_t italic_p italic_u italic_t ( italic_i ) end_POSTSUBSCRIPT represents the predicted labels for the image outputs of the model, while labeli𝑙𝑎𝑏𝑒subscript𝑙𝑖label_{i}italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT represents the true labels for the images. Similarly, labeloutput(t)𝑙𝑎𝑏𝑒subscript𝑙𝑜𝑢𝑡𝑝𝑢𝑡𝑡label_{output(t)}italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_o italic_u italic_t italic_p italic_u italic_t ( italic_t ) end_POSTSUBSCRIPT and labelt𝑙𝑎𝑏𝑒subscript𝑙𝑡label_{t}italic_l italic_a italic_b italic_e italic_l start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT denote the predicted text labels and the true text labels, respectively.

After then, the pretrained image and text encoder parameters are frozen, and the training of the Fastspeech2 333https://github.com/ming024/FastSpeech2 vocoder begins. The training process mainly consists of two major modules: mel-spectrum prediction and variable adapter parameter tuning. The mel-spectrum prediction loss consists of spectrum generation loss and spectrum encoding loss. The former is primarily used to distinguish the differences between the mel-spectrogram generated by the model and the ground truth mel-spectrogram, while the latter measures the model’s ability to map each character in the input text to the corresponding time step (or frame) in the mel-spectrogram. Shown as the equations (4) and (5) for specifics:

Lossmel=MSE_loss(mel,meltarget)𝐿𝑜𝑠subscript𝑠𝑚𝑒𝑙𝑀𝑆𝐸_𝑙𝑜𝑠𝑠𝑚𝑒𝑙𝑚𝑒subscript𝑙𝑡𝑎𝑟𝑔𝑒𝑡\ Loss_{mel}=MSE\_loss(mel,mel_{target})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_m italic_e italic_l end_POSTSUBSCRIPT = italic_M italic_S italic_E _ italic_l italic_o italic_s italic_s ( italic_m italic_e italic_l , italic_m italic_e italic_l start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT ) (4)
Lossmel=MSE_loss(melpost,meltarget)𝐿𝑜𝑠superscriptsubscript𝑠𝑚𝑒𝑙𝑀𝑆𝐸_𝑙𝑜𝑠𝑠𝑚𝑒subscript𝑙𝑝𝑜𝑠𝑡𝑚𝑒subscript𝑙𝑡𝑎𝑟𝑔𝑒𝑡\ Loss_{mel}^{\prime}=MSE\_loss(mel_{post},mel_{target})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_m italic_e italic_l end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_M italic_S italic_E _ italic_l italic_o italic_s italic_s ( italic_m italic_e italic_l start_POSTSUBSCRIPT italic_p italic_o italic_s italic_t end_POSTSUBSCRIPT , italic_m italic_e italic_l start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT ) (5)

Where the variables mel𝑚𝑒𝑙melitalic_m italic_e italic_l, melpost𝑚𝑒subscript𝑙𝑝𝑜𝑠𝑡mel_{post}italic_m italic_e italic_l start_POSTSUBSCRIPT italic_p italic_o italic_s italic_t end_POSTSUBSCRIPT, and meltarget𝑚𝑒subscript𝑙𝑡𝑎𝑟𝑔𝑒𝑡mel_{target}italic_m italic_e italic_l start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT are all new tensors obtained after masked selection, containing only the elements of the original tensor corresponding to True values in the mask. This is done to match the length of the text sequence and determine whether the corresponding spectrogram positions are valid, dynamically adjusting the length of the generated mel-spectrogram.

The training of the variable adapter involves the prediction loss for duration, pitch, and energy. Specifically, the duration loss and pitch loss are mapped to exponential and logarithmic functions, respectively, to simulate subjective perception. Shown as equations (6) to (8) for details:

Lossduration=MAE_loss(dpre,dtarget)𝐿𝑜𝑠subscript𝑠𝑑𝑢𝑟𝑎𝑡𝑖𝑜𝑛𝑀𝐴𝐸_𝑙𝑜𝑠𝑠subscript𝑑𝑝𝑟𝑒subscript𝑑𝑡𝑎𝑟𝑔𝑒𝑡\ Loss_{duration}=MAE\_loss(d_{pre},d_{target})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_d italic_u italic_r italic_a italic_t italic_i italic_o italic_n end_POSTSUBSCRIPT = italic_M italic_A italic_E _ italic_l italic_o italic_s italic_s ( italic_d start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT , italic_d start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT ) (6)
Losspitch=MAE_loss(ppre,ptarget)𝐿𝑜𝑠subscript𝑠𝑝𝑖𝑡𝑐𝑀𝐴𝐸_𝑙𝑜𝑠𝑠subscript𝑝𝑝𝑟𝑒subscript𝑝𝑡𝑎𝑟𝑔𝑒𝑡\ Loss_{pitch}=MAE\_loss(p_{pre},p_{target})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_p italic_i italic_t italic_c italic_h end_POSTSUBSCRIPT = italic_M italic_A italic_E _ italic_l italic_o italic_s italic_s ( italic_p start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT , italic_p start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT ) (7)
Lossenergy=MAE_loss(epre,etarget)𝐿𝑜𝑠subscript𝑠𝑒𝑛𝑒𝑟𝑔𝑦𝑀𝐴𝐸_𝑙𝑜𝑠𝑠subscript𝑒𝑝𝑟𝑒subscript𝑒𝑡𝑎𝑟𝑔𝑒𝑡\ Loss_{energy}=MAE\_loss(e_{pre},e_{target})italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_e italic_n italic_e italic_r italic_g italic_y end_POSTSUBSCRIPT = italic_M italic_A italic_E _ italic_l italic_o italic_s italic_s ( italic_e start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT , italic_e start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT ) (8)

Where Lossduration𝐿𝑜𝑠subscript𝑠𝑑𝑢𝑟𝑎𝑡𝑖𝑜𝑛Loss_{duration}italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_d italic_u italic_r italic_a italic_t italic_i italic_o italic_n end_POSTSUBSCRIPT is measured by mean squared error to quantify the difference between dpresubscript𝑑𝑝𝑟𝑒d_{pre}italic_d start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT and dtargetsubscript𝑑𝑡𝑎𝑟𝑔𝑒𝑡d_{target}italic_d start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT. Unlike ppresubscript𝑝𝑝𝑟𝑒p_{pre}italic_p start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT, epresubscript𝑒𝑝𝑟𝑒e_{pre}italic_e start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT, and others, which form new tensors by removing blank or padding symbols from the mel spectrogram mask, dpresubscript𝑑𝑝𝑟𝑒d_{pre}italic_d start_POSTSUBSCRIPT italic_p italic_r italic_e end_POSTSUBSCRIPT and dtargetsubscript𝑑𝑡𝑎𝑟𝑔𝑒𝑡d_{target}italic_d start_POSTSUBSCRIPT italic_t italic_a italic_r italic_g italic_e italic_t end_POSTSUBSCRIPT are new tensors composed of valid characters based on the source input sequence mask. Hence, the overall objective of training the Fastspeech2 vocoder is Lossta𝐿𝑜𝑠subscript𝑠𝑡𝑎Loss_{t-a}italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t - italic_a end_POSTSUBSCRIPT, as specified in equation (9):

Lossta=Lossmel+Lossmel+Lossduration+Losspitch+Lossenergy𝐿𝑜𝑠subscript𝑠𝑡𝑎𝐿𝑜𝑠subscript𝑠𝑚𝑒𝑙𝐿𝑜𝑠superscriptsubscript𝑠𝑚𝑒𝑙𝐿𝑜𝑠subscript𝑠𝑑𝑢𝑟𝑎𝑡𝑖𝑜𝑛𝐿𝑜𝑠subscript𝑠𝑝𝑖𝑡𝑐𝐿𝑜𝑠subscript𝑠𝑒𝑛𝑒𝑟𝑔𝑦\begin{split}\ Loss_{t-a}&=Loss_{mel}+Loss_{mel}^{\prime}+Loss_{duration}\\ &+Loss_{pitch}+Loss_{energy}\end{split}start_ROW start_CELL italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t - italic_a end_POSTSUBSCRIPT end_CELL start_CELL = italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_m italic_e italic_l end_POSTSUBSCRIPT + italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_m italic_e italic_l end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT + italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_d italic_u italic_r italic_a italic_t italic_i italic_o italic_n end_POSTSUBSCRIPT end_CELL end_ROW start_ROW start_CELL end_CELL start_CELL + italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_p italic_i italic_t italic_c italic_h end_POSTSUBSCRIPT + italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_e italic_n italic_e italic_r italic_g italic_y end_POSTSUBSCRIPT end_CELL end_ROW (9)

After separately completing the pre-training stages for both the I2T and T2A phases, the model is fine-tuned using self-constructed Braille data, and the two-stage training losses are summed to obtain the parameter optimization direction for the CLIP-KNN-Fastspeech2 model, denoted as Losstotal𝐿𝑜𝑠subscript𝑠𝑡𝑜𝑡𝑎𝑙Loss_{total}italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t italic_o italic_t italic_a italic_l end_POSTSUBSCRIPT, as shown in equation (10):

Losstotal=λ1Lossit+λ2Lossta𝐿𝑜𝑠subscript𝑠𝑡𝑜𝑡𝑎𝑙subscript𝜆1𝐿𝑜𝑠subscript𝑠𝑖𝑡subscript𝜆2𝐿𝑜𝑠subscript𝑠𝑡𝑎\ Loss_{total}=\lambda_{1}Loss_{i-t}+\lambda_{2}Loss_{t-a}italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t italic_o italic_t italic_a italic_l end_POSTSUBSCRIPT = italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_i - italic_t end_POSTSUBSCRIPT + italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t - italic_a end_POSTSUBSCRIPT (10)

Where λ1subscript𝜆1\lambda_{1}italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and λ2subscript𝜆2\lambda_{2}italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT are custom weight parameters, with λ1,λ2(0,1)subscript𝜆1subscript𝜆201\lambda_{1},\lambda_{2}\in\left(0,1\right)italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ∈ ( 0 , 1 ), and the sum of λ1subscript𝜆1\lambda_{1}italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and λ2subscript𝜆2\lambda_{2}italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT is equal to 1.Here we consider the equal importance of the two phases, preliminarily set the parameter λ1subscript𝜆1\lambda_{1}italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = λ2subscript𝜆2\lambda_{2}italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 0.5, and the influence of different parameter design on the model will be discussed in the following section 5.3.

3.4 Parameter Settings and Pre-training Process

CLIP Pretraining of CLIP’s visual encoder and text encoder was conducted using the publicly available dataset MUGE (Lin et al., 2021). The MUGE dataset comprises a training set with a total of 250,000 image-text pairs, while both the test set and validation set consist of 5,000 search IDs each. Retrieval is performed from respective candidate pools of 30,000 images, and the data format is represented as <query-id, query-text, item-ids>. Relevant parameter settings during the pretraining of the CLIP model are presented in Table 2.

Table 2: Pre-training CLIP Parameters Settings
Parameters Value Parameters Value
context_length 52 epoch 25
batch_size(i/t) 64/64 num_workers 4
learning_rate 3e-06 distillation False
Refer to caption
Figure 4: The performance metrics of CLIP on the MUGE dataset are presented as follows: (a) The trend of loss and accuracy during training is depicted in the chart. (b) The chart illustrates the recall rates and average recall rates of CLIP models at k𝑘kitalic_k=1 and k𝑘kitalic_k=5.

Fastspeech2 Utilizing the Baker 444https://www.data-baker.com/data Chinese female speech dataset, the mel-spectrogram generator and the variable adapter in the Fastspeech2 vocoder are pre-trained to synthesize high-quality audio. The Baker dataset comprises 10,000 text-speech pairs, with audio sampled at a frequency of 48 kHz with 16 bits. The average word length is 16 words, and the dataset comprehensively covers phonetics, types, tones, sound connections, and rhythm. The relevant parameter settings for pre-training the Fastspeech2 model are outlined in Table 3.

Table 3: Pre-training Fastspeech2 Parameters Settings
Parameters Value Parameters Value
sampling_rate 16000 epoch 100
filter_length 1024 mel_fmin 0
hop_length 256 mel_fmax 8000
max_wav 32786 mel_channels 80

According to the pre-training parameters of CLIP and Fastspeech2 in Table 1 and Table 2 and the evaluation indicators in Section 4.1, the convergence and performance of the two models can be clearly observed in Figure 4 and Figure 5

From Figure 4, it can be observed that under the set number of training iterations, the training loss and accuracy of CLIP models tend to stabilize. Due to the ability of the CLIPViT-H/14 model to handle higher resolution images, it achieves higher accuracy in extracting features from image-text pairs. The recall rate of the KNN network retrieval also gradually improves with the feature extraction capabilities of the visual encoder.The average recall rate of the CLIPViT-H/14 model reached 94.9%, achieving a good pre-training effect.

Refer to caption
Figure 5: The performance on the Baker dataset is documented as follows:(a) The trend of loss variation during model training is recorded, with significant fluctuations observed in the first 5 epochs followed by minimal changes in subsequent epochs.(b) The distribution of scores from 50 participants, who rated the naturalness of the synthesized speech generated by Fastspeech2, is presented across five rating levels.

In Figure 5, the convergence of the loss values of the Fastspeech2 model after 100 iterations of training is recorded. Subsequently, the number of evaluators for each rating category is tallied to calculate the MOS value for the synthesized speech, and the number of mispronounced phonemes in each audio is computed to quantify the audio quality. According to the equations (14) and (15), the MOS value is calculated to be 0.16, indicating that the naturalness of the synthesized speech generated by the Fastspeech2 model aligns with normal language levels. The calculated WER value of 4.2% also falls within a relatively low range. Considering both MOS and WER metrics, it can be inferred that the performance of the Fastspeech2 model in synthesizing speech significantly improves after pretraining, rendering it suitable for subsequent fine-tuning in specific domains.

4 Experiments

In order to analyze the performance of the model CLIP-KNN-Fastspeech2 and the effect of the strategy of independent pre-training followed by joint fine-tuning, we designed two experimental schemes:

(1) Compare with the baseline models From the perspectives of subjective feelings and objective indicators, we evaluate the performance of this model and the existing SOTA model on three public datasets Flickr8k,VGGSound and ImageHear.

(2) Compare with other deep learning modelsDifferent training strategies: the two-stage output (image-text-audio) after independent pre-training VS the end-to-end output (image-audio) after pre-training and joint fine-tuning,different I2T models and different T2A models.

Note that in order to verify experiment (2), we used a Chinese public dataset Wukong and a selfbuilt dataset BIT-DP.

(3) The impact of different image-speech data ratios We set different image-audio data ratios for training on the datasets VGGSound and Wukong. Compare the changes in indicators between our model and the suboptimal models in Table 4 and 6.

4.1 Metrics

In order to save the training time and the data volume requirements of the deep neural network, we use the strategy of pre-training CLIP and Fastspeech2 modules independently, and then jointly fine-tuning.

The two-stage model proposed in this paper first pretrains the CLIP and Fastspeech2 models separately, and finally joint fine-tunes them on the self-built BIT dataset. In the I2T task stage, the objective evaluation metric accuracy (ACC) will be used to measure the effectiveness of the model’s image-text feature matching. Then, metrics such as Recall@1, Recall@5, and MeanR are set to evaluate the KNN network’s image-text retrieval capability. Specifically, refer to Equations (11) to (13):

ACC=TP+TNTP+TN+FP+FN𝐴𝐶𝐶𝑇𝑃𝑇𝑁𝑇𝑃𝑇𝑁𝐹𝑃𝐹𝑁\ ACC=\frac{TP+TN}{TP+TN+FP+FN}italic_A italic_C italic_C = divide start_ARG italic_T italic_P + italic_T italic_N end_ARG start_ARG italic_T italic_P + italic_T italic_N + italic_F italic_P + italic_F italic_N end_ARG (11)
Recall@k=TP@kTP@k+TN@k𝑅𝑒𝑐𝑎𝑙𝑙@𝑘𝑇𝑃@𝑘𝑇𝑃@𝑘𝑇𝑁@𝑘\ Recall@k=\frac{TP@k}{TP@k+TN@k}italic_R italic_e italic_c italic_a italic_l italic_l @ italic_k = divide start_ARG italic_T italic_P @ italic_k end_ARG start_ARG italic_T italic_P @ italic_k + italic_T italic_N @ italic_k end_ARG (12)
MeanR=i=1T(Recall@k)iT𝑀𝑒𝑎𝑛𝑅superscriptsubscript𝑖1𝑇subscript𝑅𝑒𝑐𝑎𝑙𝑙@𝑘𝑖𝑇\ MeanR=\frac{\sum_{i=1}^{T}\left(Recall@k\right)_{i}}{T}italic_M italic_e italic_a italic_n italic_R = divide start_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ( italic_R italic_e italic_c italic_a italic_l italic_l @ italic_k ) start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_ARG start_ARG italic_T end_ARG (13)

In which, TP𝑇𝑃TPitalic_T italic_P and FP𝐹𝑃FPitalic_F italic_P represent correctly and incorrectly predicted positive examples, while TN𝑇𝑁TNitalic_T italic_N and FN𝐹𝑁FNitalic_F italic_N represent correctly and incorrectly predicted negative examples, respectively. MeanR𝑀𝑒𝑎𝑛𝑅MeanRitalic_M italic_e italic_a italic_n italic_R stands for the average recall across multiple k𝑘kitalic_k values.

In the T2A task stage, the subjective qualitative metric MOS score (Mean Opinion Score) is improved, with five levels [Worse, Slightly Worse, About the Same, Slightly Better, Better] set, and 20 individuals of different genders, ages, and educational backgrounds are invited to subjectively evaluate the naturalness of synthesized audio. Meanwhile, the objective evaluation metric WER is introduced to measure the pronunciation accuracy of the Fastspeech2 model in synthesizing audio. It is noteworthy that the WER metric is calculated by manually judging the pronunciation of 20 randomly synthesized sentences. Shown as equations (14) and (15) for details:

MOS=j=15SjHjH𝑀𝑂𝑆superscriptsubscript𝑗15subscript𝑆𝑗subscript𝐻𝑗𝐻\ MOS=\frac{\sum_{j=1}^{5}S_{j}H_{j}}{H}italic_M italic_O italic_S = divide start_ARG ∑ start_POSTSUBSCRIPT italic_j = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 5 end_POSTSUPERSCRIPT italic_S start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT italic_H start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT end_ARG start_ARG italic_H end_ARG (14)
WER=K=1NWK/WKtN𝑊𝐸𝑅superscriptsubscript𝐾1𝑁subscript𝑊𝐾superscriptsubscript𝑊𝐾𝑡𝑁\ WER=\frac{\sum_{K=1}^{N}W_{K}/W_{K}^{t}}{N}italic_W italic_E italic_R = divide start_ARG ∑ start_POSTSUBSCRIPT italic_K = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT / italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT end_ARG start_ARG italic_N end_ARG (15)

where H𝐻Hitalic_H represents the total number of participants in the scoring process; Sjsubscript𝑆𝑗S_{j}italic_S start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT denotes the score corresponding to the j𝑗jitalic_j-th level, with Sjsubscript𝑆𝑗S_{j}italic_S start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT=[1,2,3,4,5];where a value closer to 5 indicates higher naturalness of the generated speech, and vice versa; Hjsubscript𝐻𝑗H_{j}italic_H start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT represents the number of participants who scored Sjsubscript𝑆𝑗S_{j}italic_S start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT. In equation (15), N𝑁Nitalic_N denotes the total number of audio samples to be evaluated, WKsubscript𝑊𝐾W_{K}italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT represents the number of incorrectly pronounced characters in the k𝑘kitalic_k-th audio sample, and WKtsuperscriptsubscript𝑊𝐾𝑡W_{K}^{t}italic_W start_POSTSUBSCRIPT italic_K end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT represents the total number of characters in the k𝑘kitalic_k-th audio sample.

In the Comparative Experiments , in addition to the WER metrics, the MCD  (Kubichek, 1993) metric is introduced to evaluate the ability of the CLIP-KNN-Fastspeech2 model to generate speech from images. MCD measures the quality of synthesized speech by calculating the distance between the Mel cepstral sequences of the original and synthesized audio. Here, the original audio is Chinese speech synthesized by the Coqui-TTS555https://github.com/coqui-ai/TTS speech synthesis tool, while the speech generated by our model serves as the test audio. It is noteworthy that both the WER and MCD metrics are calculated based on a random selection of 20 synthesized speech audio samples.At the same time, a Chinese speech recognition system is directly invoked666https://github.com/nl8590687/ASRT_SpeechRecognition, using voice as input and pinyin or text as output. The project model was used to generate a text transcription of the corresponding speech, which was compared with the real text description from the dataset Flickr-8k (Rashtchian et al., 2010) .This makes it easier for us to use the BLEU4 (Papineni et al., 2002) and METEOR (Banerjee and Lavie, 2005) to evaluate the Image-to-Audio model in different language scenarios.Meanwhlie,CS(CLIP-Score) (Sheffer and Adi, 2023) and FAD(Fr´echet Audio Distance) (Kilgour et al., 2018)are also used to further increase the credibility of the performance comparison with the SOTA model.

4.2 Comparative Experiments

Table 4: Objective Comparison with SOTA Methods on Flickr8k,VGGSound and ImageHear (word-level comparison)
DATASET MODEL BLEU4\uparrow METEOR\uparrow CS\uparrow FAD\downarrow
SATHsu et al. (2020) 11.6 14.1 -- --
SAT-FTHsu et al. (2020) 12.5 14.5 -- --
Flickr8k Image2speechEffendi et al. (2021) 14.8 17.4 -- --
CLIPSonic-IQDong et al. (2023) -- -- 7.743 3.754
Im2WavSheffer and Adi (2023) -- -- 8.685 8.022
Our Model 15.0 17.6 8.442 2.902
CLIPSonic-IQDong et al. (2023) -- -- 7.251 3.495
VGGSound Im2WavSheffer and Adi (2023) -- -- 7.827 6.005
Our Model 16.2 16.5 9.033 2.377
CLIPSonic-IQDong et al. (2023) -- -- 11.392 --
ImageHear Im2WavSheffer and Adi (2023) -- -- 9.843 --
Our Model 17.7 18.2 13.032 --

The experimental operating system in this article is Linux Ubuntu 20.04, the video memory is 40GB, and the GPU is A100. The Python version is 3.8, the pytorch version is 1.11.0.

4.2.1 Compare with the Baseline Model

As shown in Table 4 and Table 5. We selected the following baseline models for experiments:SAT (Hsu et al., 2020),SAT-FT (Hsu et al., 2020),Image2speech (Effendi et al., 2021), CLIPSonic-IQ (Dong et al., 2023) and Im2Wav (Sheffer and Adi, 2023).

Table 5: Subjective Comparison with SOTA Methods on Flickr8k,VGGSound and ImageHear.(MOS)
MODEL VGGSound ImageHear
Fidelity\uparrow Relevance \uparrow Fidelity \uparrow Relevance \uparrow
CLIPSonic-IQDong et al. (2023) 1.838±0.511 2.415±0.645 1.840±0.502 2.705±.398
Im2WavSheffer and Adi (2023) 2.533±0.522 2.140±0.551 2.888±0.502 3.215±0.291
Our Model 2.720±0.460 2.700±0.680 3.020±0.620 3.240±0.340
Table 6: Comparison of Different DL Models on Wukong and BIT-DP
NUMBER MODEL Wukong BIT-DP
WER(%percent\%%)\downarrow Mean_MCD\downarrow WER(%percent\%%)\downarrow Mean_MCD\downarrow
1 CNN-LSTM+Tacotron2 9.5 8.103 9.7 8.332
2 VLBERT+Tacotron2 7.2 6.062 7.6 6.437
3 VLBERT+Fastspeech2 5.8 4.877 6.4 5.282
4 CLIP-KNN+Fastspeech2 4.9 4.228 5.1 4.708
5 Our Model 4.1 3.276 4.2 3.622

4.2.2 Compare with Other DL Models

The I2T model includes CNN-LSTMXu et al. (2015), VLBERT (Visual-Linguistic BERT) (Su et al., 2019) and CLIP, and the T2A model mainly uses Tacotron2 and Fastspeech2.

CNN-LSTM The attention mechanism is mainly used to correspond the image block features extracted by CNN to the words predicted by LSTM.

VLBERT A Visual Feature Embedding layer is added to the input of BERT to embed the image features extracted by Fast R-CNN. Then, the image and text are used as clues for mask prediction.

Tacotron 2 WaveNet replaces the Griffin-Lim algorithm in Tacotron and uses LSTM and convolutional layers to improve the similarity of synthesized speech waveforms to human voices.

For more information about model CLIP and Fastspeech2, please refer to section 3.4 and will not be repeated here.

From Table 6, the following conclusions can be drawn:

(1) The experimental group with different I2T models was composed of model 1 and 2, model 3 and 4. The comparison of the two experimental groups shows that the VLBERT model is better than the CNN-LSTM for image and text retrieval, which decreases by 2.1% on the WER index and nearly two percentage points on the Mean_MCD index.In the same way, the CLIP-KNN model is easier to capture the feature relationship between images and texts than the VLBERT model.

(2) Model 2 and Model 3 were composed of experimental groups using different T2A models. The Fastspeech2 model is better than the Tacotron2 model in terms of WER and Mean_MCD, and Fastspeech2 shows better performance in terms of the accuracy of audio synthesis.

(3) Experimental groups with different output forms were composed of model 4 and model 5. Here, "+" means that the I2T model is used to output the text first, and then the text is processed into the input of the subsequent T2A model to synthesize speech. From the changes in the WER and Mean_MCD values of the two indicators, we can clearly see the strategic advantages of integrating multiple basic models.

In view of the above conclusions, the explanation is as follows:

(1) CNN-LSTM uses CNN to extract useful spatial features from the image, and transforms these features into a feature vector containing the overall information and local details of the image, uses the LSTM to capture the long dependencies in the text, and then realizes the matching of the image feature vector and the text feature vector in the semantic space through the attention mechanism. However, the use of LSTM can only focus on the current position and the next word position when processing long texts, resulting in the forgetting of semantic information between contexts. Through the stacking of multi-layer multi-modal Transformer attention modules, the VLBERT model can derive representations with rich visual language cue aggregation and alignment functions. Compared with VLBERT’s efficient collaboration in dealing with cross-modal tasks, CLIP establishes a strong connection in cross-modal semantics and can maintain high feature recognition ability in the case of drastic domain changes.

(2) Compared with the Tacotron2 model, which controls the quality of synthesized speech by integrating the prediction loss, binary classification loss, and the loss of the Mel spectrum generated by the postnet network and the target Mel spectrum, Fastspeech2 optimizes and reduces the loss of audio and energy that affect the speech quality to generate audio that is more similar to human language.

(3) Compared with the conversion output of image-text-audio modality, the strategy of fine-tuning and training multiple basic models at the same time by designing the target loss takes into account the capabilities of I2T and T2A models and minimizes the modal conversion loss.

Refer to caption
Figure 6: Our method achieves better results on both metrics and possesses faster inference speed(samller circle size).

From the comparison of the above experimental results, it can be concluded that the synthetic sound quality effect of the proposed model shows certain advantages in objective analysis, perceptual cognition and model reasoning speed compared with the existing models.

4.2.3 The impact of different image-speech data ratios

Setting different training sample ratios on the VGGSound dataset and compared the changes in the CS and FAD indicators of the CLIPSonic-IQ (Dong et al., 2023) model. Similarly, we compared the model in this paper with the VLBERT+Fastspeech2 model on the Wukong dataset and observed the changes in WER and Mean_MCD.

Refer to caption
Figure 7: The numerical changes of CS and FAD on VGGSound with different training set ratios.
Refer to caption
Figure 8: The numerical changes of WER and Mean_MCD on Wukong with different training set ratios.

It should be noted that the training set size is considered to be strongly positively correlated with performance. Therefore, we only compared the best performance of the suboptimal model (only discussing the indicator values of the suboptimal model when the training set size is 100%).

From the visualization results in Figure 78, we can see that our model can still achieve similar index values to the suboptimal model when reducing the training samples by 50%percent\%%-55%percent\%%.

4.3 Ablation Experiments

Through the above comparative experiments, the model CLIP-KNN-Fastspeech2 shows good speech synthesis effect. In order to further analyze the influence of the basic model on the effect of synthetic speech, the self-built BIT-DP dataset was used to analyze the effect of the CLIP model using different visual encoders or different vocoder combinations on braille image-speech conversion (80% in the training set and 20 %percent\%% in the test set).

4.3.1 Convergence Analysis

The modality conversion capabilities in the I2T and T2A stages directly influence the quality of the output speech. Due to variations in feature extraction capabilities among different visual encoders for braille images and differences in optimization functions for audio factors such as energy and pitch among different speech synthesizers, a comparison of loss convergence among different models will be conducted on the same BIT-DP dataset (epoch=50), as depicted in Figure 9.

Refer to caption
Figure 9: The convergence situation of model fine-tuning on the BIT-DP dataset.

The key difference lie in Figure 5 is that Figure 9 depicts more iteration rounds are required for individual vocoder pre-training. After fine-tuning, the loss trends of the four models stabilize and converge after 50 epochs, indicating that the efficiency of step-wise pre-training followed by joint fine-tuning is higher than directly joint training. From the overall loss trend graph, it can be observed that the model CLIPViT-H/14-KNN-Fastspeech2 has the fastest convergence speed and the smallest convergence loss, while the model CLIPViT-H/14-KNN-Tacotron2 has the slowest convergence speed and the largest convergence loss. Zooming in on the details from epoch 20 to 50:

(1) The model CLIPViTH/14𝑉𝑖𝑇𝐻14{ViT-H/14}italic_V italic_i italic_T - italic_H / 14-KNN-Fastspeech2 starts to converge after 25 iterations,which is 10 epochs earlier than the model CLIPViT-H/14-KNN-Tacotron2. (2) The convergence time points and convergence loss values of the models CLIPViT-L/14-KNN-Fastspeech2 and CLIPViT-H/14-KNN-Fastspeech2 are consistent, while they differ from the convergence loss of the model CLIPViT-B/16-KNN-Fastspeech2.

Analysis of the above results:

(1)The different model architectures involved only vary in the TTS (Text to Speech) model. Fastspeech2, based on the Transformer architecture, updates parameters in parallel layers, unlike the Tacotron2 model, which employs an LSTM (Long short-term memory) decoder. In Tacotron2, the generation of the mel-spectrogram at time t depends on the output of the previous time step, which significantly impacts the convergence speed between the two models.

(2)The main difference in the models involved lies in the visual encoder. Although ViT-B/16, ViT-L/14, and ViT-H/14 all utilize the Transformer architecture, the latter two have 16 attention heads and adopt a patch size of 14×14 pixels. Therefore, when processing the same image, the latter two are more likely to highlight image details and capture important local features compared to ViT-B/16, which has 14 attention heads and a patch size of 16×16 pixels.

4.3.2 Audio Quality Analysis

After analyzing the loss convergence trend of the model, we introduce MOS indicators to quantitatively analyze the human subjective perception of the synthesized speech of different visual encoder models.Firstly, the synthesized speech was manually rated, and the number of ratings for different levels of speech naturalness was counted. Then, we tested the significance of the obtained voting results with a 95% confidence interval and obtained a Pisubscript𝑃𝑖P_{i}italic_P start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT<0.05, where i𝑖iitalic_i represents the model number. Prove that the voting results are representative, and of course we have also introduced the basic information of the people who participated in the voting in the Table 7.

Table 7: General Information of Voters. μ𝜇\muitalic_μ:AVERAGE,σ𝜎\sigmaitalic_σ:STANDARD DEVIATION,HE: with HIGHER EDUCATION
INFORMATION MALE FEMALE
Number of subjects 28 22
Age[years](μ𝜇\muitalic_μ±σ𝜎\sigmaitalic_σ) 26±4.7 24±3.1
Range of age[years] 20-33 19-29
Education background 79%percent\%%(HE)21%percent\%%(other) 82%percent\%%(HE)18%percent\%%(other)
Refer to caption
Figure 10: Count of Ratings (The numbers in the figure represent models 1: CLIPViT-H/14-KNN-Tacotron2, 2: CLIPViT-B/16-KNN-Fastspeech2, 3: CLIPViT-L/14-KNN-Fastspeech2, 4: CLIPViT-H/14-KNN-Fastspeech2, and the numbers in the figure represent the number of ratings for each level.)

In Figure 10, it can be observed that the varying shades of color correspond to the degree of naturalness of the speech. The distribution of the number of ratings for each level of speech naturalness generally follows a normal distribution pattern, consistent with the statistical principles of rating scales. Subsequently, when calculating the MCD metric, the standard mode is used to compute the direct Euclidean distance based on Mel Cepstral coefficients. Finally, the mean value of MCD for 20 speech samples is calculated and denoted as Mean_MCD. The specific results of the metric calculations are shown in Table 8.

Table 8: Audio Quality Analysis with Different Visual Encoders
NUMBER Fidelity(MOS)\uparrow WER(%percent\%%)\downarrow Mean_MCD\downarrow
1 2.36 6.2 5.208
2 3.14 4.9 4.512
3 3.08 4.4 3.934
4 3.2 4.2 3.622

Conclusions drawn from Table 8 are as follows:

(1)Comparing the performance of the four models across three metrics reveals that Model 4 exhibits the most prominent ability in the image-to-speech modal conversion.

(2)Comparing Model 1 and 4, it is evident that Model 4 outperforms Model 1 in both naturalness MOS and WER metrics. This may be attributed to the introduction of variable adapters in the TTS model Fastspeech2, which adjusts the naturalness of speech by optimizing the loss functions for phoneme duration, energy, and pitch. In contrast, the Tacotron2 model synthesizes speech based on the generated mel-spectrogram using a modified WaveNet. Regarding the MCD metric, Model 4 also outperforms Model 1. Unlike Model 1, which only utilizes a 5-layer CNN network as Post-net to adjust the generated mel-spectrogram, Model 4 simultaneously considers the generation of the mel-spectrogram and the alignment of the mel-spectrogram with the text embeddings in the position encoding (time frames).

(3)Comparing Model2, Model3, and Model4, it is observed that the pixel size sampled by the visual encoder and the number of attention heads have an impact on speech synthesis under the same TTS model. However, the difference in WER and Mean_MCD metric values is not significant, possibly due to the limited image size and local features of the BIT dataset. (1. Average image size: 120×80, 2. Features: point position information and point count information).

4.4 Futher Analysis

In this section, we will analyze the following data and loss weight parameters from two perspectives:Given the inconsistent number of braille cells and composition rules among different data types, the potential data noise also has a negative effect on the model performance. To further analyze the impact of data types and data processing on model performance, suitable datasets were selected for experimentation according to the dataset division criteria outlined in Section 4.3.At the same time, the weight parameter combinations lost at different stages were designed to explore the influence of the conversion ability of each stage on the final speech synthesis effect.

4.4.1 the Impact of Data Types

Using the I2T model CLIPViT-H/14, experiments were conducted on datasets BIT-N, BIT-S, and BIT-P to assess the model’s ability to learn features for the three types of data: numbers, pinyin, and punctuation. The cosine similarity of image-text matching was employed for this evaluation, as illustrated in Figure 11.

Refer to caption
Figure 11: Cosine similarity of image-text pairs (Unnormalized)

In Figure 11, the cosine similarity of image-text pairs for three types of data is computed to analyze the capability of model CLIPViT-H/14 in extracting features from both images and texts. Here, the average of the sum of cosine similarity ranges for each column is calculated to quantify which type of data the model is more adept at recognizing. The average range in Figure (a) is 0.186, in Figure (b) is 0.226, and in Figure (c) is 0.144. It can be concluded that the model performs best in recognizing Braille image-digit data, while it exhibits the weakest feature extraction capability for Braille image-punctuation data.

4.4.2 the Impact of Data Processing

In Section 4.3, two scenarios of "dirty data" and two data augmentation methods were presented. To validate the necessity of data preprocessing, experiments were conducted using the best-performing model in speech synthesis quality, CLIPViT-H/14-KNN-Fastspeech2, on three datasets: BIT, BIT-DC, and BIT-DA. Considering the model’s runtime, 30% of each dataset was utilized, and the WER metric was used for quantitative comparison. The results are presented in Table 9.

Table 9: Comparison of WER Values Before and After Data Processing
DATASET WER(%percent\%%)\downarrow
BIT 9.1
BIT-DC 6.4
BIT-DP 4.2

From the results in Table 9, it is evident that the improvement in speech synthesis after data cleaning is significant. The BIT-DP dataset, derived from data augmentation based on BIT-DC after data cleaning, expands the dataset, enabling the model to extract more features related to the positions and quantities of Braille image points. Consequently, this enhancement improves the accuracy of the text and reduces the phoneme error rate in speech synthesis.

4.4.3 Weight Parameters Analysis

According to the objective loss function Losstotal𝐿𝑜𝑠subscript𝑠𝑡𝑜𝑡𝑎𝑙Loss_{total}italic_L italic_o italic_s italic_s start_POSTSUBSCRIPT italic_t italic_o italic_t italic_a italic_l end_POSTSUBSCRIPT, the numerical magnitude of λ1subscript𝜆1\lambda_{1}italic_λ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and λ2subscript𝜆2\lambda_{2}italic_λ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT indirectly reflects the contribution of I2T and T2A to the final speech synthesis capability in the CLIP-KNN-Fastspeech2 model. We will select the optimal model CLIPViT-H/14-KNN-Fastspeech2 in Table 4 for comparative analysis of WER indicators on the test set of BIT-DP,Wukong.At the same time, we also analyzed the changes in FAD values under different parameter combinations on the datasets VGGSound and Flickr8k. As shown in the Figure 12.

Refer to caption
Figure 12: Comparison of WER and FAD under different combinations of weight parameters

From Figure 12, our consideration of setting the initial weight parameters in Section 4 is reasonable. It is further proved that the feasibility of each component of the two-stage model designed in this paper, and the stage effect of I2T and T2A is definitely critical.

5 Conclusion

In this paper, we integrate basic models such as CLIP and Fastspeech2, and propose an I2A model CLIP-KNN-Fastspeech2 that facilitates visually impaired people to quickly acquire braille image knowledge. By pre-training Chinese CLIP and Chinese Fastspeech2 in parallel, and then fine-tuning on the braille image dataset. Then, by comparing the performance of multiple models on PER and other indicators, it is verified that the proposed model can achieve the output from Braille image to high-quality audio in Chinese language scenarios. At the same time, ablation experiments on CLIP models of different visual encoders were designed, and it was concluded that the visual encoder ViT-H/14 was better than the other two visual encoders in extracting image features. Finally, the recognition ability of the model for different data types (Pinyin, Punctuation, Number) is further analyzed, and the necessity of data processing is verified. In the future, the fusion ability of the basic model will be strengthened, and the semantic space module of image-text-speech will be constructed to replace the text data designed to conform to the input of the text-to-speech stage, so as to further reduce the modal conversion loss.

References

  • Banerjee and Lavie (2005) Satanjeev Banerjee and Alon Lavie. 2005. Meteor: An automatic metric for mt evaluation with improved correlation with human judgments. In Proceedings of the acl workshop on intrinsic and extrinsic evaluation measures for machine translation and/or summarization, pages 65–72.
  • Bao et al. (2022a) Hangbo Bao, Wenhui Wang, Li Dong, Qiang Liu, Owais Khan Mohammed, Kriti Aggarwal, Subhojit Som, Songhao Piao, and Furu Wei. 2022a. Vlmo: Unified vision-language pre-training with mixture-of-modality-experts. Advances in Neural Information Processing Systems, 35:32897–32912.
  • Bao et al. (2022b) Hangbo Bao, Wenhui Wang, Li Dong, and Furu Wei. 2022b. Vl-beit: Generative vision-language pretraining. arXiv preprint arXiv:2206.01127.
  • Chen et al. (2020) Honglie Chen, Weidi Xie, Andrea Vedaldi, and Andrew Zisserman. 2020. Vggsound: A large-scale audio-visual dataset. In ICASSP 2020-2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 721–725. IEEE.
  • Chen et al. (2023a) Liu Chen, Michael Deisher, and Munir Georges. 2023a. An end-to-end neural network for image-to-audio transformation. In ICASSP 2023-2023 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 1–5. IEEE.
  • Chen et al. (2023b) Yuxin Chen, Zongyang Ma, Ziqi Zhang, Zhongang Qi, Chunfeng Yuan, Ying Shan, Bing Li, Weiming Hu, Xiaohu Qie, and JianPing Wu. 2023b. Vilem: Visual-language error modeling for image-text retrieval. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 11018–11027.
  • Chen et al. (2023c) Zhe Chen, Hongcheng Liu, and Yu Wang. 2023c. Dialogmcf: Multimodal context flow for audio visual scene-aware dialog. IEEE/ACM Transactions on Audio, Speech, and Language Processing.
  • Chi et al. (2023) Peide Chi, Yong Feng, Mingliang Zhou, Xian-cai Xiong, Yong-heng Wang, and Bao-hua Qiang. 2023. Tiar: Text-image-audio retrieval with weighted multimodal re-ranking. Applied Intelligence, 53(19):22898–22916.
  • Chung et al. (2020) Soo Whan Chung, Joon Son Chung, and Hong Goo Kang. 2020. Perfect match: Self-supervised embeddings for cross-modal retrieval. IEEE Journal of Selected Topics in Signal Processing, PP(99):1–1.
  • Dong et al. (2023) Hao-Wen Dong, Xiaoyu Liu, Jordi Pons, Gautam Bhattacharya, Santiago Pascual, Joan Serrà, Taylor Berg-Kirkpatrick, and Julian McAuley. 2023. Clipsonic: Text-to-audio synthesis with unlabeled videos and pretrained language-vision models. In 2023 IEEE Workshop on Applications of Signal Processing to Audio and Acoustics (WASPAA), pages 1–5. IEEE.
  • Dosovitskiy et al. (2020) Alexey Dosovitskiy, Lucas Beyer, Alexander Kolesnikov, Dirk Weissenborn, Xiaohua Zhai, Thomas Unterthiner, Mostafa Dehghani, Matthias Minderer, Georg Heigold, Sylvain Gelly, et al. 2020. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv preprint arXiv:2010.11929.
  • Effendi et al. (2021) Johanes Effendi, Sakriani Sakti, and Satoshi Nakamura. 2021. End-to-end image-to-speech generation for untranscribed unknown languages. IEEE Access, 9:55144–55154.
  • Gu et al. (2022) Jiaxi Gu, Xiaojun Meng, Guansong Lu, Lu Hou, Niu Minzhe, Xiaodan Liang, Lewei Yao, Runhui Huang, Wei Zhang, Xin Jiang, et al. 2022. Wukong: A 100 million large-scale chinese cross-modal pre-training benchmark. Advances in Neural Information Processing Systems, 35:26418–26431.
  • Harwath and Glass (2015) David Harwath and James Glass. 2015. Deep multimodal semantic embeddings for speech and images. In 2015 IEEE Workshop on Automatic Speech Recognition and Understanding (ASRU), pages 237–244. IEEE.
  • Hsu et al. (2020) Wei-Ning Hsu, David Harwath, Christopher Song, and James Glass. 2020. Text-free image-to-speech synthesis using learned segmental units. arXiv preprint arXiv:2012.15454.
  • Huang et al. (2023a) Jiawei Huang, Yi Ren, Rongjie Huang, Dongchao Yang, Zhenhui Ye, Chen Zhang, Jinglin Liu, Xiang Yin, Zejun Ma, and Zhou Zhao. 2023a. Make-an-audio 2: Temporal-enhanced text-to-audio generation. arXiv preprint arXiv:2305.18474.
  • Huang et al. (2023b) Jinghao Huang, Yaxiong Chen, Shengwu Xiong, and Xiaoqiang Lu. 2023b. Self-supervision interactive alignment for remote sensing image–audio retrieval. IEEE Transactions on Geoscience and Remote Sensing, 61:1–14.
  • Huang et al. (2023c) Tianyuan Huang, Wei Su, Lei Liu, Jing Zhang, Chuan Cai, Yongna Yuan, and Cunlu Xu. 2023c. Translating braille into chinese based on improved cbhg model. Displays, 78:102445.
  • Kilgour et al. (2018) Kevin Kilgour, Mauricio Zuluaga, Dominik Roblek, and Matthew Sharifi. 2018. Fr\\\backslash\’echet audio distance: A metric for evaluating music enhancement algorithms. arXiv preprint arXiv:1812.08466.
  • Kong et al. (2020) Jungil Kong, Jaehyeon Kim, and Jaekyoung Bae. 2020. Hifi-gan: Generative adversarial networks for efficient and high fidelity speech synthesis. Advances in neural information processing systems, 33:17022–17033.
  • Kreuk et al. (2022) Felix Kreuk, Gabriel Synnaeve, Adam Polyak, Uriel Singer, Alexandre Défossez, Jade Copet, Devi Parikh, Yaniv Taigman, and Yossi Adi. 2022. Audiogen: Textually guided audio generation. arXiv preprint arXiv:2209.15352.
  • Kubichek (1993) Robert Kubichek. 1993. Mel-cepstral distance measure for objective speech quality assessment. In Proceedings of IEEE pacific rim conference on communications computers and signal processing, volume 1, pages 125–128. IEEE.
  • Lei et al. (2023) Yikun Lei, Zhengshan Xue, Xiaohu Zhao, Haoran Sun, Shaolin Zhu, Xiaodong Lin, and Deyi Xiong. 2023. Ckdst: Comprehensively and effectively distill knowledge from machine translation to end-to-end speech translation. In Findings of the Association for Computational Linguistics: ACL 2023, pages 3123–3137.
  • Li et al. (2022) Junnan Li, Dongxu Li, Caiming Xiong, and Steven Hoi. 2022. Blip: Bootstrapping language-image pre-training for unified vision-language understanding and generation. In International conference on machine learning, pages 12888–12900. PMLR.
  • Li et al. (2021) Junnan Li, Ramprasaath Selvaraju, Akhilesh Gotmare, Shafiq Joty, Caiming Xiong, and Steven Chu Hong Hoi. 2021. Align before fuse: Vision and language representation learning with momentum distillation. Advances in neural information processing systems, 34:9694–9705.
  • Li et al. (2023a) Minghao Li, Tengchao Lv, Jingye Chen, Lei Cui, Yijuan Lu, Dinei Florencio, Cha Zhang, Zhoujun Li, and Furu Wei. 2023a. Trocr: Transformer-based optical character recognition with pre-trained models. In Proceedings of the AAAI Conference on Artificial Intelligence, pages 13094–13102.
  • Li et al. (2024) Xiang Li, Zhi-Qi Cheng, Jun-Yan He, Xiaojiang Peng, and Alexander G Hauptmann. 2024. Mm-tts: A unified framework for multimodal, prompt-induced emotional text-to-speech synthesis. arXiv preprint arXiv:2404.18398.
  • Li et al. (2023b) Yanghao Li, Haoqi Fan, Ronghang Hu, Christoph Feichtenhofer, and Kaiming He. 2023b. Scaling language-image pre-training via masking. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 23390–23400.
  • Lin et al. (2023) Fei Lin, Shengqiang Liu, Cong Zhang, Jin Fan, and Zizhao Wu. 2023. Stylebert: Text-audio sentiment analysis with bi-directional style enhancement. Information Systems, 114:102147.
  • Lin et al. (2021) Junyang Lin, Rui Men, An Yang, Chang Zhou, Ming Ding, Yichang Zhang, Peng Wang, Ang Wang, Le Jiang, Xianyan Jia, et al. 2021. M6: A chinese multimodal pretrainer. arXiv preprint arXiv:2103.00823.
  • Liu et al. (2023) Haohe Liu, Zehua Chen, Yi Yuan, Xinhao Mei, Xubo Liu, Danilo Mandic, Wenwu Wang, and Mark D Plumbley. 2023. Audioldm: Text-to-audio generation with latent diffusion models. arXiv preprint arXiv:2301.12503.
  • Liu et al. (2019) Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. 2019. Roberta: A robustly optimized bert pretraining approach. arXiv preprint arXiv:1907.11692.
  • Ning et al. (2021) Hailong Ning, Bin Zhao, and Yuan Yuan. 2021. Semantics-consistent representation learning for remote sensing image–voice retrieval. IEEE Transactions on Geoscience and Remote Sensing, 60:1–14.
  • Oh et al. (2024) Hyung-Seok Oh, Sang-Hoon Lee, and Seong-Whan Lee. 2024. Diffprosody: Diffusion-based latent prosody generation for expressive speech synthesis with prosody conditional adversarial training. IEEE/ACM Transactions on Audio, Speech, and Language Processing.
  • Papineni et al. (2002) Kishore Papineni, Salim Roukos, Todd Ward, and Wei-Jing Zhu. 2002. Bleu: a method for automatic evaluation of machine translation. In Proceedings of the 40th annual meeting of the Association for Computational Linguistics, pages 311–318.
  • Rashtchian et al. (2010) Cyrus Rashtchian, Peter Young, Micah Hodosh, and Julia Hockenmaier. 2010. Collecting image annotations using amazon’s mechanical turk. In Proceedings of the NAACL HLT 2010 workshop on creating speech and language data with Amazon’s Mechanical Turk, pages 139–147.
  • Reddy et al. (2021) Yerrabolu Sailendra Chakravarthy Reddy, Rohit Singh, and Manju More. 2021. Recognizing handwritten characters using ocr & converting into tts. International Journal of Advanced Research in Computer Science, 12.
  • Ren et al. (2020) Yi Ren, Chenxu Hu, Xu Tan, Tao Qin, Sheng Zhao, Zhou Zhao, and Tie-Yan Liu. 2020. Fastspeech 2: Fast and high-quality end-to-end text to speech. arXiv preprint arXiv:2006.04558.
  • Rodriguez et al. (2023) Juan A Rodriguez, David Vazquez, Issam Laradji, Marco Pedersoli, and Pau Rodriguez. 2023. Ocr-vqgan: Taming text-within-image generation. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, pages 3689–3698.
  • Sheffer and Adi (2023) Roy Sheffer and Yossi Adi. 2023. I hear your true colors: Image guided audio generation. In ICASSP 2023-2023 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 1–5. IEEE.
  • Shen et al. (2018) Jonathan Shen, Ruoming Pang, Ron J Weiss, Mike Schuster, Navdeep Jaitly, Zongheng Yang, Zhifeng Chen, Yu Zhang, Yuxuan Wang, Rj Skerrv-Ryan, et al. 2018. Natural tts synthesis by conditioning wavenet on mel spectrogram predictions. In 2018 IEEE international conference on acoustics, speech and signal processing (ICASSP), pages 4779–4783. IEEE.
  • Sofer and Chazan (2024) Amit Sofer and Shlomo E Chazan. 2024. C-clapa: Improving text-audio cross domain retrieval with captioning and augmentations. In ICASSP 2024-2024 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pages 8040–8044. IEEE.
  • Su et al. (2019) Weijie Su, Xizhou Zhu, Yue Cao, Bin Li, Lewei Lu, Furu Wei, and Jifeng Dai. 2019. Vl-bert: Pre-training of generic visual-linguistic representations. arXiv preprint arXiv:1908.08530.
  • Sun et al. (2023) Haoran Sun, Xiaohu Zhao, Yikun Lei, Shaolin Zhu, and Deyi Xiong. 2023. Towards a deep understanding of multilingual end-to-end speech translation. In Findings of the Association for Computational Linguistics: EMNLP 2023, pages 14332–14348.
  • Várkonyi et al. (2023) Dániel Tamás Várkonyi, José Luis Seixas Junior, and Tomáš Horváth. 2023. Dynamic noise filtering for multi-class classification of beehive audio data. Expert Systems with Applications, 213:118850.
  • Wang et al. (2024a) Heng Wang, Jianbo Ma, Santiago Pascual, Richard Cartwright, and Weidong Cai. 2024a. V2a-mapper: A lightweight solution for vision-to-audio generation by connecting foundation models. In Proceedings of the AAAI Conference on Artificial Intelligence, pages 15492–15501.
  • Wang et al. (2024b) Hsuan-Fu Wang, Yi-Jen Shih, Heng-Jui Chang, Layne Berry, Puyuan Peng, Hung-yi Lee, Hsin-Min Wang, and David Harwath. 2024b. Speechclip+: Self-supervised multi-task representation learning for speech via clip and speech-image data. arXiv preprint arXiv:2402.06959.
  • Wang et al. (2023) Xiao-Feng Wang, Zhi-Huang He, Kai Wang, Yi-Fan Wang, Le Zou, and Zhi-Ze Wu. 2023. A survey of text detection and recognition algorithms based on deep learning technology. Neurocomputing, 556:126702.
  • Xu et al. (2015) Kelvin Xu, Jimmy Ba, Ryan Kiros, Kyunghyun Cho, Aaron Courville, Ruslan Salakhudinov, Rich Zemel, and Yoshua Bengio. 2015. Show, attend and tell: Neural image caption generation with visual attention. In International conference on machine learning, pages 2048–2057. PMLR.
  • Yang et al. (2022) An Yang, Junshu Pan, Junyang Lin, Rui Men, Yichang Zhang, Jingren Zhou, and Chang Zhou. 2022. Chinese clip: Contrastive vision-language pretraining in chinese. arXiv preprint arXiv:2211.01335.
  • Yang et al. (2023) Dongchao Yang, Jianwei Yu, Helin Wang, Wen Wang, Chao Weng, Yuexian Zou, and Dong Yu. 2023. Diffsound: Discrete diffusion model for text-to-sound generation. IEEE/ACM Transactions on Audio, Speech, and Language Processing.
  • Yu et al. (2022) Jiahui Yu, Zirui Wang, Vijay Vasudevan, Legg Yeung, Mojtaba Seyedhosseini, and Yonghui Wu. 2022. Coca: Contrastive captioners are image-text foundation models. arXiv preprint arXiv:2205.01917.
  • Yuan et al. (2022) Zhiqiang Yuan, Wenkai Zhang, Changyuan Tian, Yongqiang Mao, Ruixue Zhou, Hongqi Wang, Kun Fu, and Xian Sun. 2022. Mcrn: A multi-source cross-modal retrieval network for remote sensing. International Journal of Applied Earth Observation and Geoinformation, 115:103071.
  • Zhang et al. (2023) Shiqing Zhang, Yijiao Yang, Chen Chen, Xingnan Zhang, Qingming Leng, and Xiaoming Zhao. 2023. Deep learning-based multimodal emotion recognition from audio, visual, and text modalities: A systematic review of recent advancements and future prospects. Expert Systems with Applications, page 121692.
  • Zhao et al. (2023) Xiaohu Zhao, Haoran Sun, Yikun Lei, Shaolin Zhu, and Deyi Xiong. 2023. Ccsrd: Content-centric speech representation disentanglement learning for end-to-end speech translation. In Findings of the Association for Computational Linguistics: EMNLP 2023, pages 5920–5932.
  • Zhu et al. (2024a) Shaolin Zhu, Menglong Cui, and Deyi Xiong. 2024a. Towards robust in-context learning for machine translation with large language models. In Proceedings of the 2024 Joint International Conference on Computational Linguistics, Language Resources and Evaluation (LREC-COLING 2024), pages 16619–16629.
  • Zhu et al. (2023) Shaolin Zhu, Shangjie Li, Yikun Lei, and Deyi Xiong. 2023. Peit: Bridging the modality gap with pre-trained models for end-to-end image translation. In Proceedings of the 61st Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), pages 13433–13447.
  • Zhu et al. (2024b) Shaolin Zhu, Shangjie Li, and Deyi Xiong. 2024b. Vistfc: Vision-guided target-side future context learning for neural machine translation. Expert Systems with Applications, page 123411.