License: CC BY 4.0
arXiv:2403.14083v1 [cs.SD] 21 Mar 2024

emoDARTS: Joint Optimisation of CNN & Sequential Neural Network Architectures for Superior Speech Emotion Recognition

Thejan Rajapakshe*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT, , Rajib Rana, ,
Sara Khalifa, , Berrak Sisman, ,
Björn W. Schuller, , and Carlos Busso, 
T. Rajapakshe and R. Rana are affiliated with the University of Southern Queensland, Australia.S. Khalifa is affiliated with Queensland University of Technology, Australia.B. Sisman is affiliated with The University of Texas at Dallas, USA.B. Schuller is with CHI – Chair of Health Informatics, MRI, Technical University of Munich, Germany, Munich Data Science Institute (MDSI), Germany, Munich Center for Machine Learning (MCML), Germany and GLAM – Group on Language, Audio, & Music, Imperial College London, UKC. Busso is affiliated with The University of Texas at Dallas, USA.*{}^{*}start_FLOATSUPERSCRIPT * end_FLOATSUPERSCRIPT[email protected] submitted to IEEE Transactions on Affective Computing on February 19, 2024
Abstract

Speech Emotion Recognition (SER) is crucial for enabling computers to understand the emotions conveyed in human communication. With recent advancements in Deep Learning (DL), the performance of SER models has significantly improved. However, designing an optimal DL architecture requires specialised knowledge and experimental assessments. Fortunately, Neural Architecture Search (NAS) provides a potential solution for automatically determining the best DL model. The Differentiable Architecture Search (DARTS) is a particularly efficient method for discovering optimal models. This study presents emoDARTS, a DARTS-optimised joint CNN and Sequential Neural Network (SeqNN: LSTM, RNN) architecture that enhances SER performance. The literature supports the selection of CNN and LSTM coupling to improve performance.

While DARTS has previously been used to choose CNN and LSTM operations independently, our technique adds a novel mechanism for selecting CNN and SeqNN operations in conjunction using DARTS. Unlike earlier work, we do not impose limits on the layer order of the CNN. Instead, we let DARTS choose the best layer order inside the DARTS cell. We demonstrate that emoDARTS outperforms conventionally designed CNN-LSTM models and surpasses the best-reported SER results achieved through DARTS on CNN-LSTM by evaluating our approach on the IEMOCAP, MSP-IMPROV, and MSP-Podcast datasets.

Index Terms:
speech emotion recognition, neural architecture search, deep learning, DARTS

1 Introduction

Recognising the emotional nuances embedded in speech is a fundamental, yet complex challenge. Over the last decade, the field of Speech Emotion Recognition (SER) has experienced significant strides, predominantly driven by the exponential growth of deep learning [1, 2, 3, 4]. A key breakthrough facilitated by deep learning is its capability to automatically learn features, departing from the traditional reliance on manually crafted features shaped by human perceptions of speech signals. Nevertheless, determining the optimal deep-learning architecture for SER remains a challenging task that warrants attention. Conventional approaches involve iterative modifications and recursive training of models until an optimal configuration is found. However, this approach becomes prohibitively time-consuming due to the extensive training and testing required for numerous configurations.

An alternative to the conventional approach is the “Neural Architecture Search” (NAS), which can help discover optimal neural networks for a given task. The idea is to find the models’ architecture to minimise the loss. In NAS, search is done over a discrete set of candidate operations, which requires the model to be trained on a specific configuration before moving on to the next configuration. Nevertheless, this approach demands considerable time and resources.

The Differentiable Architecture Search (DARTS) is a method that has been developed to optimise the search for a neural network architecture. It allows for the relaxation of the discrete set of candidate operations, making the space continuous and reducing the computation time significantly, from 2,000 GPU days to just 2-3 GPU days. This is a major improvement from the previous methods of reinforcement learning or evolution algorithm, which required 2,000 and 3,150 GPU days, respectively. Additionally, through network optimisation DARTS has the potential to offer significantly high SER accuracy, which is currently quite low and needs improvement. These two points serve as motivation to use DARTS for SER.

Additionally, previous studies have shown that a multi-temporal Convolutional Neural Network (CNN) stacked on a Long Short-Term Memory Network (LSTM) can capture contextual information at multiple temporal resolutions, complementing LSTM for modelling long-term contextual information, thus offering improved performance [5, 6, 7, 8]. Sequential Neural Networks (SeqNN) like Recurrent Neural Networks (RNN) or LSTM can easily identify the patterns of a sequential stream of data. This paper takes a pioneering step by leveraging DARTS for a novel joint CNN–SeqNN configuration, named “emoDARTS”, as depicted in Figure 1, with an attention network seamlessly integrated into the SeqNN component to further elevate its performance.

Refer to caption
Figure 1: The proposed architecture of emoDARTS passes the input features to the CNN component through the SeqNN component and finally to a dense layer. The optimum CNN and SeqNN operations are selected by DARTS jointly.

The investigation of DARTS within the SER domain is minimal and invites further inquiry to uncover the potential for improving SER performance. DARTS has only recently been employed in SER tasks to improve models, as recently as 2022 [9, 10], wherein the researchers have mostly applied DARTS separately on CNNs and RNNs [11, 12, 13]. Hence, the viability of utilising DARTS jointly for CNN and SeqNN requires exploration. While there is a lone study that explores the joint optimisation of CNN and LSTM [10], it imposes constraints on the layer order for the CNN within the DARTS component, thereby limiting the full potential of DARTS. In response to this limitation, our paper takes on the challenge of optimising this joint configuration without such constraints. The contributions of this paper are summarised as follows.

  1. 1.

    This paper proposes a novel DARTS-optimised joint CNN and SeqNN architecture, emoDARTS, achieving greater autonomy to DARTS in selecting optimal network configurations.

  2. 2.

    We demonstrate the robust generalisation capabilities of the proposed emoDARTS model by testing it on three widely used datasets: IEMOCAP, MSP-IMPROV, and MSP-Podcast.

  3. 3.

    Experimental results demonstrate that emoDARTS achieves considerably higher SER accuracy than humans designing the CNN-LSTM configuration. It also outperforms the best-reported SER results achieved using DARTS on CNN-LSTM.

2 Related Work

This section delves into the existing literature on using DARTS and NAS for SER. Notably, our exploration reveals a limited number of papers in this space. We therefore extend our review to encompass relevant papers in related fields to provide a comprehensive perspective. For completeness, we also include studies employing CNNs, LSTM networks, and their joint utilisation for SER.

2.1 Speech Emotion Recognition using CNN and LSTM

One of the earliest uses of CNN networks in SER is reported by Zheng et al. in 2015 [14]. The authors introduced a spectrum generated from an audio signal to a CNN network and output the recognised emotion. The authors report that they can surpass the SVM-based classification performance and reach 40% classification accuracy for a five-class classification using the IEMOCAP dataset.

The earliest work combining CNN and LSTM for SER is by Trigeorgis et al. in 2016 [15]. The authors show an impressive improvement by a fully self-learnt representation over traditional expert-crafted features on dimensional emotion recognition.

Zhaoa et al. [1] show that using CNN and LSTM networks combined in the same SER model produces better results than using only CNN. Using the IEMOCAP dataset, they obtained a speaker-independent accuracy of 52% by using a log-Mel spectrogram as the input feature. Their SER approach utilises an LSTM layer to learn contextual dependencies in local features, while a CNN-based layer learns the local features.

2.2 Application of NAS and DARTS in SER and Related Fields

The first paper suggesting NAS in SER was by Zhang et al. in 2018 [16]. The authors employ a controller network that shapes the architecture by the number of layers and nodes per layer and the hyperparameter activation function of a child network by reinforcement learning. They show an improvement over human-designed architectures and random searches of these.

Zoph and Le [17] use reinforcement learning to optimise an RNN network that develops model architectures to maximise the resulting accuracy of the generated model. As a result, they develop outstanding models for the CIFAR-10 and Penn Treebank datasets. They were able to develop a convolutional network architecture for the CIFAR-10 dataset which has a 3.653.653.653.65 error rate and a recurrent network architecture for Penn Treebank with 62.462.462.462.4 perplexity.

Even though NAS is primarily used to find optimised architecture for complex and large models, researchers have also studied the possibility of using NAS to design smaller deep neural network models. Liberis et al. [18] develop a NAS system called μ𝜇\muitalic_μNAS to design smaller neural architectures that can run on microcontroller units. They improve the top-1 accuracy by 4.8%percent4.84.8\%4.8 % in image classification problems while reducing the memory footprint up to 13 times. Similarly, Gong et al. [19] study the feasibility of using NAS for reducing deep learning models to deploy on resource-constrained edge devices.

Traditional NAS consumes much computational power and time to achieve the optimal model for a given problem. In 2018, Liu et al. [20] came up with a differentiable approach to solving the optimisation by continuous relaxation of the architecture representation. This approach is more compute efficient and high performing as the search space is not discrete and non-differentiable. They produce high-performing CNN and RNN architectures for tasks such as image recognition and language modelling within a fraction of the search cost of traditional NAS algorithms. DARTS has been popular in the past three years with many studies carried on for extending and improving the algorithm [21, 22, 11, 23, 24, 25].

Wu et al. [10] proposed a uniform path dropout strategy to optimise candidate architecture. They use SER as their DARTS application and the IEMOCAP dataset to develop an SER model with an accuracy of 56.28%percent56.2856.28\%56.28 % for a four-class classification problem using discrete Fourier transform spectrograms extracted from audio as input. In their work, the authors specify layer order as two convolution layers at first, followed by a max-pooling layer, a convolution layer. They use DARTS to select the optimum parameters for each layer. We, on the other hand, do not specify the layer sequence and instead enable DARTS to select the ideal design with minimal interference.

TABLE I: Summary and focus on the literature on NAS, DARTS, and speech emotion recognition.
Paper Focus Dataset
SER NAS DARTS Joint Opt. of CNN & SeqNN. IEMOCAP MSP-IMPROV MSP-Podcast
Zoph and Le 2016 [17]
Zhang et al. 2018 [14]
Liu et al. 2018 [20]
Gong et al. 2019 [19]
Liberis et al. 2020 [18]
Wu et al. 2022 [10]
Sun et al. 2023 [9]
emoDARTS

EmotionNAS is a two-branch NAS strategy introduced by Sun et al. [9] in 2023. The authors use DARTS to optimise their two models in two branches, the CNN model and RNN model, which use a spectrogram and a waveform as inputs, respectively. They obtained an unweighted accuracy of 72.1%percent72.172.1\%72.1 % from the combined model for the IEMOCAP dataset. They also report the performance of 63.2%percent63.263.2\%63.2 % in the spectrogram branch, which only uses a CNN component. The main difference between our approach and the study by Sun et al. [9] is that we use a SeqNN component coupled in series with the CNN layer as in Figure 2 while Sun et al. [9] use an RNN layer in parallel to the CNN layer in a different branch.

We conducted preliminary research to determine the feasibility of utilising DARTS for SER in a CNN-LSTM architecture, where we only optimised the CNN network using DARTS [26]. This paper extends the idea of using DARTS in SER but with more relaxation in the SeqNN component by jointly optimising the whole architecture.

In recent years, the literature has highlighted the use of attention networks in SER, which has provided superior outcomes [27, 28]. We added an attention network component to the DARTS search scope to discover whether it improves performance. Zou et. al. [29] have introduced a concept called ‘co-attention’ where many separate inputs from multimodal inputs are fused by co-attention. They used three sets of features MFCC, spectrogram, and Wav2Vec2 features from the IEMOCAP dataset and obtained 72.70% accuracy. Liu et al. [30] have utilised an attention-based bi-directional LSTM followed by a CNN layer for a SER problem. They have achieved a significant performance of 66.27%percent66.2766.27\%66.27 % for the IEMOCAP Dataset. Their idea of ‘CNN - LSTM attention’ paved the foundation for our model architecture.

In Table I, we briefly compare the existing studies with emoDARTS. The comparison clearly shows that,

  1. 1.

    While some studies employ NAS for SER, the utilisation of DARTS in SER is notably limited.

  2. 2.

    Singularly, one study has explored the concept of jointly optimising CNN and SeqNN using DARTS for SER, in which the researchers specified the layer order. However, in our study, we let DARTS determine the optimal network from a relaxed search scope which enables it to select any operation in search space at the optimum layer.

  3. 3.

    Most existing studies primarily focus on the IEMOCAP dataset. In contrast, our study uniquely incorporates three widely recognised SER datasets: IEMOCAP, MSP-IMPROV, and MSP-Podcast to demonstrate the generalisation power of emoDARTS.

3 emoDARTS Framework

Refer to caption
Figure 2: The emoDARTS architecture comprises input features processed through CNN, SeqNN, and Dense layers and it utilises DARTS for jointly optimising the CNN and SeqNN components.

The proposed ‘emoDARTS’ uses DARTS to improve SER using a CNN-SeqNN network, which was motivated by studies that showed increased SER performance when CNN and LSTM layers were combined [5, 7, 8, 30]. We represent our network as a multi-component DARTS network, with the input fed into a CNN component and the output from the CNN component fed into a SeqNN component, but all components are optimised jointly during the architecture search phase, delivering an optimal architecture (Figure 2).

DARTS uses a differentiable approach to network optimisation. A computation cell is the DARTS algorithm’s fundamental unit. It aims to optimise the cell so that the architecture can function to its maximum performance. A DARTS cell is described as a directed graph, with each node representing a feature (representation) and each edge representing an operation that can be performed to a representation. One unique feature of this network is that each node is connected to all of its previous nodes by an edge, as seen in Figure 3 (a). If the output of the node j𝑗jitalic_j is x(j)superscript𝑥𝑗x^{(j)}italic_x start_POSTSUPERSCRIPT ( italic_j ) end_POSTSUPERSCRIPT and the operation ‘o𝑜oitalic_o’ on the edge connecting the nodes i𝑖iitalic_i and j𝑗jitalic_j is o(i,j)superscript𝑜𝑖𝑗o^{(i,j)}italic_o start_POSTSUPERSCRIPT ( italic_i , italic_j ) end_POSTSUPERSCRIPT, x(j)superscript𝑥𝑗x^{(j)}italic_x start_POSTSUPERSCRIPT ( italic_j ) end_POSTSUPERSCRIPT can be obtained by the Equation 1:

x(j)=i<jo(i,j)(x(i))superscript𝑥𝑗subscript𝑖𝑗superscript𝑜𝑖𝑗superscript𝑥𝑖\centering x^{(j)}=\sum_{i<j}o^{(i,j)}(x^{(i)})\@add@centeringitalic_x start_POSTSUPERSCRIPT ( italic_j ) end_POSTSUPERSCRIPT = ∑ start_POSTSUBSCRIPT italic_i < italic_j end_POSTSUBSCRIPT italic_o start_POSTSUPERSCRIPT ( italic_i , italic_j ) end_POSTSUPERSCRIPT ( italic_x start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ) (1)

In the beginning, the candidate search space is generated by combining each node of the DARTS cell with all the candidate operations (with multiple links between nodes), as illustrated in Figure 3 (b). Equation 1 incorporates a weight parameter α𝛼\alphaitalic_α to identify the optimal edge (operation) connecting two nodes, i𝑖iitalic_i and j𝑗jitalic_j, from the candidate search space of all operations. Equation 2 describes how the node’s output be represented.

x(j)=i<jα(i,j)o(i,j)(x(i))superscript𝑥𝑗subscript𝑖𝑗superscript𝛼𝑖𝑗superscript𝑜𝑖𝑗superscript𝑥𝑖\centering x^{(j)}=\sum_{i<j}\alpha^{(i,j)}o^{(i,j)}(x^{(i)})\@add@centeringitalic_x start_POSTSUPERSCRIPT ( italic_j ) end_POSTSUPERSCRIPT = ∑ start_POSTSUBSCRIPT italic_i < italic_j end_POSTSUBSCRIPT italic_α start_POSTSUPERSCRIPT ( italic_i , italic_j ) end_POSTSUPERSCRIPT italic_o start_POSTSUPERSCRIPT ( italic_i , italic_j ) end_POSTSUPERSCRIPT ( italic_x start_POSTSUPERSCRIPT ( italic_i ) end_POSTSUPERSCRIPT ) (2)

Then, the continuous relaxation of the search space updates the weights (αi,jsuperscript𝛼𝑖𝑗\alpha^{i,j}italic_α start_POSTSUPERSCRIPT italic_i , italic_j end_POSTSUPERSCRIPT) of the edges. The final architecture can be obtained by selecting the operation between two nodes with the highest weight (o(i,j)*)superscript𝑜𝑖𝑗(o^{(i,j)*})( italic_o start_POSTSUPERSCRIPT ( italic_i , italic_j ) * end_POSTSUPERSCRIPT ) by using Equation 3.

o(i,j)*=argmaxo(α(i,j))superscript𝑜𝑖𝑗𝑎𝑟𝑔𝑚𝑎subscript𝑥𝑜superscript𝛼𝑖𝑗\centering o^{(i,j)*}=argmax_{o}(\alpha^{(i,j)})\@add@centeringitalic_o start_POSTSUPERSCRIPT ( italic_i , italic_j ) * end_POSTSUPERSCRIPT = italic_a italic_r italic_g italic_m italic_a italic_x start_POSTSUBSCRIPT italic_o end_POSTSUBSCRIPT ( italic_α start_POSTSUPERSCRIPT ( italic_i , italic_j ) end_POSTSUPERSCRIPT ) (3)

The searched discrete cell architecture is shown in Figure 3 (d).

Refer to caption
Figure 3: DARTS employs steps (a) to (d) to search cell architectures: (a) initialises the graph, (b) forms a search space, (c) updates edge weights, and (d) determines the final cell structure. Nodes signify representations, edges represent operations, with light-coloured edges indicating weaker and dark-coloured edges representing stronger operations.

The number of cells (C𝐶Citalic_C or N𝑁Nitalic_N) in a component is a parameter for the DARTS algorithm that specifies how many DARTS cells are stacked to form a component in the model. Each cell takes the last two cells’ output as input. If the output from each cell t𝑡titalic_t is ytsubscript𝑦𝑡y_{t}italic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT and the function within the cell is f𝑓fitalic_f, then ytsubscript𝑦𝑡y_{t}italic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT can be represented as;

yt=f(yt1,yt2)subscript𝑦𝑡𝑓subscript𝑦𝑡1subscript𝑦𝑡2\centering y_{t}=f(y_{t-1},y_{t-2})\@add@centeringitalic_y start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_f ( italic_y start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT italic_t - 2 end_POSTSUBSCRIPT ) (4)

DARTS’ CNN component has two types of CNN cells: ‘normal’ and ‘reduction’ cells. It sets the stride to one in normal cells and two in reduction cells, resulting in a downsampled output in the reduction cells. This downsampling allows the model to eliminate the duplication of intermediate characteristics, reducing complexity.

We decided to jointly optimise the CNN and SeqNN components rather than individually since it is important for downstream components (in this case, the CNN component) to understand the behaviour of upstream components (SeqNN). Joint optimisation in a multiple-component network improves architecture search in various ways, including: 1. the back-propagation of loss minimisation flows through all the components in a single compute graph; and 2. it reduces the time required in the search phase by searching the architecture of the whole network at once.

4 Experimental Setup

4.1 Dataset and Feature Selection

We use the widely used IEMOCAP [31], MSP-IMPROV [32], and MSP-Podcast [33] datasets for our experiments. Our study takes the improvised subset of IEMOCAP and the four categorical labels, happiness, sadness, anger, and neutral as classes from the datasets. We employ five-fold cross-validation with at least one speaker out in our training and evaluations. At each fold, the training dataset is divided into two subsets, ‘search’, and ‘training’, by a 70/30703070/3070 / 30 fraction. The ‘search’ set is used in the architecture search; the ‘training’ set is used in optimising the searched architecture, and the remaining testing dataset is used to infer and obtain the testing performance of the searched and optimised model. This way, we manage to split the dataset into three sets in each cross-validation session. The IEMOCAP dataset has five sessions with ten actors and two unique speakers in each. We use one session for the testing dataset and four sessions for the search and training datasets. Similarly, MSP-Improv comprises six sessions including twelve actors. We take one session in the testing dataset and the remaining five sessions in the search and training dataset. MSP-Podcast includes a speaker ID with each audio utterance, and we group the entire dataset by the speaker and divide it by the 70/30703070/3070 / 30 rule.

In this research, we use Mel Frequency Cepstral Coefficients (MFCC) as input features to the model. MFCC has been used as the input feature in many SER studies in the literature [34, 35] and has proven to obtain promising results. Some machine learning research uses the Mel Filter bank as an input feature when the algorithm is not vulnerable to strongly correlated data. We picked the MFCC for this study since the deep learning model is produced automatically and we do not want to infer the model’s sensitivity to correlated input. We extract 128128128128 MFCCs from each 8888-second audio utterance from the dataset. If the audio utterance length is less than 8888 seconds, we added padding with zeros while the lengthier utterances are truncated. The MFCC extraction from the Librosa python library  [36] outputs a shape 128×512128512128\times 512128 × 512, downsampled with max pooling, to create a spectrogram of the shape 128×128128128128\times 128128 × 128.

4.2 Baseline Models

We compare the performance of emoDARTS for SER with three models developed without DARTS (w/o DARTS) : 1) CNN, 2) CNN+ LSTM, and 3) CNN+LSTM with attention as baseline models. The CNN baseline model consists of a CNN layer (kernel size=2, stride=2, and padding=2) followed by a Max-Pooling layer (kernel size=2 and stride=2). Two dense layers then processes the output from the Max-Pooling layer after applying a dropout of 0.30.30.30.3. Finally, the last dense layer has four output units resembling the four emotion classes, and the model outputs the probability estimation of each emotion for a given input by a Softmax function.

The CNN+LSTM baseline model is built, including an additional bi-directional LSTM layer of 128 units after the Max-Pooling layer. An attention layer is added to the LSTM layer in the ‘CNN+LSTM attention’ baseline model. Figure 4 shows the architecture of the CNN+LSTM attention baseline model

Refer to caption
Figure 4: Visualisation of the CNN+LSTM attention baseline model. The parameters of the CNN layer are: kernel size (k)=2, stride (s)=2 and, padding (p)=2 and the parameters of the Max-pooling layer are: kernel size (k)=2 and stride (s)=2 and the LSTM layer has 128 units.

4.3 DARTS Configuration

We divide the cell search space operations into the two separate parts CNN and SeqNN based on the components they apply. Table II lists the type of operations used in each component. The cell search space of the CNN component consists of pooling operations such as 3×3333\times 33 × 3 max pooling (i=3𝑖3i=3italic_i = 3) and 3×3333\times 33 × 3 average pooling (i=3𝑖3i=3italic_i = 3), convolutional operations such as 3×3333\times 33 × 3 and 5×5555\times 55 × 5 separable convolutions (i=3,5𝑖35i=3,5italic_i = 3 , 5), 3×3333\times 33 × 3 and 5×5555\times 55 × 5 dilated convolution (i=3,5𝑖35i=3,5italic_i = 3 , 5), 7×11×771177\times 1-1\times 77 × 1 - 1 × 7 factorised convolution (i=7𝑖7i=7italic_i = 7), identity connections, and no connections while the SeqNN component consists of operations such as RNN of layers 1 through 4 (j=1,2,3,4𝑗1234j=1,2,3,4italic_j = 1 , 2 , 3 , 4), RNN of layers 1 and 2 with attention (j=1,2𝑗12j=1,2italic_j = 1 , 2), LSTM of layers 1 through 4 (j=1,2,3,4𝑗1234j=1,2,3,4italic_j = 1 , 2 , 3 , 4), LSTM of layers 1 and 2 with attention (j=1,2𝑗12j=1,2italic_j = 1 , 2), identity connections and no connections.

TABLE II: Type of DARTS operations used in each component. “i𝑖iitalic_i” represents the kernel size in CNN while “j𝑗jitalic_j” represents the number of layers in the SeqNN component.
Component Operation Description
CNN max_pool_i𝑖iitalic_ixi𝑖iitalic_i

Max Pooling layer with kernel i𝑖iitalic_i

CNN avg_pool_i𝑖iitalic_ixi𝑖iitalic_i

Average Pooling layer with kernel i𝑖iitalic_i

CNN dil_conv_i𝑖iitalic_ixi𝑖iitalic_i

Dilated Convolution layer with kernel i𝑖iitalic_i, and dilation 2

CNN sep_conv_i𝑖iitalic_ixi𝑖iitalic_i

Two Convolution layers with kernel i𝑖iitalic_i

CNN conv_i𝑖iitalic_ix1_1xi𝑖iitalic_i

Two Convolution layers with first kernel (i𝑖iitalic_ix1) and second (1xi𝑖iitalic_i)

SeqNN lstm_j𝑗jitalic_j

LSTM with j𝑗jitalic_j layers

SeqNN lstm_att_j𝑗jitalic_j

LSTM of j𝑗jitalic_j layers with Attention

SeqNN rnn_j𝑗jitalic_j

RNN with j𝑗jitalic_j layers

SeqNN rnn_att_j𝑗jitalic_j

RNN of j𝑗jitalic_j layers with Attention

We use stochastic gradient descent with a learning rate from 0.0250.0250.0250.025 to 0.0010.0010.0010.001 using a cosine annealing schedule as the optimiser to optimise the weights of the operations. The search is run for 300300300300 epochs.

In our experiments, we use four DARTS cells (C=4𝐶4C=4italic_C = 4) for the CNN component following the work of Liu et al. [20] and two DARTS cells (N=2𝑁2N=2italic_N = 2) for the SeqNN component. The intuition of using N=2𝑁2N=2italic_N = 2 for the SeqNN component is discussed in section 6.2. As defined in [20], we apply reduction cells at every 13Cth13superscript𝐶𝑡\frac{1}{3}C^{th}divide start_ARG 1 end_ARG start_ARG 3 end_ARG italic_C start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT and 23Cth23superscript𝐶𝑡\frac{2}{3}C^{th}divide start_ARG 2 end_ARG start_ARG 3 end_ARG italic_C start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT position of the layers in CNN component. We randomly initialise α𝛼\alphaitalic_α values and the DARTS search algorithm optimises α𝛼\alphaitalic_α values related to each operation. The output from the CNN component is flattened to a vector before passing to the SeqNN component to adjust the input dimension of the RNN and LSTM layers.

Once the search operation completes, it outputs the architecture of DARTS cells, which is called “genome”. We create a deep learning model with the CNN component having four CNN cells and the SeqNN component having two SeqNN cells. This model is trained for 300 epochs with the training set of the datasets to minimise the loss.

We use the popular deep learning library PyTorch [37] for model development and training. The experiments are run on an NVIDIA A100 GPU with 40 GB of VRAM. We published the source code related to our research in a dedicated GitHub repository, allowing for smooth replication of our research findings111https://github.com/iot-health/emoDARTS.

5 Evaluation

We report the results using the Unweighted Accuracy (UA%), calculated by dividing the total of all classes’ recall by their number. This is recognised to depict unbalanced data workloads intrinsic to SER accurately. We additionally provide the Weighted Accuracy (WA%) mainly to compare our results with relevant studies [9, 10]. Last but not least, we also report the number of parameters of the model as an indication of the model’s complexity, calculated by adding all trainable parameters in the created model.

5.1 CNN only model

We initially assess the performance of the CNN-only model generated by DARTS (CNN – DARTS) compared to our benchmark model, specifically CNN – w/o DARTS, using the IEMOCAP dataset. The results, detailed in Table III, reveal that the DARTS-generated CNN model outperforms the performance of the baseline SER model. Additionally, Table III illustrates the performance of the DARTS-generated model with eight cells (C=8𝐶8C=8italic_C = 8), showing a lower performance compared to its counterpart with C=4𝐶4C=4italic_C = 4. This decline in performance with an increased number of cells indicates a rise in the model’s complexity, leading to overfitting and subsequent accuracy reduction.

We further examine the results from the CNN branch of Sun et al.’s EmotionNAS model [9] to highlight performance enhancements. For a direct and clear comparison of performance, we specifically utilise the ‘Spectrogram Branch’ of EmotionNAS, contrasting it with our ‘CNN – DARTS’ model. This focused comparison is chosen to ensure a fair evaluation since both models share a similar architecture. We see that the performance of our CNN – DARTS models surpasses the performance of the CNN branch of EmotionNAS by at least 5%. It is worth noting that the ‘whole model’ of EmotionNAS has a different architecture, employing a branched structure, while emoDARTS utilises a stacked architecture.

TABLE III: Performance comparison between the DARTS generated CNN model (CNN – DARTS) and a CNN SER model developed without DARTS (CNN – w/o DARTS) for the IEMOCAP dataset.
The number of parameters is in thousands
Model Param. Cell UA (%) WA (%)

CNN – DARTS

417K 4 69.36 ±plus-or-minus\pm± 3.00 72.55±3.70plus-or-minus72.553.7072.55\pm 3.7072.55 ± 3.70

CNN – DARTS

428K 8 62.25±6.74plus-or-minus62.256.7462.25\pm 6.7462.25 ± 6.74 63.78±6.83plus-or-minus63.786.8363.78\pm 6.8363.78 ± 6.83

CNN – w/o DARTS

35K - 50.04±2.69plus-or-minus50.042.6950.04\pm 2.6950.04 ± 2.69 51.01±2.23plus-or-minus51.012.2351.01\pm 2.2351.01 ± 2.23

EmotionNAS [CNN] [9]

130K 3 57.3 63.2

5.2 emoDARTS model

We analyse the performance of the CNN-SeqNN model generated by DARTS (emoDARTS) in contrast to the SER models optimised without DARTS (w/o DARTS) and visualise this in Figure 5 and Table IV. The graph shows that the NAS-generated SER model performs better than the baseline SER model developed without DARTS for the three datasets.

Refer to caption
Figure 5: Comparison of UA% between the datasets the NAS generated (emoDARTS) and CNN+LSTM attention models developed without DARTS (w/o DARTS)
TABLE IV: Unweighted Accuracy (UA%) of the CNN+LSTM attention model developed without DARTS (w/o DARTS), Unweighted Accuracy (UA%), and Weighted Accuracy (WA%) of the emoDARTS model for each Dataset
Dataset w/o DARTS emoDARTS
UA% UA% WA%
IEMOCAP 53.55 ±plus-or-minus\pm± 2.53 76.56 ±plus-or-minus\pm± 4.03 78.03 ±plus-or-minus\pm± 3.51
MSP-IMPROV 42.31 ±plus-or-minus\pm± 1.34 65.63 ±plus-or-minus\pm± 8.85 65.32 ±plus-or-minus\pm± 8.73
MSP-Podcast 54.48 ±plus-or-minus\pm± 3.25 61.15 ±plus-or-minus\pm± 2.41 62.33 ±plus-or-minus\pm± 1.80

We also compare the performance of the SER model generated by our approach with the most related studies, ‘EmotionNAS’ of Sun H. et al., and the ‘CNN_RNN_att’ system of Wu X. et al. in Table V.

TABLE V: Accuracy of SER models published by related studies compared with our study for the improvised subset in the IEMOCAP dataset.
Study UA% WA%
Sun H. et al. 2022 [9] 69.1 72.1
Wu X. et al. 2022 [10] 56.28 68.87
emoDARTS (Our Study) 76.56 ±plus-or-minus\pm± 4.03 78.03 ±plus-or-minus\pm± 3.51

It is visible that the SER model generated by our methodology for the IEMOCAP dataset outperforms the SER models generated by DARTS in the related literature.

It is further worthwhile to investigate the rationale for increased performance when compared to the results of Wu et al.’s ‘CNN RNN att’ [10] system. We suggest the improved performance is due to the relaxed candidate operations order rather than the pre-defined layer order. In Wu et al.’s study [10], for example, the initial layers are pre-defined to be convolutional layers. The DARTS algorithm must select the best convolutional layer from a pool of just CNN layers. In contrast, our technique allows DARTS to choose among many operations such as convolutions, pooling, and skip connections. Figure 6 shows one such use scenario, in which the DARTS searched architecture consists of pooling layers in the initial segments.

Figure 6 shows a visualisation of the architecture for each type of cell (normal and reduction cell of the CNN component, and cell in the SeqNN component) searched by DARTS for the emoDARTS model. It is visible that DARTS has selected three LSTM based operations for the SeqNN component and only one of them contains attention. This shows that jointly optimising the emoDARTS model has enabled the DARTS framework to choose optimum operations rather than blindly choosing layers with ‘attention’ for all the operations.

Refer to caption
Figure 6: DARTS searched tthsuperscript𝑡𝑡t^{th}italic_t start_POSTSUPERSCRIPT italic_t italic_h end_POSTSUPERSCRIPT cell structure for the CNN Normal Cell (a), CNN Reduction Cell (b), and SeqNN cell (c) for the emoDARTS model.

5.3 Restricting the search scope

We study the impact on the performance of the searched model by restricting the search scope for the SeqNN component. We divide the search scope into five segments namely ‘LSTM Only’, ‘LSTM-Att. Only’, ‘RNN Only’, and ‘RNN-Att. Only’. Table VI shows the DARTS operations allowed as the candidate operations in the SeqNN component during the search phase.

TABLE VI: DARTS operations allowed as the candidate operations in the SeqNN component during the search phase
Scope Candidate Operations

emoDARTS

lstm_1, lstm_2, lstm_3, lstm_4, lstm_att_1, lstm_att_2, rnn_1, rnn_2, rnn_3, rnn_4, rnn_att_1, rnn_att_2

LSTM Only

lstm_1, lstm_2, lstm_3, lstm_4

LSTM-Att. Only

lstm_att_1, lstm_att_2

RNN Only

rnn_1, rnn_2, rnn_3, rnn_4

RNN-Att. Only

rnn_att_1, rnn_att_2

Table VII shows the performance and number of parameters of the searched model when the candidate search operations are restricted. Here, we study the effect on the performance of the searched architecture when the search algorithm was only given a restricted set of operations. For example, the ‘LSTM Only’ study only allowed to use operations from lstm_1, lstm_2, lstm_3, and lstm_4. We try to identify the most important types of genome operations that we can use in the search algorithm. This approach allows to use of only the important operations in the search scope and optimises the memory utilisation in the search phase.

TABLE VII: Performance (UA%, WA%) and number of parameters (Param.) of each generated model when the candidate search operations are restricted
IEMOCAP MSP-Improv MSP-Podcast
Genome Ops. UA% WA% Param. UA% WA% Param. UA% WA% Param.
emoDARTS 76.55 ±plus-or-minus\pm± 4.03 78.03 ±plus-or-minus\pm± 3.51 1 014 556 65.63 ±plus-or-minus\pm± 8.85 65.32 ±plus-or-minus\pm± 8.73 1 008 812 61.15 ±plus-or-minus\pm± 2.41 62.33 ±plus-or-minus\pm± 1.79 1 835 604
LSTM Only 67.42 ±plus-or-minus\pm± 5.76 67.78 ±plus-or-minus\pm± 5.97 2 939 372 32.35 ±plus-or-minus\pm± 1.93 31.85 ±plus-or-minus\pm± 0.98 2 931 748 53.12 ±plus-or-minus\pm± 5.82 54.48 ±plus-or-minus\pm± 5.43 2 943 852
LSTM-Att. Only 68.12 ±plus-or-minus\pm± 7.12 68.59 ±plus-or-minus\pm± 6.62 7 284 412 49.74 ±plus-or-minus\pm± 10.08 49.8 ±plus-or-minus\pm± 10.15 6 474 676 53.11 ±plus-or-minus\pm± 5.83 55.07 ±plus-or-minus\pm± 5.14 7 284 932
RNN Only 70.42 ±plus-or-minus\pm± 8.32 72.07 ±plus-or-minus\pm± 8.23 356 492 63.59 ±plus-or-minus\pm± 7.88 63.49 ±plus-or-minus\pm± 7.95 1 016 284 59.16 ±plus-or-minus\pm± 6.67 60.72 ±plus-or-minus\pm± 7.65 706 068
RNN-Att. Only 36.14 ±plus-or-minus\pm± 10.97 48.63 ±plus-or-minus\pm± 6.56 29 324 57.71 ±plus-or-minus\pm± 12.61 57.04 ±plus-or-minus\pm± 12.14 22 932 59.29 ±plus-or-minus\pm± 6.38 60.25 ±plus-or-minus\pm± 6.09 2 844 420
Refer to caption
Figure 7: Visualisation of results for the studies restricting the search space for the three datasets: IEMOCAP, MSP-IMPROV, and MSP-Podcast. The vertical axis is the mean UA% and the horizontal axis is the standard deviation of UA%. The size of the marker depicts the size (number of parameters) of the generated model. The best performing model can be found at the top-left most position of the figure which has the highest mean UA% and lowest standard deviation of UA%.

Comparing the trials ‘emoDARTS’ and ‘LSTM Only’ in the IEMOCAP dataset, we can observe that even though the number of parameters has tripled in the ‘LSTM Only’ scenario, the performance (UA%) has not increased. This indicates that increasing the number of parameters just by increasing the complexity of the model does not tend to give better performance, but the model components should be compatible with each other.

Notably, models using ’RNN Only’ genomic operations achieve the second-highest accuracy despite having much fewer trainable parameters. Figure 8 depicts the cell architecture, which consists mostly of pooling layers and skip connection operations that do not have any training parameters and hence do not contribute to the total number of trainable parameters.

Refer to caption
Figure 8: DARTS searched cell structure for CNN and SeqNN cells when the SeqNN search space has only RNN operations (RNN Only) for the IEMOCAP dataset

We provide in Table VII results as well as a scatter plot for better visualisation in Figure 7, where the mean UA% in the vertical axis, standard deviation of UA% in the horizontal axis and size of the markers indicates the number of parameters. The polts indicate which model gives better performance in terms of the mean accuracy and its standard deviation. The best performing model can be found in the top left corner of the plot where the highest UA% and lowest Standard deviation of UA% are present. According to the figure, the best performing model for all three datasets is given by ‘emoDARTS’ where all the candidate operations are available in the search scope.

6 Discussion

Throughout this study, we encountered various challenges. In this section, we report the key challenges and our strategies for overcoming them. The three primary challenges we faced were:

  1. 1.

    Optimising the GPU Memory utilisation

  2. 2.

    Converging to a local minima

  3. 3.

    High Standard Deviation of the results

6.1 Optimising the GPU Memory utilisation

The DARTS algorithm conceptualises the search problem as a network graph, establishing multiple edges between each node. The quantity of edges corresponds to the defined candidate operations. These operations encompass various possibilities, ranging from simple CNN, pooling, and RNN layers to intricate modules like an LSTM-attention module. In the search phase, a super-neural network is constructed, resulting in multiple instances of neural network layers or modules within this overarching structure.

Figure 9 shows an example of a graph inside a DARTS cell that has four nodes and the candidate operations are “lstm_1”, “lstm_2”, and “lstm_att_1”, where “lstm_1” is a single layer LSTM component, “lstm_2” is a double layer LSTM component, and “lstm_att_1” is an attention induced single layer LSTM component.

Refer to caption
Figure 9: Example graph of a DARTS cell which has four nodes and candidate operations are “lstm_1”, “lstm_2”, and “lstm_att_1”. The same edge colour denotes the same type of operation.

According to the example, a single DARTS cell should initiate 6×\times×lstm_1 layers, 6×\times×lstm_2 layers, and 6×\times×lstm_att_1 layers. If the search configuration has 4444 cells, we have to initialise 4444 instances of cells where all the weight and bias parameters have to be initialised in the computing device. This will increase the GPU memory utilisation.

Providing a higher number of nodes in a cell, a higher number of cells, and expanding the array of candidate operations will increase the amount of GPU memory utilisation and eventually will exhaust the GPU memory capacity failing the search operation.

To optimise the GPU memory utilisation, we recommend conducting an assessment to determine the set of possible search operations and hyperparameters such as the number of layers, cells, and nodes inside the cell considering the GPU resources available.

On the other hand, based on the results of Table VII, we should not be restricted only to a single type of network but rather should consist of a variety of network architectures. We selected the set of candidate operations indicated in Table VI under ’emoDARTS’ based on GPU resource availability and on the premise that all sorts of candidate operations should be available in the search space.

6.2 Converging to a local minima

Throughout the course of our experiments, we attempted various configurations for the number of cells and nodes. We observed that the SeqNN module converges to a local minimum when the number of cells and number of nodes is greater than 3333. The output of the searched genome for the SeqNN module contained all “skip_connect” which indicates identity operations are used instead of any RNN or LSTM operations. Figure 10 shows one such instance DARTS SeqNN genome.

We were able to address the challenge by reducing the complexity of the candidate search graph by reducing the number of cells and the number of nodes inside a cell. More research is, however, needed to manage a more complex search network.

6.3 High Standard Deviation in the results

An important observation derived from our results is the high standard deviation. This can be attributed to the dataset-splitting method we employed. Specifically, we adopt speaker-independent dataset splitting, where the training and validation sets are segregated based on the speaker. In this configuration, any audio utterance from a particular speaker in the validation set remains unseen by the model during training. Consequently, the DARTS-optimised model is not trained to handle the data distribution of the validation set. To tackle this challenge, potential solutions include dataset poisoning and enhancing the generalisation capabilities of the SER model by incorporating dropout layers.

Refer to caption
Figure 10: DARTS genome of the SeqNN module where the search algorithm selected the identity operation as all the operations.

7 Conclusions

In conclusion, this paper introduced an innovative approach to enhancing speech emotion recognition (SER) using differentiable architecture search by DARTS. Our primary focus was on tailoring DARTS for a joint configuration of a Convolutional Neural Network (CNN) and a Sequential Neural Network, deviating from previous studies by allowing DARTS to autonomously determine the optimal layer order for the CNN within the DARTS cell without imposing constraints.

A comprehensive evaluation was conducted, comparing our proposed method with baseline models developed without DARTS and various genome operations, including LSTM only, LSTM with attention only, RNN only, and RNN with attention only. The detailed assessments consistently demonstrate the superior performance of our proposed method. Contrasting with existing studies further validates the effectiveness and superiority of our approach, considering parameter size and accuracy as essential dimensions for comparison.

Notably, our study extends beyond the confines of the commonly used IEMOCAP dataset, incorporating two additional datasets, MSP-IMPROV and MSP-Podcast. This extension showcases the superior performance of our proposed method across diverse datasets, affirming its generalisation capability.

Furthermore, we shared valuable insights gained from our experiences, addressing challenges related to GPU exhaustion and converging to local minima. These insights serve as practical guidance for researchers, hel** them navigate potential pitfalls and optimise the application of DARTS in SER.

Future efforts will need to deal with neural architecture for further modern architectures such as transformers and translating the made findings beyond the targeted field of application.

References

  • [1] J. Zhao, X. Mao, and L. Chen, “Speech emotion recognition using deep 1D & 2D CNN LSTM networks,” Biomedical Signal Processing and Control, vol. 47, pp. 312–323, 1 2019.
  • [2] M. A. Jalal, R. Milner, and T. Hain, “Empirical interpretation of speech emotion perception with attention based model for speech emotion recognition,” Proceedings of the Annual Conference of the International Speech Communication Association, INTERSPEECH, vol. 2020-October, pp. 4113–4117, 2020.
  • [3] E. Lieskovská, M. Jakubec, R. Jarina, M. Chmulík, Y.-F. Liao, P. Bours, and C. Kwan, “A Review on Speech Emotion Recognition Using Deep Learning and Attention Mechanism,” Electronics 2021, Vol. 10, Page 1163, vol. 10, no. 10, p. 1163, 5 2021.
  • [4] S. Latif, R. Rana, S. Khalifa, R. Jurdak, and B. W. Schuller, “Multitask Learning From Augmented Auxiliary Data for Improving Speech Emotion Recognition,” IEEE Transactions on Affective Computing, pp. 1–13, 7 2022. [Online]. Available: https://ieeexplore.ieee.org/document/9947296/
  • [5] W. Han, H. Ruan, X. Chen, Z. Wang, H. Li, and B. Schuller, “Towards temporal modelling of categorical speech emotion recognition,” Proceedings of the Annual Conference of the International Speech Communication Association, INTERSPEECH, vol. 2018-September, pp. 932–936, 2018.
  • [6] K. N. Haque, M. A. Yousuf, and R. Rana, “Image denoising and restoration with CNN-LSTM Encoder Decoder with Direct Attention,” arXiv Prepr., pp. 1–12, 1 2018. [Online]. Available: https://arxiv.longhoe.net/abs/1801.05141v1
  • [7] Y. Li, T. Zhao, and T. Kawahara, “Improved end-to-end speech emotion recognition using self attention mechanism and multitask learning,” Proceedings of the Annual Conference of the International Speech Communication Association, INTERSPEECH, vol. 2019-September, pp. 2803–2807, 2019.
  • [8] S. Latif, R. Rana, S. Khalifa, R. Jurdak, and B. W. Schuller, “Self Supervised Adversarial Domain Adaptation for Cross-Corpus and Cross-Language Speech Emotion Recognition,” IEEE Transactions on Affective Computing, 2022.
  • [9] H. Sun, Z. Lian, B. Liu, Y. Li, L. Sun, C. Cai, J. Tao, M. Wang, and Y. Cheng, “EmotionNAS: Two-stream Neural Architecture Search for Speech Emotion Recognition,” Proceedings of the Annual Conference of the International Speech Communication Association, INTERSPEECH, vol. 2023-August, pp. 3597–3601, 2023.
  • [10] X. Wu, S. Hu, Z. Wu, X. Liu, and H. Meng, “Neural Architecture Search for Speech Emotion Recognition,” ICASSP, IEEE International Conference on Acoustics, Speech and Signal Processing - Proceedings, vol. 2022-May, pp. 6902–6906, 2022.
  • [11] Y. Xu, L. Xie, X. Zhang, X. Chen, G.-J. Qi, Q. Tian, and H. Xiong, “PC-DARTS: Partial Channel Connections for Memory-Efficient Architecture Search,” in International Conference on Learning Representations, 7 2020.
  • [12] G. M. Biju, G. N. Pillai, and J. Seshadrinath, “Electric load demand forecasting with RNN cell generated by DARTS,” IEEE Region 10 Annual International Conference, Proceedings/TENCON, vol. 2019-October, pp. 2111–2116, 10 2019.
  • [13] R. Maulik, R. Egele, C. Polytechnique, B. Lusch, and P. Balaprakash, “Recurrent Neural Network Architecture Search for Geophysical Emulation,” Proceedings of the International Conference for High Performance Computing, Networking, Storage and Analysis, 2020.
  • [14] W. Q. Zheng, J. S. Yu, and Y. X. Zou, “An experimental study of speech emotion recognition based on deep convolutional neural networks,” 2015 International Conference on Affective Computing and Intelligent Interaction, ACII 2015, pp. 827–831, 12 2015.
  • [15] G. Trigeorgis, F. Ringeval, R. Brueckner, E. Marchi, M. A. Nicolaou, B. Schuller, and S. Zafeiriou, “Adieu features? End-to-end speech emotion recognition using a deep convolutional recurrent network,” ICASSP, IEEE International Conference on Acoustics, Speech and Signal Processing - Proceedings, pp. 5200–5204, 5 2016.
  • [16] Z. Zhang, J. Han, K. Qian, and B. Schuller, “Evolving Learning for Analysing Mood-Related Infant Vocalisation,” Proceedings INTERSPEECH 2018, 19. Annual Conference of the International Speech Communication Association, pp. 142–146, 2018.
  • [17] B. Zoph and Q. V. Le, “Neural Architecture Search with Reinforcement Learning,” 5th International Conference on Learning Representations, ICLR 2017 - Conference Track Proceedings, 11 2016.
  • [18] E. Liberis, L. Dudziak, and N. D. Lane, “μ𝜇\muitalic_μNAS: Constrained Neural Architecture Search for Microcontrollers,” Proceedings of the 1st Workshop on Machine Learning and Systems, EuroMLSys 2021, pp. 70–79, 10 2020.
  • [19] C. Gong, Z. Jiang, D. Wang, Y. Lin, Q. Liu, and D. Z. Pan, “Mixed precision neural architecture search for energy efficient deep learning,” IEEE/ACM International Conference on Computer-Aided Design, Digest of Technical Papers, ICCAD, vol. 2019-November, 11 2019.
  • [20] H. Liu, K. Simonyan, and Y. Yang, “DARTS: Differentiable Architecture Search,” 7th International Conference on Learning Representations, ICLR 2019, 6 2018. [Online]. Available: https://arxiv.longhoe.net/abs/1806.09055v2
  • [21] C. Liu, B. Zoph, M. Neumann, J. Shlens, W. Hua, L.-J. Li, L. Fei-Fei, A. Yuille, J. Huang, and K. Murphy, “Progressive Neural Architecture Search,” in Proceedings of the European Conference on Computer Vision (ECCV), 2018, pp. 19–34.
  • [22] H. Liang, S. Zhang, J. Sun, X. He, W. Huang, K. Zhuang, and Z. Li, “DARTS+: Improved Differentiable Architecture Search with Early Stop**,” arXiv preprint, 9 2019.
  • [23] A. Wan, X. Dai, P. Zhang, Z. He, Y. Tian, S. Xie, B. Wu, M. Yu, T. Xu, K. Chen, P. Vajda, and J. E. Gonzalez, “FBNetV2: Differentiable Neural Architecture Search for Spatial and Channel Dimensions,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), 2020, pp. 12 965–12 974.
  • [24] X. Chen and C.-J. Hsieh, “Stabilizing Differentiable Architecture Search via Perturbation-based Regularization,” Proceedings of the 37th International Conference on Machine Learning, 2020.
  • [25] H. Yu, H. Peng, Y. Huang, J. Fu, H. Du, L. Wang, and H. Ling, “Cyclic Differentiable Architecture Search,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 45, no. 1, pp. 211–228, 1 2023.
  • [26] T. Rajapakshe, R. Rana, S. Khalifa, B. Sisman, and B. W. Schuller, “Enhancing Speech Emotion Recognition Through Differentiable Architecture Search,” arXiv preprint, 5 2023. [Online]. Available: https://arxiv.longhoe.net/abs/2305.14402v3
  • [27] Y. Zhang, J. Du, Z. Wang, J. Zhang, and Y. Tu, “Attention Based Fully Convolutional Network for Speech Emotion Recognition,” 2018 Asia-Pacific Signal and Information Processing Association Annual Summit and Conference, APSIPA ASC 2018 - Proceedings, pp. 1771–1775, 7 2018.
  • [28] M. Chen, X. He, J. Yang, and H. Zhang, “3-D Convolutional Recurrent Neural Networks with Attention Model for Speech Emotion Recognition,” IEEE Signal Processing Letters, vol. 25, no. 10, pp. 1440–1444, 10 2018.
  • [29] H. Zou, Y. Si, C. Chen, D. Rajan, and E. S. Chng, “Speech Emotion Recognition with Co-Attention Based Multi-Level Acoustic Information,” ICASSP, IEEE International Conference on Acoustics, Speech and Signal Processing - Proceedings, vol. 2022-May, pp. 7367–7371, 2022.
  • [30] Z. T. Liu, M. T. Han, B. H. Wu, and A. Rehman, “Speech emotion recognition based on convolutional neural network with attention-based bidirectional long short-term memory network and multi-task learning,” Applied Acoustics, vol. 202, p. 109178, 1 2023.
  • [31] C. Busso, M. Bulut, C.-C. Lee, A. Kazemzadeh, E. Mower, S. Kim, J. N. Chang, S. Lee, and S. S. Narayanan, “IEMOCAP: interactive emotional dyadic motion capture database,” Language Resources and Evaluation, vol. 42, no. 4, p. 335, 2008.
  • [32] C. Busso, S. Parthasarathy, A. Burmania, M. AbdelWahab, N. Sadoughi, and E. M. Provost, “MSP-IMPROV: An Acted Corpus of Dyadic Interactions to Study Emotion Perception,” IEEE Transactions on Affective Computing, vol. 8, no. 1, pp. 67–80, 2017.
  • [33] R. Lotfian and C. Busso, “Building Naturalistic Emotionally Balanced Speech Corpus by Retrieving Emotional Speech from Existing Podcast Recordings,” IEEE Transactions on Affective Computing, vol. 10, no. 4, pp. 471–483, 10 2019.
  • [34] S. Davis and P. Mermelstein, “Comparison of parametric representations for monosyllabic word recognition in continuously spoken sentences,” IEEE transactions on acoustics, speech, and signal processing, vol. 28, no. 4, pp. 357–366, 1980.
  • [35] S. Latif, R. Rana, S. Khalifa, R. Jurdak, and J. Epps, “Direct Modelling of Speech Emotion from Raw Speech,” in Proceedings of the Annual Conference of the International Speech Communication Association, INTERSPEECH, 2019, pp. 3920–3924.
  • [36] B. McFee, C. Raffel, D. Liang, D. P. W. Ellis, M. McVicar, E. Battenberg, and O. Nieto, “librosa: Audio and music signal analysis in python,” in Proceedings of the 14th python in science conference, vol. 8, 2015.
  • [37] A. Paszke, S. Gross, F. Massa, A. Lerer, J. Bradbury Google, G. Chanan, T. Killeen, Z. Lin, N. Gimelshein, L. Antiga, A. Desmaison, A. K. Xamla, E. Yang, Z. Devito, M. Raison Nabla, A. Tejani, S. Chilamkurthy, Q. Ai, B. Steiner, L. F. Facebook, J. B. Facebook, and S. Chintala, “PyTorch: An Imperative Style, High-Performance Deep Learning Library,” Advances in Neural Information Processing Systems, pp. 8024–8035, 2019.