Video-Guided Curriculum Learning for Spoken Video Grounding

Yan Xia Zhejiang UniversityHangzhouChina xiayan.zju@gmail.com Zhou Zhao Zhejiang UniversityHangzhouChina zhaozhou@zju.edu.cn Shangwei Ye Zhejiang UniversityHangzhouChina yeshangwei@zju.edu.cn Yang Zhao Zhejiang UniversityHangzhouChina awalk@zju.edu.cn Haoyuan Li Zhejiang UniversityHangzhouChina lihaoyuan@zju.edu.cn  and  Yi Ren Zhejiang UniversityHangzhouChina rayeren613@gmail.com
Abstract.

In this paper, we introduce a new task, spoken video grounding (SVG), which aims to localize the desired video fragments from spoken language descriptions. Compared with using text, employing audio requires the model to directly exploit the useful phonemes and syllables related to the video from raw speech. Moreover, we randomly add environmental noises to this speech audio, further increasing the difficulty of this task and better simulating real applications. To rectify the discriminative phonemes and extract video-related information from noisy audio, we develop a novel video-guided curriculum learning (VGCL) during the audio pre-training process, which can make use of the vital visual perceptions to help understand the spoken language and suppress the external noise. Considering during inference the model can not obtain ground truth video segments, we design a curriculum strategy that gradually shifts the input video from the ground truth to the entire video content during pre-training. Finally, the model can learn how to extract critical visual information from the entire video clip to help understand the spoken language. In addition, we collect the first large-scale spoken video grounding dataset based on ActivityNet, which is named as ActivityNet Speech dataset. Extensive experiments demonstrate our proposed video-guided curriculum learning can facilitate the pre-training process to obtain a mutual audio encoder, significantly promoting the performance of spoken video grounding tasks. Moreover, we prove that in the case of noisy sound, our model outperforms the method that grounding video with ASR transcripts, further demonstrating the effectiveness of our curriculum strategy. The code is available at https://github.com/marmot-xy/Spoken-Video-Grounding.

datasets, contrastive learning, curriculum learning, video grounding
journalyear: 2022copyright: acmlicensedconference: Proceedings of the 30th ACM International Conference on Multimedia; October 10–14, 2022; Lisboa, Portugalbooktitle: Proceedings of the 30th ACM International Conference on Multimedia (MM ’22), October 10–14, 2022, Lisboa, Portugalprice: 15.00doi: 10.1145/3503161.3547996isbn: 978-1-4503-9203-7/22/10ccs: Computing methodologies Activity recognition and understanding

1. Introduction

With the explosive growth of videos on the Internet, systematically understanding video contents and quickly localizing the desired video fragments through a query has become increasingly important. Existing datasets (Gao et al., 2017; Heilbron et al., 2015) and approaches (Mun et al., 2020; He et al., 2019; Zhang et al., 2020) use text descriptions to locate the corresponding segments in the video, which have achieved promising results. However, with the development of the Automatic Speech Recognition (ASR) and Text To Speech (TTS), speech is becoming an essential medium for Human-to-machine interaction. Thus in this paper, to investigate whether unsegmented spoken language can highlight corresponding segments in unconstrained videos, we propose a new task named spoken video grounding (SVG), which exploits raw speech audio as input to localize the starting and ending video frames. Furthermore, in real-world scenarios, when people want to use their speech voice to interact with their smart device, i.e., mobile phones, or service robots, it is hard to guarantee their voice input will not be disturbed by any external noise. These noises can come from various sources, such as the sound of cars on the road and noisy people in the hall. Therefore, to better simulate the real-world application, we also randomly mix environment noises with the speech in our dataset. We are dedicated to suppressing this environment noise and localizing the video from speech voice more robustly.

Previous works have studied how to combine audio and vision together. Harwath et al. (Harwath et al., 2020a) and (Harwath et al., 2020b) utilize speech signals to highlight the relevant image regions. They think the process is similar to how babies recognize words and visual objects (Gómez and Gerken, 2000). However, spoken language is more related to visual events rather than still images. Thus (Rouditchenko et al., 2020) and (Boggust et al., 2019) use instructional videos to learn the semantic connection between raw speech and visual entities without any ASR transcripts. However, solely using instructional videos is limited to video events and spoken words. Therefore, in this paper, we bring up a novel spoken language video grounding task based on our new proposed dataset named ActivityNet Speech. The ActivityNet Speech dataset is extended from ActivityNet, which is open-domain and contains various activity types. The new task demonstrates that text annotations are not necessary to understand visual environments, machine can obtain meaningful linguistic abstractions like phonemes and syllables directly from speech signals.

 The overall of our proposed task. We directly use the noisy spoken audio to localize the corresponding video segment. The ASR transcripts show that there are lots of missing or wrong words due to the noise, which will mislead the grounding model if directly using the transcript results.
Figure 1. The overall of our proposed task. We directly use the noisy spoken audio to localize the corresponding video segment. The ASR transcripts show that there are lots of missing or wrong words due to the noise, which will mislead the grounding model if directly using the transcript results.

Our proposed task is closely related to text-to-video grounding. However, three limitations prevent it from being directly used in the spoken-to-video grounding task, specifically: 1) Utilizing ASR to recognize raw speech imposes several errors due to background sounds and accents. Further, 98% of languages are not available for ASR transcripts (Prasad et al., 2019). 2) ASR converts continuous unsegmented speech signals into discrete text signals. Introducing natural noise makes the words recognized by ASR have similar pronunciations but different semantics, i.e. ’adapt’ and ’adopt’. However, the noise influence on these phonemes and syllables in the voice signals is limited. By detecting the characteristics of these phonemes and syllables, directly using spoken audio can still accurately locate the related video segments. 3) Considering the actual case aiming to obtain the query results quickly after the voice input, grounding the video directly through spoken audio is intuitively more efficient than transcribing it to text through ASR.

To alleviate the abovementioned problems, we propose a video-guided curriculum learning (VGCL) strategy applied during the audio pretraining process to focus on the new task. Our method is similar to the infants’ learning process when trying to understand the relationship between external visual events and spoken language. First we utilize contrastive prediction learning (CPC) (van den Oord et al., 2018) to pretrain audio, which can capture long-term relations while maintaining local features from raw speech audio by employing an autoregressive model and contrastive estimation. The input training audio is mixed with random environment noise. Thus some phonemes may fail to predict due to interference. However, since the semantic information described by the video’s ground truth segment is consistent with the information represented by the speech, introducing the video content affords the CPC model more external knowledge to rectify the discriminative noisy phonemes of the speech signals. During the initial training, the visual input is ground truth video segment. Then it gradually shifts to the entire video clip during the training process. With a holistic understanding of the video content first, the model can learn the corresponding relationship between actions and phonemes step by step. Extensive experiments on the ActivityNet Speech dataset show that our pretrained audio encoder can greatly advance the performance, which demonstrates the effectiveness of our proposed video-guided curriculum learning scheme.

2. Related Work

2.1. Spoken-Visual Understanding

Harwath et al.(Harwath et al., 2020b) first investigate whether unsegmented raw speech audio can highlight the relevant regions in the images. This work demonstrates that this problem is quite challenging since the portions of the speech signals refer to shorter objects involving many categories. Nortje et al.(Nortje and Kamper, 2020) investigate how to study a shared embedding space of spoken words and images with a multi-modal few-shot learning. To further explore the relationships between images and speech, Hsu et al. (Hsu et al., 2020) collect a new spoken audio captions dataset from MSCOCO and introduce a model that directly generates fluent spoken audio captions of given images without any auxiliary text supervision. These works focus on the visual grounding of spoken language with static images. However, for humans to understand surrounding world, visual perception is inherently extended in time, as many spoken languages are related to the events or actions evolving over time rather than still images (Chrupala, 2021). Thus, recently some works have tackled this problem by focusing on the constrained domain of cooking videos (Monfort et al., 2021; Boggust et al., 2019; Rouditchenko et al., 2020). For example, (Boggust et al., 2019) explore the correlations among visual images and the corresponding spoken descriptions in cooking videos with unsupervised semantic learning. Rouditchenko et al. (Rouditchenko et al., 2020) investigate the relationship between spoken words and visual entities in videos with a contrastive loss. However, their model is trained only on instructional videos, limiting in the types of visual scenes and spoken languages. Onsescu et al. (Oncescu et al., 2021) introduce a new speech-video retrieval dataset. In this work, we employ the ActivityNet Speech dataset collected from ActivityNet, which is a open domain video collection and contains over 20k untrimmed videos.

2.2. Spoken Question Answering

Lee(Lee et al., 2018) first propose a open-domain spoken question answering (SQA) dataset. Li(Li et al., 2018) also introduce a spoken dataset for Stanford Question Answering Dataset (SQuAD). Many methods have been proposed to solve SQA problems(Chen et al., 2021; You et al., 2021b, 2020b, 2020a). (You et al., 2021b) propose a temporal-alignment attention mechanism to learn cross-modality alignment between speech and text embedding spaces. (You et al., 2021a) propose a knowledge distillation which can utilize the teacher trained on manual transcriptions to guide the training of the student on ASR transcriptions.

2.3. Video Grounding

Text-to-video temporal grounding is first studied in (Hendricks et al., 2017; Gao et al., 2017), aiming to localize the time interval in a video semantically relevant to the text description. Various models have been proposed to solve this problem, which can be divided into proposal-based and proposal-free methods. Proposal-based methods first extract candidate proposals with sliding windows and then rank the candidates with text query (Chen and Jiang, 2019; Zhang et al., 2019a, b). Zhang et al. (Zhang et al., 2019a) construct a graph to explicitly model moment-wise temporal relations. (Zhang et al., 2019b) learn fine-grained representation learning by devising a syntactic GCN to leverage the syntactic structure of queries and apply multi-head attention to capture long range semantic dependencies from video context. (Ma et al., 2021) use convolutional neural network to generate coarse video candidate moments and then adjust the boundary. (Hu et al., 2021) design a hierarchical semantic tree to explore the semantic relationship between different visual moments. (Qu et al., 2020) propose a fine-grained iterative attention module to incorporate information from text and video mutually. Although these methods have achieved promising results, they are suffering from time-consuming and computation-extensive problems.

Recently, thanks to the development of machine reading comprehension in NLP, proposal-free models have been proposed to alleviate the above mentioned problems. For example, (Chen et al., 2019) use a cross-gated attended recurrent module to exploit the interactions between text query and video, and then use a segment localizer to directly predict start and end moment. (Ghosh et al., 2019) apply an extractive approach which can leverage cross-modal interactions between text and video to predict the start and end frames. (Zhang et al., 2020) propose a simple but effective query-guided highlighting (QGH) strategy which can guide the model to search for matching video span within a highlighted region.

2.4. Curriculum Learning

Inspired by human learning process, Bengio et al. (Bengio et al., 2009) propose curriculum leaning that gradually increased the training data complexity. Many studies follow the original formulation that applies curriculum strategy at the data level (Shi et al., 2015; Pentina et al., 2015). There are also some methods that apply curriculum strategy at the model level, which gradually increase the model’s capacity during the training process (Karras et al., 2018; Sinha et al., 2020). Other works explore the curriculum learning at the task level. (Sarafianos et al., 2017) first group the tasks into strongly and weakly-correlated ones and then transfer the knowledge from the strongly-correlated tasks to the weakly-correlated tasks. Jiang et al. (Jiang et al., 2014) first propose a self-paced learning with diversity methodology, which formalizes the preference for both easy and diverse samples into a general regularizer. (Liang et al., 2016) combine the curriculum learning and self-paced learning together for webly labeled video data learning with noisy labels. (Platanios et al., 2019) propose a continuous curriculum learning in neural machine translation. In this paper, we propose a curriculum learning strategy similar to the data level methods, which gradually shift the given video content from ground truth part to the entire part during pretraining audio encoder utilizing contrastive learning.

3. ActivityNet Speech Dataset

To investigate whether machine can associate the unsegmented raw spoken language with related video contents together just like human being, we first construct a large-scale spoken video grounding dataset based on ActivityNet Caption (Krishna et al., 2017) and name it as ActivityNet Speech dataset. The new dataset contains over 70k speech annotations and 20k videos. The videos are open-domain and contain many kinds of activities. Each video is annotated with 3.65 natural language descriptions on average and marked with aligned temporal boundary timestamps and the average duration of videos is 117.74 seconds. To obtain the speech annotations, we employ 58 speakers to read the original text descriptions, which contain 28 male speakers and 30 female speakers. We try to keep the balance between different genders in order to avoid this becoming a confounding factor interfering with the model reasoning process. To guarantee the recording quality, we ask all the speakers to read smoothly without a stammer. The average of each speech recording is 6.22 seconds and about 124.3 hours in total. We split the dataset into 37417, 17505 and 17031 clip-audio pairs for training, validation, and testing, respectively.


Split
train val test


Number of items
37421 17505 17031
Avg. length of audio 6.36s 6.38s 5.74s

Table 1. The statistics of the Activity Speech dataset

4. Method

In this section, we first introduce the novel spoken video grounding task; then we give a description of the overall architecture of our proposed network; finally we detail the pre-training process of the audio CPC with video-guided curriculum learning (VGCL) strategy.

4.1. Spoken Language Video Grounding Task

Given a spoken audio and its corresponding video clip , the goal of the spoken language video grounding task is to localize the start and end video frames that semantically meet the description of the audio. In order to simulate the real-world scenarios, we randomly select an environmental sound (Piczak, 2015) that we consider as noise and merge it with the clean speech at a random ratio. Compared with traditional text-to-video grounding, the new task is far more challenging due to the unsegmented and unaligned noisy spoken audio. To bridge this gap, we propose a novel curriculum learning strategy that gradually understands the noisy spoken language with corresponding video content. Essentially, our method can imitate the process of babies trying to understand the relationship between spoken language and external visual events.

4.2. Overall Architecture

As depicted in Fig 2, our baseline model can be divided into four modules. Specifically, after encoding the video and spoken language into the same latent space, we can obtain the visual features as , and the audio features as , where and are the number of the extracted visual and audio frames, respectively. Then, we apply a self-attention layer to obtain a holistic understanding of the video content and utilize a context-query attention module to integrate the visual and audio features. Finally, we employ a prediction layer based on recurrent network to predict the temporal grounding result. Our main contribution is the audio pre-training process based on the video-guided curriculum learning. After obtaining the audio pre-trained model, we exploit it to replace the audio encoder in feature extraction process. More details about the curriculum learning strategy are presented in Section 5.

 The overview of our proposed network. In our full model, we use the pretrained video-guided curriculum learning module to replace the first audio 1D convolution encoder.
Figure 2. The overview of our proposed network. In our full model, we use the pretrained video-guided curriculum learning module to replace the first audio 1D convolution encoder.

4.3. Encoders

Audio encoder We represent the noisy audio input as a log Mel filterbank spectrogram, with a 16 kHz sampling rate, a 25 ms Hamming window, a 10 ms window stride, and 128 Mel filter bands. We apply two 1-D convolution blocks and a single layer unidirectional GRU to encode the spectrogram. Then we use two trainable CNN blocks with residual layers (Harwath et al., 2020b) to process the audio features into , where d denotes the feature dimension.

Video encoder For the untrimmed visual features extracted by pretrained C3D model(Tran et al., 2015), we use a 1D convolutional layer and one layer bi-directional GRU layer as our visual encoder, which can capture a long range information. We encode the visual features into the same dimension latent space with audio features as .

4.4. Visual-Audio Attention and Predict Layer

Following the previous machine reading comprehension works, we formulate the interaction between video context and audio query from the perspective of Context-Query Attention (CQA) module, which have been successfully used in many text-to-video grounding methods (Zhang et al., 2020; Zhao et al., 2021). We first input the visual features into a self-attention layer to get a holistic understanding of the entire video content: . Then we use the CQA to calculate the cross-modal similarity score between the visual and audio features. The video-to-audio attention and audio-to-video attention can be obtained by:

(1)

where and are the normalized result of similarity score by SoftMax along row and column axis, respectively. Finally these two attention matrices are fused to integrate the visual-audio attention vectors:

(2)

where FFN is the feed-forward layer and is the element-wise multiplication.

We use two unidirectional GRU to predict start and end boundaries and . Inspired by (Zhang et al., 2020), the end boundary probability is calculated based on the start boundary probability, since an event’s start and end boundaries are always related:

(3)

Instead of solely relying on sophisticated start and end boundaries prediction, we introduce an additional unidirectional GRU to predict inside frame probability , helping the model distinguish whether a frame belongs to an event. Then we apply three feed-forward layers to predict the boundary and the inside frame probability scores:

(4)
(5)

where and denote scores of the start and end boundaries at each position, denotes the scores of the inside frames whether relate to the spoken language description.

 The proposed video-guided curriculum learning module. (1) We extract the ground truth video features and mask the remaining parts during the initial training. Then we concatenate it with the entire video to obtain a comprehensive understanding. We process the video input with a transformer encoder layer. (2) We set the output of the visual features as the key and value matrices and set the audio features as the query. Then we employ a cross attention mechanism to extract the visual information that is related to audio. (3) The input video is gradually shifted from the ground truth part to the entire video content during the training process. Finally, the model can learn how to extract semantically related information from the entire video clip, distinguishing the ambiguous speech phonemes.
Figure 3. The proposed video-guided curriculum learning module. (1) We extract the ground truth video features and mask the remaining parts during the initial training. Then we concatenate it with the entire video to obtain a comprehensive understanding. We process the video input with a transformer encoder layer. (2) We set the output of the visual features as the key and value matrices and set the audio features as the query. Then we employ a cross attention mechanism to extract the visual information that is related to audio. (3) The input video is gradually shifted from the ground truth part to the entire video content during the training process. Finally, the model can learn how to extract semantically related information from the entire video clip, distinguishing the ambiguous speech phonemes.

5. Denoise Spoken Audio with Video-Guided Curriculum Learning

In this section, we will illustrate our proposed VGCL for the audio pretrain process. First, we introduce how to pretrain the audio spectrogram encoder by contrastive predictive coding (CPC) (van den Oord et al., 2018). Then we introduce the purpose of using video information to assist audio learning, and how to gradually shift the given video content from ground truth part to the entire video part. Finally we detail three different pacing functions for curriculum learning schedule.

5.1. Audio pretrain with CPC

CPC has been widely used in audio pre-training, which can extract high-level phonetic representations and acoustic units from raw observations by predicting the future samples with powerful autoregressive models. However, most of the previous works predict the future audio waveform features, which is not suitable for our task. Thus in this paper, we propose to directly train CPC on audio log-Mel spectrogram . The spectrogram is first processed by a stack of 2 convolutional layers as encoder , each downsamples the input by a factor of 2. Thus we can get a sequence of latent variables . Then we use a single layer undirectional GRU to summarize the information of all and obtain a context representation as .

Given a prediction of steps, a set of random negative samples and one positive sample , we use to predict the k-th future step , and the Info Loss can be optimized as:

(6)

where is the linear projection matrix for different step k. After pretraining, we can use the encoder and GRU layer to replace the according audio encoder layer in Section 4.3.

5.2. Video-Guided Curriculum Learning

Motivation: We all have such experiences, when the speech is disturbed by external noise, it is easy for us to misunderstand some keywords, i.e. ”sing” or ”seen” as shown in Fig 6. Such mistakes will lead us to completely misunderstand the original sentences. However, if we see the corresponding events while hearing the noise speech, the visual information will help us to rectify these errors. Besides, when babies first learn to understand the relationship between noisy speech and visual actions in the external world, their parents will point out the related visual events while repeating the descriptive speech. The introduction of visual information can help babies learn how to distinguish between noise and real useful voice information progressively.

Inspired by this, in this section, we propose a video-guided curriculum learning strategy, which can make use of visual perception to help audio pretrain with CPC and effectively suppress the environmental noise. The overall architecture of VGCL is shown in Figure 3. Specifically, given a piece of audio, we first use self-attention to have a comprehensive understanding of its corresponding video content as , then we use mask mechanism to keep the critical part of the video content. Concretely, the left and right mask boundary and can be calculated as follow:

(7)

where is the video length, and are the ground truth video start and end points, , is the number of the curriculum learning stages, . We use the mask matrix to obtain the masked video content as .

In the initial training stage, the visual input is the ground truth video part. Then we continue training the model with t increasing sequentially. For simplicity, we increase t from 0 to step by step, which means the input video part is gradually shifting from ground truth to the entire fragment. By understanding the information in this vital video content, we can learn the connections between phonemes and corresponding actions in the video, retaining key features and suppressing environmental noise during CPC autoregressive encoding. Meanwhile, we also find in the experiments that the effectiveness of solely adding ground truth video part is not satisfying due to the lack of video context information. Therefore, we concatenate the entire video clip with the masked video content in the time dimension: .

Then we project audio into the query features , and project the concatenated visual features into key and value features and . Finally we apply cross-modal attention to exploit related information from visual features:

(8)

where denotes the Relu function. Then we use to calculate , but still use to predict . The Info loss can be optimized as:

(9)

where is the linear projection matrix for different step k. After the pre-training process, we can obtain a mature audio encoder, which can extract vital visual information from the video clip and use it to rectify ambiguous phonemes from noisy speech input. We use the VGCL module to replace the first audio 1D convolution encoder as described in Fig 2. The experiments demonstrate that with the addition of VGCL module, our full model can effectively suppress the noise and improve the localization performance compared with baseline network.

5.3. Pacing Functions

Pacing function is widely used in curriculum learning strategies, which can control the training steps for different training stages. Concretely, we divide our training process into stages, and define three different pacing functions to control the training steps as increases: linear, exponential, and logarithmic (Liu et al., 2020). Linear function refers to exploiting the same training steps for each stage. Exponential function means that for early t, the training steps are small and become more prominent as the input video boundaries get blurred. Logarithmic function is entirely different from the exponential function as the training steps will gradually decrease as the t increases. We compare and analyze these different pacing functions with experiments to demonstrate the impact of different curriculum learning strategies on audio pretraining.

5.4. Training and Inference

Based on the abovementioned audio pretrain process with video-guided curriculum learning and main model structure, we can get the start and end boundary probability scores: and , where the probability distributions can be calculated as , ; and one inside frame probability scores: , where the distributions can be calculated as . Then we use these probability distributions to define two loss functions, boundary loss and inside loss:

Boundary loss: We utilize cross-entropy loss function to optimize the start and end boundary predictions, the loss item can be defined as:

(10)

Inside loss: We also introduce the inside frame loss to let the model distinguish whether a frame belongs to answer or not, which can further optimize the boundary prediction. Specifically, the inside loss item can be defined as:

(11)

where is the ground truth label for each frame, if the t-th frame belongs to the answer fragment, then the value of is 1, otherwise is 0.

The overall loss function of the main model can be summarized as .

At the inference time, the start and end boundary predictions can be calculated by maximize the probability scores and .

6. Experiments

6.1. Data Processing

For visual features, we follow the previous works (Zhang et al., 2020; Mun et al., 2020) and use the features extracted by a publicly available pre-trained C3D model (Tran et al., 2015). For each speech audio, we first randomly select a piece of noise from ESC-50 (Piczak, 2015), and then add the noise to a random part of the original audio with a proportion . ESC-50 dataset is a labeled collection of 2000 environmental audio and consists of 5-second-long recordings organized into 50 semantical classes, which can be divided into five main classes: animals, natural soundscapes/water sounds, human non-speech sounds, interior/domestic sounds and exterior/urban noises.

We downsample the noisy audio recordings to 16KHz and extract 128-dim mel-spectrogram features. For the convenience of model training, we uniformly sample segments from each mel-spectrogram feature with a fixed length . We use the Deepspeech (Authors, 2021) to translate the noise speech audio into text and obtain the word embeddings with the 300d Glove model (Pennington et al., 2014).

6.2. Model Configurations and Evaluation Metrics

We set the frame number of video as 64, and the frame length of audio as 1024 for ActivityNet Speech dataset. The hidden size of all layers for both audio and visual features is set to 1024. We split the features into 8 chunks to improve the model stability, and average the results of all chunks at last. The prediction step K for audio pretraining process is set to 3, and the default audio length is set to 256. For curriculum learning, the default pacing function is linear function, and . During training, we apply Adam optimizer to optimize the model with a warmup strategy, the initial learning rate is set to 0.001. Following the previous works (Gao et al., 2017; Mun et al., 2020), we apply ”R@n, IoU = m” and ”mIoU” as our evaluation metrics.


Query
Models IoU=0.3 IoU=0.5 IoU=0.7 mIoU

Audio
Base 44.93 28.59 15.40 31.89
Audio Base+VQCPC 44.29 26.18 14.90 31.94
Audio VSLBase (Zhang et al., 2020) 46.12 29.10 15.89 33.20
Audio Base+CPC 47.42 28.78 16.12 33.83
Audio VSLNet (Zhang et al., 2020) 46.75 29.08 16.24 34.01
Audio Full model 49.80 30.05 16.63 35.36
Text Base+text(ASR) 48.49 29.90 16.33 34.58
Text -Glove 50.46 27.32 15.83 33.82
Text Base+text(Ori) 60.57 42.96 25.68 43.34
Table 2. Comparisons with baselines on ActivityNet Speech dataset, n = 1 and

6.3. Compared with Baseline Model

Since the spoken video grounding is a new task, none of the previous works focus on handling it. Therefore, we set the model as depicted in Section 4 as our baseline model, which directly uses raw speech to localize the video fragments without any audio pretrain process, also we implement VSLNet (Zhang et al., 2020) with audio by ourselves. Besides, we compare our proposed method with another audio pretrain model, VQCPC (Wang et al., 2021), which combine VQ-VAE (van den Oord et al., 2017) and CPC together to extract speech representations. We also use the DeepSpeech to translate the noise audio into text to test the performance of the baseline model with these ASR transcripts.

The main results are shown in Table 2. Specifically, our proposed method can outperform the baseline model with a large margin, especially achieving score 1.23 absolute improvements in . The results of row 2 and row 4 indicate that the vanilla CPC is more suitable for this task. Further, as shown in row 4 and row 6, with the introduction of the video content, the performance is improved with a notable margin in both IoU and mIoU scores, which demonstrates that the video information can facilitate the audio denoising. The result in row 7 and row 8 indicate that although the text transcripts recognized by ASR have lots of errors, the introduction of Glove word embedding model can still guarantee video grounding performance. However, with the equipment of the proposed curriculum learning strategy, our VGCL can surpass the text-based grounding model in both accuracy and efficiency.

6.4. Ablation Studies

Model components To investigate the effect of individual components in our proposed VGCL module, we conduct a series of ablation studies, the results are shown in Table 3. To demonstrate the effectiveness of the curriculum learning, we remove it and simply use the entire video content to do cross-attention with audio features, denotes as ”w/o CL”. The scores drop a lot, which shows that without the highlight of ground truth visual features, the model can barely extract useful information from complex video contents. To further verify the effectiveness of the introduction of the video, we remove the entire video content, leaving only the masked video part, which denotes ”w/o entire video”. Also we remove the video self-attention layer, which denotes as ”w/o self attention”. The results show that both the entire video content and the self-attention layer can help extract context visual information, which is vital for audio pretraining. The default audio length when training CPC is set to 256, here we test the performance when the audio length is set to 128. The score decreases 0.3 in , indicating that the suitable length will benefit the audio pretraining process, short audio segments are difficult to extract relative information from the input video.


Models
IoU=0.3 IoU=0.5 IoU=0.7 mIoU


full model
49.80 30.05 16.63 35.36
w/o CL 46.83 29.19 16.08 33.04
w/o entire video 48.79 29.92 16.28 33.94
w/o self attention 49.00 30.09 16.42 34.65
w/o random 48.12 30.12 16.59 34.20
audio length=128 48.97 30.33 16.29 34.44
Table 3. Ablation study on the effect of different modules or settings in our video-guided curriculum learning (VGCL).

Pacing Functions
IoU=0.3 IoU=0.5 IoU=0.7 mIoU


Linear ()
49.80 30.05 16.63 35.36
Linear () 48.82 30.03 16.25 34.44
Exponential () 49.46 30.34 16.57 34.96
Exponential () 48.34 29.59 16.39 34.44
Logarithmic () 48.89 29.98 16.40 34.53
Logarithmic () 46.61 29.06 16.21 33.30

Table 4. Ablation study on the effect of different pacing functions and different curriculum learning steps .
 Analysis of the impact of noise proportion
Figure 4. Analysis of the impact of noise proportion . For clean, normal, large noise, 0, (0.5, 0.7), (0.7, 0.9), respectively. For normal and large noise situation, the text is the results translated by DeepSpeech.
 Analysis of different strategies for curriculum learning.
Figure 5. Analysis of different strategies for curriculum learning.
 Success case of our model on ActivityNet Speech dataset.
Figure 6. Success case of our model on ActivityNet Speech dataset.
 Failure case of our model on ActivityNet Speech dataset.
Figure 7. Failure case of our model on ActivityNet Speech dataset.

Analysis on Pacing Functions We conduct a series of experiments to compare the models pretrained with different pacing functions and different curriculum learning steps. From the Table 4 we can see that the performances of the models trained with linear function and exponential function are equivalent, and slightly outperforms the model trained with logarithmic function. As we described in Section 5.3, logarithmic function focuses more on the easier samples while exponential function focuses more on harder samples. In addition, in order to explore the impact of different training steps in the pre-training stage, we test the effect of the pretrained audio encoder when with different pacing functions, as shown in Fig 5. The results show that logarithmic function performs better when t is small, and exponential function achieves the best performance when the pre-training is finished. These also demonstrate that more training steps on harder curriculum stages is beneficial to our task.

Analysis on Different Proportion of Noise To further verify the effectiveness of our model, we compare the performances of the models trained under different proportions of noise, as shown in Fig 4. The results demonstrate that under different proportions of noise, our VGCL can facilitate the contrastive prediction process and obtain a mature audio encoder for spoken video grounding tasks. It is noticeable that the improvement after changing the model from baseline to our VGCL when the audio is clean is lower than the situation where the audio is noisy. From the figure we can also find that when the audio is clean, the text-based method performs better. However, when the proportion of noise is getting larger, our model can surpass the text-based method by a certain margin. This indicates that our VGCL can utilize the corresponding video content to rectify the noisy phonemes and improve the grounding performance, which is superior in real application.

6.5. Qualitative Analysis

To further qualitatively compare our method with baseline model and text-to-video grounding model based on ASR transcripts, we analyze two examples from Activitynet Speech dataset, as shown in Fig 6 and Fig 7. From the success case in Fig 6 we can see that compared with the other two models, our VGCL can accurately locate the correct event boundaries. The ASR transcripts have a large deviation in the key verbs due to the interference of noise, leading to the wrong localized moments. This demonstrates the difficulty for the model to learn a reliable correspondence between ASR transcripts from noisy audio and video actions.

From the failure case in Fig 7 we can observe that a woman is riding a machine in many frames, however, the key world ”continue” emphasizes that the model should focus on the latter frames. Our model fails to predict the ground truth action boundaries, but still have a high score for the right start position. This example indicates that our model still lacks of the ability for understanding some key adjectives and adverbs, which needs to be strengthened in future.

7. Conclusion

In this paper, we introduce a new task, spoken video grounding (SVG), which aims to localize the target video segments with the corresponding speech audio. Considering this is a novel task and has no corresponding dataset, we collect a new large-scale spoken video grounding dataset based on ActivityNet Caption. To further simulate the real application, we randomly add different environment noises to these speech audio. We find the ground truth content of the video is consistent with the information described by the speech. Thus we can utilize the corresponding video information as external knowledge to rectify these discriminative noisy audio phonemes. Therefore, we bring up a video guided curriculum learning (VGCL) strategy to facilitate the audio pretrain process. Our VGCL can gradually shift the input video content from the ground truth part to the entire video clip, which makes the pretraining process from easy to hard. Finally, the model can learn how to extract critical information from the input video clips that are related to the audio description.

Acknowledgements.
This work was supported by the National Natural Science Foundation of China under Grant No.62072397, Zhejiang Natural Science Foundation under Grant LR19F020006.

References

  • P. Authors (2021) PaddleSpeech, a toolkit for audio processing based on paddlepaddle.. Note: https://github.com/PaddlePaddle/DeepSpeech Cited by: §6.1.
  • Y. Bengio, J. Louradour, R. Collobert, and J. Weston (2009) Curriculum learning. In ICML 2009, Montreal, Quebec, Canada, A. P. Danyluk, L. Bottou, and M. L. Littman (Eds.), ACM International Conference Proceeding Series, Vol. 382, pp. 41–48. External Links: Document Cited by: §2.4.
  • A. W. Boggust, K. Audhkhasi, D. Joshi, D. Harwath, S. Thomas, R. S. Feris, D. Gutfreund, Y. Zhang, A. Torralba, M. Picheny, and J. R. Glass (2019) Grounding spoken words in unlabeled video. In CVPR Workshops 2019, Long Beach, CA, USA, pp. 29–32. Cited by: §1, §2.1.
  • J. Chen, L. Ma, X. Chen, Z. Jie, and J. Luo (2019) Localizing natural language in videos. In AAAI, pp. 8175–8182. Cited by: §2.3.
  • N. Chen, C. You, and Y. Zou (2021) Self-supervised dialogue learning for spoken conversational question answering. arXiv preprint arXiv:2106.02182. Cited by: §2.2.
  • S. Chen and Y. Jiang (2019) Semantic proposal for activity localization in videos via sentence query. In AAAI, pp. 8199–8206. External Links: Document Cited by: §2.3.
  • G. Chrupala (2021) Visually grounded models of spoken language: A survey of datasets, architectures and evaluation techniques. CoRR abs/2104.13225. External Links: Link, 2104.13225 Cited by: §2.1.
  • J. Gao, C. Sun, Z. Yang, and R. Nevatia (2017) TALL: temporal activity localization via language query. In ICCV 2017, Venice, Italy, October 22-29, 2017, pp. 5277–5285. External Links: Document Cited by: §1, §2.3, §6.2.
  • S. Ghosh, A. Agarwal, Z. Parekh, and A. G. Hauptmann (2019) ExCL: extractive clip localization using natural language descriptions. In NAACL-HLT 2019, Minneapolis, MN, USA, J. Burstein, C. Doran, and T. Solorio (Eds.), pp. 1984–1990. External Links: Link, Document Cited by: §2.3.
  • R. L. Gómez and L. Gerken (2000) Infant artificial language learning and language acquisition. Trends in cognitive sciences 4 (5), pp. 178–186. Cited by: §1.
  • D. Harwath, W. Hsu, and J. R. Glass (2020a) Learning hierarchical discrete linguistic units from visually-grounded speech. In ICLR 2020, Addis Ababa, Ethiopia, Cited by: §1.
  • D. Harwath, A. Recasens, D. Surís, G. Chuang, A. Torralba, and J. R. Glass (2020b) Jointly discovering visual objects and spoken words from raw sensory input. Int. J. Comput. Vis. 128 (3), pp. 620–641. Cited by: §1, §2.1, §4.3.
  • D. He, X. Zhao, J. Huang, F. Li, X. Liu, and S. Wen (2019) Read, watch, and move: reinforcement learning for temporally grounding natural language descriptions in videos. In AAAI 2019, Honolulu, Hawaii, USA, pp. 8393–8400. External Links: Document Cited by: §1.
  • F. C. Heilbron, V. Escorcia, B. Ghanem, and J. C. Niebles (2015) ActivityNet: A large-scale video benchmark for human activity understanding. In CVPR 2015, Boston, MA, USA, June 7-12, 2015, pp. 961–970. External Links: Document Cited by: §1.
  • L. A. Hendricks, O. Wang, E. Shechtman, J. Sivic, T. Darrell, and B. C. Russell (2017) Localizing moments in video with natural language. In ICCV 2017, Venice, Italy, pp. 5804–5813. External Links: Link, Document Cited by: §2.3.
  • W. Hsu, D. Harwath, C. Song, and J. Glass (2020) Text-free image-to-speech synthesis using learned segmental units. arXiv preprint arXiv:2012.15454. Cited by: §2.1.
  • Y. Hu, L. Nie, M. Liu, K. Wang, Y. Wang, and X. Hua (2021) Coarse-to-fine semantic alignment for cross-modal moment localization. IEEE Transactions on Image Processing 30, pp. 5933–5943. Cited by: §2.3.
  • L. Jiang, D. Meng, S. Yu, Z. Lan, S. Shan, and A. Hauptmann (2014) Self-paced learning with diversity. In Advances in Neural Information Processing Systems, Vol. 27, pp. . Cited by: §2.4.
  • T. Karras, T. Aila, S. Laine, and J. Lehtinen (2018) Progressive growing of gans for improved quality, stability, and variation. In ICLR 2018, Vancouver, BC, Canada, External Links: Link Cited by: §2.4.
  • R. Krishna, K. Hata, F. Ren, L. Fei-Fei, and J. C. Niebles (2017) Dense-captioning events in videos. In ICCV 2017, Venice, Italy, pp. 706–715. External Links: Link, Document Cited by: §3.
  • C. Lee, S. Wang, H. Chang, and H. Lee (2018) ODSQA: open-domain spoken question answering dataset. In 2018 IEEE Spoken Language Technology Workshop (SLT), pp. 949–956. Cited by: §2.2.
  • C. Li, S. Wu, C. Liu, and H. Lee (2018) Spoken squad: a study of mitigating the impact of speech recognition errors on listening comprehension. arXiv preprint arXiv:1804.00320. Cited by: §2.2.
  • J. Liang, L. Jiang, D. Meng, and A. G. Hauptmann (2016) Learning to detect concepts from webly-labeled video data. In IJCAI 2016, New York, NY, USA, S. Kambhampati (Ed.), pp. 1746–1752. External Links: Link Cited by: §2.4.
  • J. Liu, Y. Ren, X. Tan, C. Zhang, T. Qin, Z. Zhao, and T. Liu (2020) Task-level curriculum learning for non-autoregressive neural machine translation. In IJCAI 2020, C. Bessiere (Ed.), pp. 3861–3867. Cited by: §5.3.
  • Z. Ma, X. Han, X. Song, Y. Cui, and L. Nie (2021) Hierarchical deep residual reasoning for temporal moment localization. In ACM Multimedia Asia, pp. 1–7. Cited by: §2.3.
  • M. Monfort, S. Jin, A. H. Liu, D. Harwath, R. Feris, J. R. Glass, and A. Oliva (2021) Spoken moments: learning joint audio-visual representations from video descriptions. In CVPR 2021, virtual, pp. 14871–14881. Cited by: §2.1.
  • J. Mun, M. Cho, and B. Han (2020) Local-global video-text interactions for temporal grounding. In CVPR 2020, Seattle, WA, USA, June 13-19, 2020, pp. 10807–10816. External Links: Document Cited by: §1, §6.1, §6.2.
  • L. Nortje and H. Kamper (2020) Direct multimodal few-shot learning of speech and images. CoRR abs/2012.05680. External Links: Link, 2012.05680 Cited by: §2.1.
  • A. Oncescu, J. F. Henriques, Y. Liu, A. Zisserman, and S. Albanie (2021) Queryd: a video dataset with high-quality text and audio narrations. In ICASSP 2021-2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), pp. 2265–2269. Cited by: §2.1.
  • J. Pennington, R. Socher, and C. D. Manning (2014) Glove: global vectors for word representation. In EMNLP 2014, A. Moschitti, B. Pang, and W. Daelemans (Eds.), pp. 1532–1543. Cited by: §6.1.
  • A. Pentina, V. Sharmanska, and C. H. Lampert (2015) Curriculum learning of multiple tasks. In CVPR 2015, Boston, MA, USA, pp. 5492–5500. External Links: Link, Document Cited by: §2.4.
  • K. J. Piczak (2015) ESC: dataset for environmental sound classification. In Proceedings of the 23rd ACM International Conference on Multimedia, MM ’15, New York, NY, USA, pp. 1015–1018. External Links: ISBN 9781450334594, Link, Document Cited by: §4.1, §6.1.
  • E. A. Platanios, O. Stretcu, G. Neubig, B. Póczos, and T. M. Mitchell (2019) Competence-based curriculum learning for neural machine translation. In NAACL-HLT 2019,, J. Burstein, C. Doran, and T. Solorio (Eds.), pp. 1162–1172. External Links: Link, Document Cited by: §2.4.
  • M. Prasad, D. van Esch, S. Ritchie, and J. F. Mortensen (2019) Building large-vocabulary ASR systems for languages without any audio training data. In Interspeech 2019, G. Kubin and Z. Kacic (Eds.), pp. 271–275. External Links: Document Cited by: §1.
  • X. Qu, P. Tang, Z. Zhou, Y. Cheng, J. Dong, and P. Zhou (2020) Fine-grained iterative attention network for temporallanguage localization in videos. CoRR abs/2008.02448. External Links: Link, 2008.02448 Cited by: §2.3.
  • A. Rouditchenko, A. W. Boggust, D. Harwath, D. Joshi, S. Thomas, K. Audhkhasi, R. Feris, B. Kingsbury, M. Picheny, A. Torralba, and J. R. Glass (2020) AVLnet: learning audio-visual language representations from instructional videos. CoRR abs/2006.09199. External Links: Link, 2006.09199 Cited by: §1, §2.1.
  • N. Sarafianos, T. Giannakopoulos, C. Nikou, and I. A. Kakadiaris (2017) Curriculum learning for multi-task classification of visual attributes. In ICCV Workshops 2017, Venice, Italy, pp. 2608–2615. External Links: Link, Document Cited by: §2.4.
  • Y. Shi, M. A. Larson, and C. M. Jonker (2015) Recurrent neural network language model adaptation with curriculum learning. Comput. Speech Lang. 33 (1), pp. 136–154. External Links: Link, Document Cited by: §2.4.
  • S. Sinha, A. Garg, and H. Larochelle (2020) Curriculum by smoothing. In NeurIPS 2020, December 6-12, 2020, virtual, Cited by: §2.4.
  • D. Tran, L. Bourdev, R. Fergus, L. Torresani, and M. Paluri (2015) Learning spatiotemporal features with 3d convolutional networks. In Proceedings of the IEEE international conference on computer vision, pp. 4489–4497. Cited by: §4.3, §6.1.
  • A. van den Oord, Y. Li, and O. Vinyals (2018) Representation learning with contrastive predictive coding. CoRR abs/1807.03748. External Links: Link, 1807.03748 Cited by: §1, §5.
  • A. van den Oord, O. Vinyals, and K. Kavukcuoglu (2017) Neural discrete representation learning. In NIPS, CA, USA, pp. 6306–6315. Cited by: §6.3.
  • D. Wang, L. Deng, Y. T. Yeung, X. Chen, X. Liu, and H. Meng (2021) VQMIVC: vector quantization and mutual information-based unsupervised speech representation disentanglement for one-shot voice conversion. CoRR abs/2106.10132. External Links: Link, 2106.10132 Cited by: §6.3.
  • C. You, N. Chen, F. Liu, D. Yang, and Y. Zou (2020a) Towards data distillation for end-to-end spoken conversational question answering. arXiv preprint arXiv:2010.08923. Cited by: §2.2.
  • C. You, N. Chen, and Y. Zou (2020b) Contextualized attention-based knowledge transfer for spoken conversational question answering. arXiv preprint arXiv:2010.11066. Cited by: §2.2.
  • C. You, N. Chen, and Y. Zou (2021a) MRD-net: multi-modal residual knowledge distillation for spoken question answering.. In IJCAI, pp. 3985–3991. Cited by: §2.2.
  • C. You, N. Chen, and Y. Zou (2021b) Self-supervised contrastive cross-modality representation learning for spoken question answering. arXiv preprint arXiv:2109.03381. Cited by: §2.2.
  • D. Zhang, X. Dai, X. Wang, Y. Wang, and L. S. Davis (2019a) MAN: moment alignment network for natural language moment retrieval via iterative graph adjustment. In CVPR 2019, Long Beach, CA, USA, pp. 1247–1257. External Links: Document Cited by: §2.3.
  • H. Zhang, A. Sun, W. Jing, and J. T. Zhou (2020) Span-based localizing network for natural language video localization. arXiv preprint arXiv:2004.13931. Cited by: §1, §2.3, §4.4, §4.4, §6.1, §6.3, Table 2.
  • Z. Zhang, Z. Lin, Z. Zhao, and Z. Xiao (2019b) Cross-modal interaction networks for query-based moment retrieval in videos. In ACM SIGIR2019, Paris, France, pp. 655–664. External Links: Document Cited by: §2.3.
  • Y. Zhao, Z. Zhao, Z. Zhang, and Z. Lin (2021) Cascaded prediction network via segment tree for temporal video grounding. In CVPR 2021, virtual, pp. 4197–4206. Cited by: §4.4.