ICANet: A Method of Short Video Emotion Recognition Driven by Multimodal Data
thanks: Xuecheng Wu, Mengmeng Tian, and Lanhang Zhai are all with school of Cyber Science and Engineering, Zhengzhou University. (Corresponding authors: Xuecheng Wu.)

Xuecheng Wu Zhengzhou University
Zhengzhou, Henan 450002, China
wuxc@stu.zzu.edu.cn
   Mengmeng Tian Zhengzhou University
Zhengzhou, Henan 450002, China
tmm@stu.zzu.edu.cn
   Lanhang Zhai Zhengzhou University
Zhengzhou, Henan 450002, China
zhailhang@163.com
Abstract

With the fast development of artificial intelligence and short videos, emotion recognition in short videos has become one of the most important research topics in human-computer interaction. At present, most emotion recognition methods still stay in a single modality. However, in daily life, human beings will usually disguise their real emotions, which leads to the problem that the accuracy of single modal emotion recognition is relatively terrible. Moreover, it is not easy to distinguish similar emotions. Therefore, we propose a new approach denoted ICANet to achieve multimodal short video emotion recognition by employing three different modalities of audio, video and optical flow, making up for the lack of a single modality and then improving the accuracy of emotion recognition in short videos. ICANet has a better accuracy of 80.77% on the IEMOCAP benchmark.

Multimodal Deep Learning, Emotion Recognition, Attention Mechanism, Human-Computer Interaction.

I Introduction

People’s life always accompanies emotion, which is an essential part of the dynamic mechanism in people’s psychological activities. The “pure cognition” research methods, separated from the emotional factors, can not entirely investigate and simulate human behaviors. Therefore, the fast development of emotion recognition based on neural networks is very significant. At present, emotion recognition methods based on the non-physiological signals mainly include the recognition of facial expression and voice intonation.

However, the faeture information extracted by the single modality emotion recognition method is usually one-sided, resulting in the low accuracy of the recognition. In the contrary, the multimodal fusion method combined with various feature information can more accurately capture and identify human emotions. This paper propose a new method, which combines the three modalities of audio, video and optical flow for multimodal emotion recognition in short videos, making up for the lack of a single modality and improving the accuracy of emotion recognition in short videos. In this paper, we select the videos, optical flow and LFCC spectrograms as inputs. The three feature extraction networks, I3D (RGB/FLOW) and CA-VGG16, are deployed to model the three modality feature information, respectively, and then the prediction scores corresponding to the three modalities are calculated. The decision level feature fusion is carried out according to a certain modality weight ratio. Finally, the specific feature fusion results are transferred to the SoftMax classifier, and then we get the final emotion recognition results in short videos.

Ii Related Work

Currently, the research on emotion recognition in short videos is mainly divided into physiological signals based emotion recognition methods and non-physiological signals based emotion recognition methods. The emotion recognition methods based on physiological signals mainly deploy physiological signals such as EEG, EMG, and ECG to predict. Although physiological signals can not be camouflaged and have the capability of getting more objective results, it is relatively difficult to collect these physiological signals. Furthermore, it lacks reasonable evaluation standards, which are unsuitable for practical application. Emotion recognition based on non-physiological signals mainly employs non-physiological signals such as facial expression, voice, and gestures to predict. These signals are relatively easy to collect and do not require much data preprocessing. They can utilize the existing deep learning technologies to predict quickly. The basic idea of multimodal emotion recognition is to predict the emotion category expressed by the detected objects based on the information of text, speech, facial expression and other multimodal inputs. The multimodal emotion recognition method has higher accuracy than previous single modality emotion recognition methods.

The overall illustration of ICANet. It consists of the Data Preprocessing Module, the Multimodal Feature Extraction Module, and the Fusion Classification Module. Specifically, we fuse the three different feature tensors of feature extraction networks in the decision level feature fusion module.
Fig. 1: The overall illustration of ICANet. It consists of the Data Preprocessing Module, the Multimodal Feature Extraction Module, and the Fusion Classification Module. Specifically, we fuse the three different feature tensors of feature extraction networks in the decision level feature fusion module.

Iii Methodology

The overall structure of ICANet is divided into three parts: data preprocessing module, multimodal feature extraction module and fusion classification module. The overall network structure of ICANet is shown as Fig. 1.

Iii-a Data Preprocessing Module

Iii-A1 LFCC Spectrogram

In this paper, the audio signal is preprocessed by generating the LFCC spectrograms. LFCC spectrogram is a three-dimensional spectrum representing the voice frequency graph changing with time. Its abscissa is time, its ordinate is frequency, and the coordinate point value is voice data energy. Since the spectrogram deploys a two-dimensional plane to express three-dimensional information, the energy value is expressed by the depth of the colors. Firstly, this paper preprocesses the Wav files of the audio section of the IEMOCAP dataset, using the scipy voice processing tool and python_speech_features library to read the speech information and extract the LFCC speech features, and finally converts the ordinary Wav speech signals into LFCC spectrograms.

Iii-A2 Optical Flow Extraction

Optical Flow is the apparent motion mode of two consecutive interframe images caused by the motion of an object or a camera. It is a 2D vector field, where each vector is a displacement vector, representing the motion of the point from frame to frame . In this paper, we deploy the interface of the optical flow estimation algorithm provided in the visual algorithm library OpenCV, including the sparse flow estimation algorithm cv2.Calcopticalflowpyrlk() and dense flow estimation algorithm cv2.calcOpticalFlowFarneback(). Specifically, we deploy the sparse flow estimation algorithm, which is the Lucas Kanade algorithm [1].

Iii-B Multimodal Feature Extraction Module

Iii-B1 RGB and Flow Feature Extraction Module

In this paper, the I3D [2] is deployed to extract the specific features of the characters in the videos, and the model training method of separating the video stream and the optical flow stream is adopted. I3D (two-stream inflated 3D CNN) [2] is a video action recognition model proposed by Google DeepMind in 2017, using Inception-V1 as the backbone. Its specific network structure is shown in Fig. 2. In Inception-V1, the stride of the first convolution transformation layer is 2. In addition to the parallel maximum pooling layer, there are four maximum pooling layers with a stride of and . The structure of the initial space sub module “Inc.” is shown as Fig. 3.

This paper adopts the form of separate training. One I3D network training takes RGB (video) stream as input, and the other takes FLOW (optical flow) stream as input, carrying optimized and smooth stream information. In this paper, the two I3D networks are first trained, and the pre-trained weights are then loaded during model validation. The models are trained on the IEMOCAP multimodal dataset, and all the video frames have been adjusted to the appropriate size, number and channels before input into the network. Seventy-nine video frames are extracted at uniform time intervals, and the entire video content is captured. Finally, the pre-trained weights of RGB and FLOW modalities are obtained.

The overall network structure of Inflated Inception-V1. Here, “Rec.Fields” represents the receptive fields for specific feature tensors.
Fig. 2: The overall network structure of Inflated Inception-V1. Here, “Rec.Fields” represents the receptive fields for specific feature tensors.
The overall illustration of initial space sub module “Inc.”. The strides of convolution and pooling operators are 1, which are not specificed.
Fig. 3: The overall illustration of initial space sub module “Inc.”. The strides of convolution and pooling operators are 1, which are not specificed.

Iii-B2 Audio Feature Extraction Module

This paper first converts audio files into the LFCC spectrograms, and then evolve it into an image classification task. We deploy the independently improved VGG16 denoted as CA-VGG16. We mainly introduce the Coordinate Attention Module (CA module) to improve the performance of VGG16, adding the CA Module after the first, fourth and fifth convolution transformation blocks of VGG16 to improve the model performance. The overall network structure of CA-VGG16 is shown in Fig. 4.

The Coordinate Attention is a novel attention mechanism proposed by Hou et al. [3]. The Coordinate Attention innovatively embeds the precise positional information into the inter-channel attention and then improves the capability of the backbone network to capture the detailed object structures, enrich the semantic information of shallow feature maps and obtain the precise positional information of larger areas.

VGG16 [4] mainly deploys the small convolution filters to build a new convolutional neural network, including the convolution transformation layers, the pooling layers, and the full connection layers.

Convolution Transformation Layer   In the VGG16, it proposes to utilize two convolution kernels to replace one specific convolution kernel, and deploy three convolution kernels to replace one convolution kernel. In this approach, we can significantly reduce the parameters of whole network, increase the depth and improve the feature expression ability of the overall network to a certain extent. The calculation formula of the convolution transformation layer are as follows:

(1)
(2)

Pooling Layer   VGG16 deploys the maximum pooling layers, followed by a maximum pooling layer after several convolution transformation layers to form a block for compressing the shape of feature maps. The general formula for the pooling layer are shown in the following:

(3)
(4)

From the Eq. 1 to the Eq. 4, where and represent the width and height, respectively. , , and represent the filter size, the convolution kernel size, and the stride, respectively.

Full Connection Layer   In the CNN, the full connection layer is responsible for the task of “Classifier”, which classifies the feature tensors. VGG16 deploys three full connection layers at the end, and the last full connection layer uses the SoftMax layer for classification.

In this paper, we add the CA modules after the first, fourth and fifth blocks of VGG16, denoted as CA-VGG16-3. At the same time, we also attempt to add the CA modules after each block, denoted as CA-VGG16-5. However, the ablation experimental results show that CA-VGG16-3 performs better than CA-VGG-5. Therefore, we select CA-VGG16-3 as the audio feature extraction network, denoted as CA-VGG16. The detailed network structure of CA-VGG16 is shown in Fig. 4.

Iii-C Fusion Classification Module

The ICANet proposed in this paper adopts the decision level feature fusion module to combine the highest level of pre-trained weights and carry out feature fusion on the prediction score, that is, to take the weights of three modalities, carry out weighted average fusion on them, and then output the final prediction results from a SoftMax classifier.

Iv Experiments

Iv-a IEMOCAP Dataset Introduction

In detail, the IEMOCAP [5] multimodal emotion recognition dataset is deployed to conduct model training and validation. IEMOCAP records the three selected scripts and fictional scene dialogues designed to trigger specific emotions by ten actors. We filter the unbalanced data in the original dataset and finally form an emotion recognition dataset composed of four emotion categories: happiness, sadness, neutrality and anger, with a total number of 5531. The distribution for each category in the IEMOCAP dataset is shown as Tab. I.

The overall network structure of CA-VGG16. Specifically, there are five convolution transformation blocks.
Fig. 4: The overall network structure of CA-VGG16. Specifically, there are five convolution transformation blocks.
Happy Sad Neutral Anger Total
Session1 278 194 384 229 1085
Session2 327 197 362 137 1023
Session3 286 305 320 240 1151
Session4 303 143 258 327 1031
Session5 442 245 384 170 1241
Total 1636 1084 1708 1103 5531
TABLE I: The distribution for four categories in the IEMOCAP multimodal emotion recognition dataset.

Iv-B Evaluation Indicator

In the task of multimodal emotion recognition in short videos, we mainly deploy accuracy () as the evaluation indicator. The formula of is shown as Eq. 5 :

(5)

In the abovementioned formula, represents a positive sample detected as correct; represents a negative sample detected as wrong; represents a negative sample detected as a positive sample; represents the positive sample detected as a negative sample [6].

Iv-C Ablation Studies

We conduct four sets of ablation experiments for the audio branch to determine the effectiveness of the CA modules in improving the model performance. The models of these four ablation experiments are original VGG16, SE-VGG16 based on SE Attention, CBAM-VGG16 based on CBAM Attention, CA-VGG16-3 and CA-VGG16-5, respectively. The original VGG16 is set as the control group to determine the effectiveness of the proposed improvement components. The specific ablation results are shown in Fig. 5.

We can clearly observe that the CA-VGG16-3 achieves the highest accuracy of 58.96%, which is a practical improvement on the original VGG16. We conclude the reason is that adding the CA modules strengthens the feature extraction capability of the model for LFCC spectrograms and improves the processing of specific features. We have demonstrated that the CA-VGG16 with three CA modules is more feasible and practical in extracting the audio features.

Iv-D Comparison with other SOTA Methods

To explore the best recognition effect of ICANet, this paper gives different modalities different weight ratios for fusion to obtain the optimal weight ratio. When the weight ratios of RGB, FLOW, and Audio are 1:1:1, 3:2:5, 4:3:3, 5:3:2, respectively, the ACC are respectively 77.50%, 78.85%, 79.04%, 80.77%, 67.66%. We can observe that blindly increasing the weight of RGB stream will not achieve better results. On the contrary, moderately increasing the weight of FLOW stream or Audio stream will also improve the overall model performance to a certain extent. The reason is that in this approach, the overall network can not achieve good information complementarity and the better effect of multimodal fusion. According to the experimental results, when RGB:FLOW:Audio = 4:2:4, we can get the best model performance. Therefore, we selects 4:2:4 as the optimal weight ratio of three different modalities for later decision level feature fusion.

To further verify the effectiveness of the emotion recognition method in short videos driven by multimodal data proposed in this paper, we compare ICANet with the current mainstream emotion recognition methods. The results of the performance comparison are shown in Tab. II. It can be seen from the abovementioned table that the accuracy of the new emotion recognition method ICANet based on RGB, FLOW and Audio modalities is significantly higher than the above five mainstream emotion recognition baseline methods. Furthermore, the accuracy of ICANet proposed in this paper reaches 80.77%, exceeding the existing CNN-based state-of-the-art methods by 15.89%.

The analysis shows that the main reason for the model performance improvement of ICANet is that it integrates the feature information of RGB, FLOW and Audio modalities, realizes the complementarity of feature information, makes up for the deficiency of a single modality, and deploys three sub feature extraction networks with higher accuracy to extract richer emotional feature information. To sum up, the validity of the emotion recognition method in short videos driven by the typical features of multimodal data is verified.

The ablation experiments of the specific audio branch of ICANet in terms of ACC(%) on the IEMOCAP multimodal benchmark.
Fig. 5: The ablation experiments of the specific audio branch of ICANet in terms of ACC(%) on the IEMOCAP multimodal benchmark.
Method Modality ACC (%)
I3D RGB 64.88
I3D FLOW 60.12
C3D RGB 61.33
1D Music CNN RGB 53.04
ResNet50+LSTM RGB 53.37
Ours RGB+FLOW+Audio 80.77
TABLE II: Performance comparison of ICANet and different emotion recognition methods on the IEMOCAP multimodal dataset. We train all the models for the same epoch for a fair comparison.

V Conclusions

This paper propose a new emotion recognition method in short videos denoted as ICANet driven by the typical features of multimodal data. The experimental results on the IEMOCAP multimodal emotion recognition dataset show that the accuracy of this new short video emotion recognition can reach 80.77%. Compared with the current mainstream emotion recognition methods, the recognition accuracy has been significantly improved.

References

  • [1] Lucas, Bruce D and Kanade, Takeo and others. 1981. An iterative image registration technique with an application to stereo vision. In Proceedings of 7th International Joint Conference on Artificial Intelligence. 674-679.
  • [2] Carreira, J. and Zisserman, A. 2017. Quo Vadis, Action Recognition? A New Model and the Kinetics Dataset. In 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR).
  • [3] Qibin Hou, Daquan Zhou, and Jiashi Feng. 2021. Coordinate attention for efficient mobile network design. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. 13713–13722.
  • [4] Simonyan, Karen and Zisserman, Andrew. 2014. Very deep convolutional networks for large-scale image recognition. In arXiv preprint arXiv:1409.1556.
  • [5] Busso, Carlos and Bulut, Murtaza and Lee, Chi-Chun and Kazemzadeh, Abe and Mower, Emily and Kim, Samuel and Chang, Jeannette N and Lee, Sungbok and Narayanan, Shrikanth S. 2008. IEMOCAP: Interactive emotional dyadic motion capture database. In Language resources and evaluation. 335–359.
  • [6] Yang, Lingxiao and Zhang, Ru-Yuan and Li, Lida and Xie, Xiaohua. 2021. Simam: A simple, parameter-free attention module for convolutional neural networks. In International conference on machine learning. 11863–11874.