Next Article in Journal
Correction: Elsheikh et al. Low-Cost Real-Time PPP/INS Integration for Automated Land Vehicles. Sensors 2019, 19, 4896
Next Article in Special Issue
A Graph-Neural-Network-Based Social Network Recommendation Algorithm Using High-Order Neighbor Information
Previous Article in Journal
UNetGE: A U-Net-Based Software at Automatic Grain Extraction for Image Analysis of the Grain Size and Shape Characteristics
Previous Article in Special Issue
Fine-Tuned DenseNet-169 for Breast Cancer Metastasis Prediction Using FastAI and 1-Cycle Policy
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Deep Ensemble Neural Network with Attention Mechanisms for Lung Abnormality Classification Using Audio Inputs

1
Department of Computer and Information Sciences, Faculty of Engineering and Environment, University of Northumbria, Newcastle upon Tyne NE1 8ST, UK
2
Department of Computer Science, Royal Holloway University of London, Egham TW20 0EX, UK
3
College of Tongda, Nanjing University of Posts and Telecommunications, Nanjing 210049, China
4
Department of Computing and Mathematics, Manchester Metropolitan University, Manchester M15 6BH, UK
5
School of Computer Science, Hubei University of Technology, Wuhan 430068, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(15), 5566; https://doi.org/10.3390/s22155566
Submission received: 12 June 2022 / Revised: 10 July 2022 / Accepted: 22 July 2022 / Published: 26 July 2022

Abstract

:
Medical audio classification for lung abnormality diagnosis is a challenging problem owing to comparatively unstructured audio signals present in the respiratory sound clips. To tackle such challenges, we propose an ensemble model by incorporating diverse deep neural networks with attention mechanisms for undertaking lung abnormality and COVID-19 diagnosis using respiratory, speech, and coughing audio inputs. Specifically, four base deep networks are proposed, which include attention-based Convolutional Recurrent Neural Network (A-CRNN), attention-based bidirectional Long Short-Term Memory (A-BiLSTM), attention-based bidirectional Gated Recurrent Unit (A-BiGRU), as well as Convolutional Neural Network (CNN). A Particle Swarm Optimization (PSO) algorithm is used to optimize the training parameters of each network. An ensemble mechanism is used to integrate the outputs of these base networks by averaging the probability predictions of each class. Evaluated using respiratory ICBHI, Coswara breathing, speech, and cough datasets, as well as a combination of ICBHI and Coswara breathing databases, our ensemble model and base networks achieve ICBHI scores ranging from 0.920 to 0.9766. Most importantly, the empirical results indicate that a positive COVID-19 diagnosis can be distinguished to a high degree from other more common respiratory diseases using audio recordings, based on the combined ICBHI and Coswara breathing datasets.

1. Introduction

Deep learning has emerged as one of the most popular techniques for video and signal processing tasks, owing to its recent breakthrough and advancement [1]. A significant number of deep architectures have been proposed for medical diagnosis with respect to diabetic retinopathy screening, brain tumor, and leukemia diagnosis. Deep Neural Networks have also shown significantly improved performance for medical sound classification [2]. As an example, Convolutional Neural Networks (CNNs) have been used for the classification of cardiovascular phonocardiograms (PCG) pertaining to heart abnormality identification, based on the extraction of Mel-frequency cepstral coefficients (MFCC) features [3]. Such deep networks showed much enhanced capabilities for heart abnormality classification in comparison with traditional machine learning methods such as Support Vector Machine (SVM) and Multilayer Perceptron (MLP). Recurrent Neural Networks (RNNs) have also shown effectiveness for temporal feature extraction with respect to language generation and audio classification. As two popular types of RNNs, Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU) have been widely adopted in signal classification and time series forecasting [1,4]. These networks are similar in functionality, with the primary difference being that the GRU combines the “forget” and “input” gates into an “update” gate, as well as having a “reset” gate, instead of an “output” gate as in LSTM. This difference in architecture results in the GRU model having a simpler topology with fewer parameters than those of an LSTM unit [5]. Both LSTM and GRU have been used in recent studies for medical audio classification. For instance, Kochetov et al. [4] proposed a Noise-Masking Recurrent Neural Network (NMRNN) for respiratory abnormality classification based on the MFCC features. Besides using both LSTM and GRU networks, their model applied a noise classifier to distinguish and eliminate any redundant noise in the audio files, simultaneously. Their work was evaluated using the ICBHI dataset [6] for the classification of normal, wheeze, crackle, and both crackle and wheeze cases. A GRU network was also exploited for audio scene classification in [7]. Their findings indicated the growing potential of using GRU networks for audio classification, owing to the fact that the network achieved an F1-score of 97.7% for the classification of 19 scenes using the LITIS-Rouen dataset.
Motivated by the above studies, in this research, we employ LSTM and GRU networks for the identification of diverse lung diseases and COVID-19 conditions using respiratory, coughing, and speech datasets. In addition, we employ five medical audio datasets in this research, i.e., ICBHI [6], Coswara breathing [8], Coswara speech [8], Coswara coughing [8], and the combination of ICBHI and Coswara breathing, to distinguish between different types of commonly seen lung diseases as well as between such lung conditions and COVID-19. Specifically, the ICBHI dataset contains audio respiratory recordings of six lung conditions, i.e., healthy, chronic obstructive pulmonary disease (COPD), pneumonia, bronchiectasis, bronchiolitis, and upper respiratory tract infection (URTI). The Coswara dataset contains coughing, speech, and breathing audio samples associated with COVID-19 conditions. In other words, these Coswara datasets can be used to identify positive and negative COVID-19 cases through coughing, speech, and respiratory recordings, respectively. In addition, we also combine ICBHI and Coswara breathing datasets to distinguish COVID-19 from other respiratory diseases (e.g., COPD and pneumonia) based on breathing clips.
However, owing to the intermit characteristics of respiratory/coughing sound recordings, different recording mechanisms, and background and white noise, medical audio classification performance can be hindered using the above datasets. In addition, for the Coswara speech dataset, a range of accents and dialects are also present, which could affect network performance with respect to positive and negative COVID-19 classification through speech alone.
To tackle the above challenges and ascertain a reliable diagnosis, we propose a set of deep networks, i.e., 1D CNN, attention-based Convolutional Recurrent Neural Network (A-CRNN), attention-based bidirectional LSTM (A-BiLSTM), and attention-based bidirectional GRU (A-BiGRU), as well as an ensemble model embedding the above networks for classifying a variety of lung conditions. Evolutionary algorithms such as Particle Swarm Optimization (PSO) are also used to identify the optimal hyper-parameters of the above base deep networks. The ensemble model incorporates various base networks with distinctive learning behaviors and hyper-parameter settings to increase model diversity. Figure 1 shows the proposed system dataflow. The contributions of this research are summarized as follows.
  • We propose a PSO-based evolving ensemble model for lung abnormality classification, which integrates four types of deep networks, i.e., A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN, with the attempt to generate diverse discriminative acoustic representations to enhance classification performance. Specifically, the A-CRNN model comprises 1D convolutional and BiLSTM layers to diversify feature learning mechanisms, while A-BiLSTM exploits bidirectional LSTM layers to learn feature representations from both forward and backward directions. A-BiGRU adopts similar bidirectional RNN layers (i.e., BiGRU layers) but with different gating mechanisms to explore network feature learning capabilities in tackling disease diagnosis. A 1D CNN model is also proposed which embeds a set of 1D convolutional layers with scalar multiplication and addition operations for extracting sequential temporal cues. On top of this, attention mechanisms are also exploited in A-CRNN, A-BiLSTM, and A-BiGRU for extracting more discriminative signal dynamics.
  • To maximize network performance and diversify model learning behaviors, a PSO model is used to optimize the learning rate, batch size, and the number of training epochs for A-CRNN, A-BiLSTM, A-BiGRU, and CNN. The devised networks with distinctive learning configurations illustrate more diversified learning behaviors to enhance ensemble model robustness. The resulting ensemble model utilizes an average probability method to integrate the outputs of these optimized base networks.
  • Evaluated using several challenging medical sound datasets, the proposed ensemble model outperforms existing methods for abnormal respiratory, coughing, and speech sound classification with respect to diverse lung disease and COVID-19 cases. In particular, the proposed base and ensemble models show great efficiency in distinguishing common respiratory diseases from COVID-19 using respiratory audio clips. To the best of our knowledge, we are also the first study to explore the classification of COVID-19 against diverse other commonly seen lung conditions.
The paper is organized as follows. Section 2 presents state-of-the-art existing studies for audio classification. The proposed audio classification networks with optimal hyper-parameter selection as well as ensemble model construction are depicted in Section 3. A comprehensive evaluation is presented in Section 4. We conclude this research and identify future directions in Section 5.

2. Related Work

2.1. General Audio Classification

There has been a wide range of studies using deep learning techniques for audio classification. As an example, Choi et al. [9] proposed a Convolutional Recurrent Neural Network (CRNN) for music classification. Their work described how the CRNN model was used to train on the Million Song dataset, which consisted of numerous song clips from categories such as genre, mood, era, and music instrument [10]. As efficient assets for classifying audio datasets, MFCC features were firstly extracted from the dataset using the python package Librosa [11]. The MFCC features presented the logarithmic measure of the Mel magnitude spectrum and contained sufficient discriminating properties. Their studies indicated that the CRNN model, which consisted of four conv2d layers and two RNN layers, performed better than the three baseline CNN models, with the only downside being the higher number of parameters, leading to higher computational costs.
Chen and Li [12] proposed a multi-feature combined network by combining two streams, i.e., CNN-BiLSTM and 1D DNN, for song emotion classification using audio inputs. Another 1D network with several fully connected layers was also used to detect emotions in lyrics text inputs. An ensemble stacking method was used to combine the emotion detection outputs from both audio and text inputs. The Million Song dataset consisting of 500 music samples with each of the 4 emotion classes: anger, sadness, relaxation, and happiness, was used to investigate model efficiency. Their hybrid network obtained an average accuracy rate of 68% for classifying four emotion classes, whereas the three baseline models, i.e., CNN-LSTM, CNN, and LSTM, obtained accuracy rates of 63%, 59%, and 50%, respectively. This ascertained that using a BiLSTM layer may have a strong positive influence on improving classification performance, making it a worthy addition to the experimental studies in this research.

2.2. Related Studies Using the ICBHI Dataset

Perna and Tagarelli [13] implemented RNN models (i.e., BiLSTM, LSTM, and GRU) to train and classify the respiratory dataset, i.e., ICBHI, on both pathology and anomaly levels. The pathology-level classification includes two different tasks, i.e., the binary classification of healthy and unhealthy cases, and one ternary classification of healthy, chronic, or non-chronic conditions. On the other hand, the four-class-driven anomaly-level prediction focused on the identification of normal, wheeze, crackle, and the presence of both conditions. Their work employed BiLSTM, LSTM, and GRU networks, where seven different model configurations were considered. These configurations differed by several experimental settings, such as window size and step, frame size, and extracted audio features. The results from the study showed several notable observations. The first observation was that for the four-class anomaly-driven prediction, all seven settings had a similar performance with respect to each network, with the ICBHI scores ranging from 0.71 to 0.74, while for the pathology-driven predictions, the ICBHI scores ranged from 0.86 to 0.91. This indicated the strong and robust performance of the RNN models, regardless of the configuration settings chosen. In particular, their experiments demonstrated that the LSTM model performed the strongest over the range of experiments, while the GRU model generally performed the worst. Additionally, the BiLSTM model performed very inconsistently, having the strongest results for some of the experiments, while also having the weakest results for others, as well as being the most computationally intensive.

2.3. Related Studies Using the Coswara Dataset

Concerning the Coswara dataset, although the dataset is new and the audio samples in the dataset are recorded from mobile devices, there are several studies that demonstrate strong classification performance using different machine learning methods. For instance, Pahar et al. [14] demonstrated the use of both the Coswara dataset and the SARS-CoV-2 South Africa (Sarcos) dataset. Their work adopted a range of machine learning models, such as Resnet50, LSTM, CNN, MLP, SVM, and logistic regression (LR), for the classification of different lung abnormalities. MFCC features were also adopted in their studies. Two evaluation strategies were employed in their experiments, one being both trained and tested on the Coswara dataset, and the other being trained on the Coswara dataset and tested on the Sarcos dataset, with the attempt to determine if the data in the Coswara dataset would be suitable for classification on audio files outside of its specific recording conditions. The classes for both datasets were coughing recordings from subjects with either a positive or a negative diagnosis for COVID-19. For the first set of evaluations where the Coswara dataset was used for training and testing, it was found that Resnet50 and LSTM recorded the highest accuracy performances, with accuracy rates of at least 93.65% and 95.3%, respectively. Meanwhile, the MLP, LR, and SVM all performed significantly worse. For the second set of evaluations, where the Coswara and Sarcos datasets were employed for training and testing, respectively, the empirical results indicated that LSTM in conjunction with the greedy search algorithm, i.e., Sequential Forward Selection (SFS) [15], was the best-performing network, with an accuracy rate of 92.91% on the test set, whereas other baseline models demonstrated results of 73.02–74.58%. As revealed by both studies, the most performant model for audio classification on the Coswara dataset was the LSTM network.
Muguli et al. [16] presented a challenge in which 29 teams performed binary audio classification on the Coswara dataset, i.e., using subjects who have a positive or a negative COVID-19 diagnosis. Unlike the previous works, this study featured two tracks, Track-1 being the primary track, focusing on cough sounds, and Track-2, focusing on a collection of breathing and speech sounds, with the latter including vowel phonation and number counting recordings. A range of feature extraction choices were made across the 29 teams, including MFCC, spectrograms, and feature embeddings. Similarly, there was also a range of model choices including comparatively more traditional methods such as an LR, MLP, and Random Forest (RF), as well as state-of-the-art deep networks such as CNN (e.g., ResNet) and LSTM models. Following the 22-day period of the challenge, it was found that for the primary Track-1, the best team showcased an AUC of 87.07%, which far outperformed the baseline RF model with an AUC of 70.63%, for classifying positive/negative COVID-19 conditions. All the aforementioned studies indicate that there is vast potential for developing a high-performing model for the use of audio classification on both the ICBHI and Coswara datasets.

2.4. Attention Mechanisms

A notable state-of-the-art addition to the investigation in this research is the attention mechanism, which has been extensively examined in numerous studies as part of RNN architectures. Such attention schemes have demonstrated promising results in areas such as speech recognition, natural language processing (NLP), and image description generation. The attention mechanism has the adaptive capacity to learn the relationship between each of the input features over numerous time steps to predict the current timeframe [17,18].
Zhang et al. [18] introduced a CRNN architecture incorporating an attention mechanism, with the attempt to identify diverse environmental sound signals. Their model was tested using the ambient audio datasets, i.e., ESC-50 and ESC-10, with 50 and 10 environmental sound categories, respectively [19]. According to the empirical results from the study, the attention mechanism produced a considerable boost in accuracy, with an average increase of more than 2% for both environmental sound datasets. The potential boost in classification accuracy, and the ability to determine if such a boost exists, are the two primary reasons why the attention mechanism has been chosen to be included for the investigation in our research studies.
Moreover, Wall et al. [20] utilized BiLSTM and BiGRU with attention mechanisms for lung abnormality classification using the ICBHI and Coswara cough datasets. Sait et al. [21] employed transfer learning based on Inception-v3 combined with MLP for COVID-19 diagnosis using breathing and chest X-ray image inputs, while Wall et al. [22] and Perna [23] studied BiLSTM and CNN for common lung abnormality diagnosis using breathing audio inputs, respectively. García-Ordás et al. [24] studied a 2D CNN in combination with data augmentation and oversampling techniques, such as Variational Convolutional Autoencoder, for respiratory abnormality classification.
Besides the above, a variety of other existing studies have also been exploited for undertaking respiratory, heart, and environmental sound classification. For example, Boddapati et al. [25] conducted environmental sound identification using AlexNet and GoogLeNet. Zhang et al. [26] exploited an ensemble of CRNN models with hyper-parameter selection for respiratory, heart, and environmental sound classification, while 1D CNNs were utilized by Li et al. [27] and Xiao et al. [28] for heart abnormality classification using audio inputs. We summarize the aforementioned studies in Table 1. In comparison with these existing studies, we propose an evolving ensemble model integrating four different types of CNN and RNN networks (i.e., CRNN, BiLSTM, BiGRU, and 1D CNN) with attention mechanisms and PSO-based hyper-parameter identification to generate diverse discriminative acoustic representations and increase model robustness.

2.5. Particle Swarm Optimization

PSO is a widely exploited population-based heuristic optimization algorithm inspired by the bird flocking and fish schooling. PSO has illustrated great capabilities in solving global optimization problems owing to its effective search strategies, model scalability, and robustness [30,31]. This enables the PSO algorithm to be highly suitable for the purpose of optimizing hyper-parameters of deep learning models, e.g., learning rate, momentum, and batch size. Existing studies [32] showed a comparison of PSO and a grid search, for optimizing the number of hidden layers and the number of neurons in each hidden layer in several shallow and deep architectures. Their studies indicated that not only did the PSO algorithm obtain superior classification performance but it also decreased training times by 77–85%, in comparison with those of the grid search algorithm.
Improving classification results and decreasing training costs [33] are the two primary reasons for the inclusion of the PSO algorithm in this research. In particular, the PSO algorithm is used for optimizing hyper-parameters, i.e., the learning rate, batch size, and the number of training epochs, when training each base deep network in the ensemble model. We introduce each proposed deep network with attention mechanisms and the resulting ensemble model in detail below.

3. Methodology

In this research, we propose an ensemble model comprising four base deep networks for various lung abnormality and COVID-19 diagnoses. Firstly, four base deep networks were proposed, i.e., A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN. A PSO algorithm was used to optimize the learning rate, batch size, and the number of training epochs of each of the above networks to improve performance. The yielded optimized settings were used to train the respective base networks. The mean result of the prediction probabilities produced by the base networks was subsequently calculated and used to determine the final prediction in the ensemble model. Evaluated using the five audio datasets, the proposed ensemble model showed reliable performances in comparison with those of existing studies for diverse lung abnormality and COVID-19 diagnoses using respiratory, speech, and cough audio inputs. We first introduce the construction of several customized datasets in our studies.

3.1. Dataset Preprocessing

As previously mentioned, the two datasets employed in our experimental studies were ICBHI and Coswara. However, we decided to utilize these two databases to create five customized datasets, labeled as D1–D5. D1 is the standalone ICBHI dataset, D2 is a Coswara dataset consisting of only coughing sounds, D3 is a Coswara dataset consisting of only speech sounds, D4 is a Coswara dataset consisting of only breathing sounds, and D5 is a combination of the ICBHI and Coswara breathing sounds datasets.
In particular, for the combined dataset D5, one major aspect is that as the recordings from the ICBHI dataset are of breathing sounds, any COVID-19 recordings used must also contain breathing sounds of the same nature, as built in this study by using the Coswara breathing dataset. It is also crucial that sufficient recordings are provided, as well as being balanced with the other classes included.
In particular, with respect to using the Coswara cough, speech, and breathing datasets for COVID-19 diagnosis, we have decided that these would be the suitable evaluation strategies for the following reasons. One reason is that classifying respiratory diseases on a range of sounds, i.e., speech, breathing, and coughing, would be beneficial for the primary reason of determining the most effective channel for respiratory disease diagnosis. It may also be used as a reference to advise future audio sample collection for dataset construction and audio classification.
In addition, the creation of a separate dataset (D5) that consists of ICBHI and Coswara breathing sounds clips would allow for distinguishing a range of respiratory diseases from a positive COVID-19 diagnosis. To the best of our knowledge, we are the first to exploit the diagnosis of COVID-19 against other common lung conditions.
Table 2 outlines the contents of each of the five datasets, including the respiratory disease classes and number of audio files within each of the classes.

3.1.1. Pre-Processing for the ICBHI Dataset (D1)

The ICBHI dataset [6] has 920 annotated respiratory recordings from 126 subjects. For each subject, different chest positions are used for the recording of respiratory audio clips. The dataset provides samples with the following respiratory diseases, i.e., COPD (793), lower respiratory tract infection (LRTI) (2), URTI (23), asthma (1), bronchiectasis (16), bronchiolitis (13), pneumonia (37), and healthy (35) cases. Although the ICBHI dataset originally includes eight classes, there are only one and two audio samples for asthma and LRTI classes, respectively. Therefore, they were not used in our experiments. We employed an 80–20 subject-independent train–test split in our experiments by mainly following the official train–test split provided by the ICBHI dataset. To be specific, in our experiments, the samples from training and test sets are subject-independent, i.e., there is no overlapping of the subjects in the training and test sets. We followed the official train and test splits for all the classes except for COPD to form the training and test sets. For COPD, the official split uses a 56–44 subject-independent train–test split. We moved some test samples to the training set but still maintained a subject-independent division for this class. In this way, we achieved an 80–20 subject-independent train–test split for the overall dataset. Table 3 illustrates the detailed training and test sample sizes used in our experiments.
As indicated in Table 3, the training sample size (i.e., 648) of COPD is comparatively much larger than those of other classes. Thus, the training set is severely imbalanced. To tackle such problems, audio augmentation techniques such as noise addition and pitch and time shifting have been performed, but as indicated in the existing studies [24,34], such low-level augmentation strategies alone are not able to make a significant impact on the classification boundaries, owing to the unstructured challenging nature of such respiratory audio data. As recommended by existing studies [34], data duplication has been performed to increase sample sizes of the minority classes. For example, we duplicated the 30 training instances for pneumonia 22 times to generate a new training set of 660 recordings. A similar case was applied to other classes. Such strategies were used in conjunction with audio augmentation operations to strengthen respiratory audio signal patterns (especially for minority classes) and balance data distribution. Moreover, the above data duplication and augmentation methods were only applied for the training set, while the test set remained intact. The second column in Table 3 shows the augmented training sizes for different classes. Overall, a total of 3996 audios were used for training, with the unseen 184 clips contributed by different subjects for testing.

3.1.2. Pre-Processing for the Coswara Cough, Speech, and Breathing Datasets

With respect to Coswara cough (D2), speech (D3), and breathing (D4) datasets, as seen in Table 2, balanced positive and negative sample sizes were extracted to safeguard against any potential issues arising due to imbalanced sample distributions. In our experiments, a random 80–20 split was used to divide the training and test sets for each class in each dataset.

3.1.3. Pre-Processing for the Combined Dataset (D5) Based on ICBHI and Coswara Breathing Databases

To further test model efficiency, we constructed the combined dataset D5 by integrating the ICBHI and Coswara breathing datasets, with the attempt to classify COVID-19 against a number of other lung abnormalities. We used all the positive COVID-19 samples, i.e., 101 clips, from D4 to combine with D1 (the ICBHI dataset). Since the ICBHI dataset uses a subject-independent split, we also used an 80–20 subject-independent split for the positive COVID-19 class instances from D4, where 80% of the samples (i.e., 81 clips) were used for training and 20% of the samples (i.e., 20 recordings) from unseen subjects were used for testing.
As mentioned earlier, as indicated in Table 3, ICBHI is severely imbalanced across all the disease cases, with COPD having the largest dominating training sample size (i.e., 648). To balance class distributions, we duplicated the 81 positive training clips from D4 8 times to yield 648 training instances for the positive COVID-19 class. Each network was trained using these augmented positive COVID-19 cases along with the augmented training samples from the ICBHI dataset for six other lung conditions. The training set of the combined dataset D5 is illustrated in Table 4. Again, the data duplication and augmentation procedures were only utilized for the training set. The unseen test set contributed by different subjects with respect to COVID-19 and six other respiratory conditions remained unchanged and was used for testing.

3.2. Feature Extraction

We subsequently elaborated feature extraction from audio signals. As in existing studies, we also extracted MFCC features from audio inputs for lung abnormality identification. As previously stated, MFCC properties possess sufficient discriminative characteristics for describing audio signals, leading to a high classification performance of numerous audio recognition tasks. In our experiment, MFCC features were extracted using the python package Librosa.
During the pre-processing step, numerous factors must be considered. The first step is to decide how to ensure the model has adequate input features. We addressed this issue by segmenting audio samples. Specifically, each audio input was divided into segments based on the sample rate and duration of the audio clip.
After splitting the audio clips into segments, all the MFCC features from each segment were retrieved and appended to a dictionary with their class label. Factors, such as the parameters for Fast Fourier Transform (FFT) and hop length, must be determined to generate the MFCC features.
The FFT algorithm is typically used to transform a signal from its native domain, which in this case is time, to a target frequency domain representation. In the context of MFCC, FFT is applied to each frame to determine the frequency spectrum. This was achieved by using a technique known as the Short-Time Fourier-Transform (STFT), from which the power spectrum was generated.
After calculating the power spectrum, triangular filters on the Mel-scale were applied to the power spectrum to extract frequency bands. Next, using these frequency bands, the Mel frequency was calculated using Equation (1) [18]:
Mel ( f ) = 1127 × ln ( 1 + f 700 )
The formula in Equation (1) converts the audio input to the Mel frequency in hertz, i.e., Mel(f). Specifically, it is calculated by multiplying 1127 with the natural logarithm (ln), where a constant value of 1 plus the frequency in hertz(f) divided by the corner frequency of 700 is used.
The hop length values, together with the FFT algorithm, determine how many frames are taken from each segment. The default values used are 2048 for FFT and 512 for hop length, which were utilized for this study. Following the extraction of the MFCC feature from the audio recordings, each was added to a JSON file, which served as the input file for training the model architectures.
Once the JSON file consisting of the MFCC features was generated, the features were then split into training, validation, and testing sets based on the settings of each experiment. The use of a validation dataset is predominantly for the purpose of helping ensure that the training process is as robust as possible, as well as providing the ability to tune the hyper-parameters more accurately.

3.3. The Proposed Models

3.3.1. A-CRNN

The first proposed model in this research is a CRNN with an attention mechanism (A-CRNN). It incorporates a variety of layers, such as 1D convolutional and max pooling layers, bidirectional and unidirectional LSTM layers, dense layers, and an attention layer. Table 5 outlines the specific layer architecture with respect to the A-CRNN model.

3.3.2. LSTM

The second exploited architecture is the BiLSTM network with attention mechanism (A-BiLSTM). This model is composed of bidirectional and unidirectional LSTM layers, dense layers, and an attention layer.
Moreover, a BiLSTM layer contains two RNN layers of the same kind, such as two LSTM layers. These two layers ensure that input features may be processed in both forward and backward time series. This allows the model to better determine the relationships between components in the input sequence by using information in both forward and backward directions [35,36]. Therefore, BiLSTM layers were adopted in our network. In addition, the regularization parameter (i.e., weight decay) and a dropout layer were also determined in trial-and-error in this model. The primary reason for selecting optimal settings of these parameters is owing to the efficiency of such techniques in reducing the amount of overfitting that may occur during the training of neural networks [37].
Moreover, to determine if the convolutional layers used in the aforementioned A-CRNN model have a positive effect on performance, the A-BiLSTM model does not implement such CNN layers. This will be used as means of comparison. Table 6 below outlines the specific layer architecture for the A-BiLSTM model.

3.3.3. A-BiGRU

The third employed network is the BiGRU model with an attention mechanism (A-BiGRU). This model is similar in architecture to the A-BiLSTM network, with the only differing aspect being the implementation of bidirectional and unidirectional GRU layers in place of the bidirectional and unidirectional LSTM layers. Table 7 outlines the specific architecture for the A-BiGRU network.

3.3.4. CNN

The fourth model adopted in this research is a CNN. This model is the most unique of the four models, using only a 1D convolutional layer, as opposed to the other models which incorporate RNN layers in combination with attention mechanisms. Table 8 shows the CNN architecture.

3.3.5. PSO-Based Hyper-Parameter Selection

We conducted optimal hyper-parameter selection using the PSO model to optimize the learning configurations of each network. Such optimized settings equip the network with distinctive learning behaviors and help prevent the network from overfitting. In addition, the PSO algorithm is widely adopted for solving diverse optimization problems, such as ensemble classifier reduction [38], feature selection [39], deep architecture generation [40], hyper-parameter identification [41], and job scheduling [42]. In comparison with other swarm intelligence algorithms, such as the Firefly Algorithm and Simulated Annealing, it searches for the most optimal solution by following both personal and global best experiences. The search process of PSO is defined in Equations (2) and (3):
v i d t + 1 = w × v i d t + c 1 × r 1 × ( p i d x i d t ) + c 2 × r 2 × ( p g d x i d t )
x i d t + 1 = x i d t + v i d t + 1
where x i d t + 1 and v i d t + 1 represent the position and velocity of the i -th particle in the d -th dimension and the t + 1 -th iteration, respectively, with w as the inertia weight which adjusts the contribution of the previous velocity, v i d t . c 1 and c 2 are acceleration coefficients which determine the influence of the cognitive and social components, with p i d and p g d denoting the personal and global best solutions, respectively. Moreover, r 1 and r 2 are random coefficients, with each element randomly generated in the range of [0, 1]. As indicated in Equation (2), the search process of the PSO algorithm is guided by the personal and global best solutions, simultaneously. In other words, each particle learns from both personal and global best experiences to balance between diversification and intensification. We adopted the PSO algorithm for hyper-parameter identification for each proposed network to increase network robustness and diversity.
Specifically, the search of the optimal learning configurations was conducted as follows. Firstly, a swarm was initialized with random particle positions. Each particle position has three dimensions which represents the three optimized elements, i.e., the learning rate, batch size, and maximum number of epochs. Such a configuration embedded in each particle was used to setup each network training option. The fitness of the particle is obtained using the accuracy rate of the validation set. The PSO algorithm employs the personal and global best solutions to guide the search of optimal hyper-parameter configurations. The most optimal three hyper-parameters recommended by the global best solution were used to setup the final network. The devised network was trained using the combined training and validation sets and tested using the unseen instances in the test set. We adopted the following experimental settings for PSO-based optimal hyper-parameter selection, i.e., dimension = 3, trial = 10, and a maximum number of function evaluations (population × a maximum number of iterations) = 450. Such a setting was applied for optimizing hyper-parameters for each base network. The optimized networks were subsequently used to construct the ensemble model, where a mean probability method was exploited to incorporate all the results from the base networks.

3.3.6. The Ensemble Model

After the construction of the four optimized base networks, we subsequently developed an ensemble model that incorporates the four proposed base networks.
The ensemble strategy is a broad term to describe methods that combine multiple base learners to generate a joint decision [43]. These learners can be any types of classification algorithms. The ensemble learning scheme is to ensure that any errors from any single learner would then be compensated by the other learners as part of the ensemble, which overall would theoretically lead to a stronger classification performance [44].
There are several ensemble learning approaches, such as majority voting, bagging, and stacking [45]. In this research, we employed the majority voting strategy. The majority voting approach is one of the simplest and most effective methods to implement, of which there are two implementations, namely ‘hard’ and ‘soft’.
The ‘soft approach’ was the method chosen for this investigation and involves determining which prediction to make by looking at the predictions made by each classifier and calculating the average probability across each class. The class with the highest average probability across the classifiers is then the ensemble prediction decision [46].
Overall, from the inspection of the aforementioned model architectures in Table 5, Table 6, Table 7 and Table 8, various state-of-the-art deep learning techniques have been incorporated in the proposed base networks. Each of the four models adopts separate unique neural network implementations, with the main components, i.e., LSTM, GRU, and CNN layers, all showing increasing promise in recent literature for audio classification proficiency. We subsequently introduce the construction of the ensemble model for audio classification.

Ensemble Model Training

As each base model consists of different deep learning techniques, it was imperative that during the training process, there was a level of flexibility for model training to ensure no overfitting occurred. This meant several precautions were required to be implemented to achieve this.
The first of which was the callback technique, i.e., early stopping. Early stopping is a validation method that can be used to determine when overfitting is starting to occur while the model is training. This can be carried out through the inclusion of a validation set and a validation metric, of which there are several that can be chosen [47]. The validation metric used in this research is the validation loss, which is calculated during the training process for each epoch. A ‘patience’ setting is also needed, which is a value used with the early stopping method to analyze whether validation loss has decreased within the said value of epochs. If the validation loss has not decreased within a predefined number of epochs, then the training will stop. This ultimately helps prevent any overfitting that may occur during the training process. We set the ‘patience’ value to 5 epochs for each of the models during the training for each dataset. Other hyper-parameters such as weight decay and recurrent dropout layers were also identified through trial-and-error to prevent the network from learning too closely from the training set to avoid overfitting.
The second strategy used for model training to avoid overfitting and optimize performance was to create different hyper-parameter settings for each separate model in the ensemble. As each model has a different number of parameters, as well as its own unique learning mechanism, ensuring that each model has its own optimal hyper-parameter settings was imperative. Therefore, the identification of optimal learning hyper-parameters (i.e., the learning rate, batch size, and the maximum number of learning epochs) was also conducted using the PSO model to increase model robustness and avoid overfitting.
The determination of the hyper-parameter settings, i.e., the learning rate, training epoch, and batch size, could potentially be found through an optimization method such as a grid search. However, such an exhaustive search process is time-consuming. In some cases, it is even infeasible. Therefore, in this research, we employed PSO for hyper-parameter fine-tuning. The following settings were used for hyper-parameter selection, i.e., population size = 15, dimension = 3, and a maximum number of iterations = 30. We performed 10 trials for optimizing each network. The detailed identified mean hyper-parameters for each base network over 10 runs are presented in Section 4.

4. Evaluation

To test model efficiency, we employed the five generated datasets for performance comparison. Following the extensive and rigorous training process, results were recorded from each of the experiments for the proposed base and ensemble networks.
The most proficient hyper-parameters identified using the PSO algorithm during the training stage for all the five datasets are illustrated in Table 9, Table 10, Table 11, Table 12 and Table 13. They were used to setup each optimized network, which were subsequently trained using the training set and tested using the unseen audio clips in the test set.
Regarding medical diagnoses, the metrics such as sensitivity and specificity are widely used as a standard for measuring the performance of a diagnostic method, with sensitivity referring to the rate of true positive, and specificity referring to the rate of true negative [48].
One reason for selecting sensitivity and specificity is that using a simple test accuracy metric can be misleading, as a high test accuracy could potentially still include a high percentage of false positives and false negatives, indicating that the method of diagnosis is less useful than the high test accuracy implies.
In this research, we used four metrics, i.e., sensitivity, specificity, the ICBHI score, and accuracy rate, for performance comparison using the five datasets, where the ICBHI score refers to an average of the sensitivity and specificity results.
The ICBHI score metric has previously been used in studies regarding the lung and heart abnormality detection [13,27]. Its inclusion in this study was to both compare the ensemble results with these related studies regarding the ICBHI dataset, and to provide a metric for comparing the results from the Coswara datasets, as well as the combined Coswara and ICBHI dataset. We discuss the detailed evaluation results using D1–D5 below.

4.1. Evaluation Results for D1 (ICBHI) Using a Subject-Independent Split

As discussed earlier, we used an 80–20 subject-independent train–test split for the evaluation of the ICBHI dataset. Results of the optimized base and ensemble models for the ICBHI dataset using the subject-independent split are illustrated in Table 14. The optimized A-CRNN model achieved the best ICBHI score and accuracy rate, followed by those of A-BiLSTM and CNN, with A-BiGRU as the least performant network. The devised A-CRNN model with optimized learning settings showed significant capabilities in extracting distinctive temporal dynamics using both 1D convolutional and BiLSTM layers with attention mechanisms, whereas other networks such as CNN, A-BiLSTM, and A-BiGRU employed either 1D convolutional or BiLSTM/BiGRU layers for sequential feature extraction, resulting in less efficient audio representations. The resulting ensemble model integrating these different types of optimized networks with different learning behaviors embeds sufficient diversity and complementary properties to further improve base model performance. Table 15 illustrates the detailed confusion matrix of our devised ensemble network.

4.2. Evaluation Results for Coswara Cough (D2), Speech (D3), and Breathing (D4) Datasets Using Random Splits

We subsequently evaluated the Coswara cough (D2), speech (D3), and breathing (D4) datasets. To compare with existing studies [20], a random 80–20 split was performed for each of these Coswara datasets for model evaluation. Table 16, Table 17, Table 18, Table 19, Table 20 and Table 21 show the detailed evaluation results and the confusion matrices of the ensemble model for the Coswara cough, speech, and breathing datasets, respectively.
As indicated in Table 16 and Table 17, for the Coswara cough dataset (D2), among the base classifiers, A-BiLSTM and A-BiGRU obtained the ICBHI scores of 0.97 and 0.98, respectively, and showed better performances than those of the A-CRNN and CNN networks. The resulting ensemble model combining these base networks under an average probability scheme achieved an ICBHI score of 0.9710 for the identification of positive and negative COVID-19 cases using the coughing signals. In particular, owing to the small size of the Coswara cough dataset (D2) compared to that of ICBHI (D1), but with comparatively more clear audio coughing patterns, A-BiLSTM and A-BiGRU work better than other networks.
Table 18 depicts the performances of the base networks with optimized learning settings for the Coswara speech dataset (D3). A-CRNN achieved the best ICBHI score of 0.9018, followed by A-BiLSTM and CNN with the ICBHI scores of 0.8916 and 0.888, respectively. In this Coswara speech dataset, the same speech was recorded across different subjects, and the disease-related voice symptoms are hidden inside the speech signals. Therefore, the identification of the respiratory abnormalities embedded in such speech signals is comparatively more difficult in comparison with using purely the coughing samples. The detection of subtle abnormal and healthy respiratory conditions requires the extraction of effective sequential temporal dynamics. The A-CRNN model equipped with 1D convolutional and BiLSTM layers is able to extract more diversified acoustic features than those obtained by other RNN or CNN models with homogenous layers (either BiLSTM/BiGRU or 1D convolutional layers). The PSO-based learning configuration selection and attention mechanisms further enhanced the feature learning capabilities of A-CRNN. Moreover, the diversified base networks with optimized distinctive learning settings also contributed to the superior performance of the resulting ensemble model for COVID-19 identification via speech, as evidenced in the confusion matrix shown in Table 19.
As indicated in existing studies [13,18], the detection of respiratory diseases using breathing data is a difficult task, in comparison with using coughing samples, which contain less obvious structural characteristics. As shown in Table 20, for the Coswara breathing dataset, A-BiLSTM and CNN achieved the best ICBHI scores, i.e., 0.9720 and 0.9030, respectively, for detecting COVID-19 using breathing instances. In particular, A-BiLSTM recognizes both positive and negative cases equally well, with high sensitivity and specificity scores. The least efficient model was A-BiGRU, with an ICBHI score of 0.8362. This is probably because of the comparatively simpler structures of the BiGRU/GRU layers embedded in A-BiGRU, in comparison with the BiLSTM/LSTM layers included in A-BiLSTM and A-CRNN. Table 21 shows the confusion matrix of the resulting ensemble model combining all four base networks for COVID-19 diagnosis using breathing samples.

4.3. Evaluation Results for the Combined Dataset D5 (ICBHI + Coswara Breathing) Using a Subject-Independent Split

As discussed earlier, we performed an 80–20 subject-independent train–test split for the combined ICBHI and Coswara breathing dataset (D5). Table 22 shows the detailed performance of the base and ensemble networks for the classification of a number of respiratory abnormalities against COVID-19 using the combined dataset. A-CRNN showed the best ICBHI score of 0.9555 for the 7-class lung condition diagnosis. Since A-BiLSTM and CNN extract purely homogenous features using monotonous layer structures, instead of diversified properties extracted using different types of layer topologies, they showed less competitive performances, with ICBHI scores of 0.8893 and 0.8867, respectively. Owing to its comparatively simpler network layer structures, A-BiGRU obtained the lowest ICBHI score of 0.8657. Moreover, because of the robust performance of the base networks, the ensemble model combining these distinctive base learners possesses sufficient complementary characteristics and achieved an ICBHI score of 0.9712. As indicated in the confusion matrix in Table 23, our ensemble model obtained high accuracy scores (0.8 or above) for the classification of nearly all lung conditions, except for URTI.

4.4. Discussions

In this section, we further analyze the results of the ensemble networks for all the test datasets. The advantages and disadvantages of each proposed network are also elaborated.

4.4.1. Result Analysis

We summarize the ensemble model performance for different datasets in Table 24. As indicated in Table 24, evaluated using four metric measurements, i.e., sensitivity, specificity, the ICBHI score, and the accuracy rate, the ensemble model performed exceptionally well across all five datasets. In particular, the ensemble model achieved ICBHI scores of 0.920 or above for all the test sets. For datasets D1 (ICBHI) and D5 (the combination of ICBHI and Coswara breathing), it achieved high ICBHI scores of 0.9766 and 0.9712, respectively, indicating a high level of robustness and reliability for multi-class lung abnormality classification. Especially, we employed D5, i.e., the customized combined dataset, with the intention to identify COVID-19 from other respiratory diseases such as COPD and bronchiolitis. The obtained high ICBHI score for this combined dataset, as shown in Table 24 and the confusion matrix in Table 23, indicates the great efficiency of the proposed model for diagnosing different lung diseases to help tackle the current pandemic. In other words, the empirical results indicate that it is indeed possible to make a reliable distinction between COVID-19 and other chronic and non-chronic conditions on a pathological level using the proposed ensemble model consisting of diverse distinctive base networks.
With respect to the Coswara datasets, Table 24 shows that our ensemble model achieved the ICBHI scores of 0.971, 0.920, and 0.929, for the coughing (D2), speech (D3), and breathing (D4) subsets, respectively. The above results indicate that for coughing recordings from D2, which embeds structural characteristics of the sound signals, more effective MFCC features were extracted for audio classification. A possible explanation for this observation is that the nature of COVID-19, having major symptoms related to coughing, would thus likely result in providing more distinctive audio characteristics than those obtained from breathing or speech audio samples [49].
In addition to the reliable performance achieved using the coughing samples, the scores for speech and breathing recordings also indicate a high level of precision. The above results demonstrate that on a pathological level, a positive COVID-19 diagnosis can be classified to a high level of accuracy by all three channels.

4.4.2. Advantages and Disadvantages of the Proposed Base and Ensemble Networks

Based on the observations of the experimental results for all the datasets, all four base networks performed consistently well on each dataset, with the A-CRNN and A-BiLSTM models achieving the best mean ICBHI scores in most test cases, followed by those of the CNN model. A-BiGRU was the least effective network. We analyze the advantages and disadvantages of each base network and the ensemble model below.
Both A-CRNN and A-BiLSTM models demonstrated consistent and reliable performances across the range of audio recordings. In particular, when tackling complex audio classification tasks (e.g., using multi-class ICBHI (D1) and the combined (D5) datasets), A-CRNN performed better than A-BiLSTM. The robustness of the A-CRNN model is attributed to the model topology and the efficient learning parameters. A-CRNN is composed of core layers such as 1D convolutional, BiLSTM, LSTM, and attention layers. The combination of 1D convolutional and BiLSTM layers is able to extract more diversified sequential cues than those obtained by A-BiLSTM and A-BiGRU consisting purely of the BiLSTM or BiGRU layers. In other words, the feature representations extracted by A-CRNN are more diversified in comparison with the homogenous attributes extracted by CNN, A-BiLSTM, and A-BiGRU. Moreover, the exploitation of the attention layer and PSO-optimized learning configurations in the A-CRNN model enables the network to extract more discriminative features to further enhance signal representations. The potential limitation of the network is that it requires comparatively larger training sets to demonstrate its full efficiency against other networks.
A-BiLSTM showed better efficiency than A-BiGRU and CNN in most test cases. The model applies bidirectional LSTM layers to extract temporal information from both forward and backward directions, which is further enhanced using the attention operations. In addition, the gating mechanisms in BiLSTM and LSTM layers are more complex than those embedded in the BiGRU and GRU layers. Specifically, a LSTM unit contains three gates, i.e., input, output, and forget gates, while a GRU only has two gates, i.e., reset and update gates [50]. Therefore, A-BiGRU has simpler layer structures with fewer parameters [51]. When tested using smaller datasets with comparatively more clear acoustic patterns, e.g., the Coswara cough dataset, both A-BiLSTM and A-BiGRU showed great efficiency in lung abnormality classification and achieved similar performances. However, when tackling complex multi-class audio classification tasks, e.g., using the ICBHI (D1) and combined (D5) datasets, A-BiLSTM shows better performance than those of A-BiGRU, owing to more complex gating mechanisms and layer topologies in A-BiLSTM. In addition, in comparison with A-CRNN, where both 1D convolutional and BiLSTM layers are used for feature extraction, the limitation of A-BiLSTM and A-BiGRU is the adoption of homogenous BiLSTM or BiGRU layers for feature learning.
As the variant of 2D CNNs, a 1D CNN model with a set of 1D convolutional layers was also proposed in our studies. It performs scalar multiplication and addition operations in the 1D convolution for feature learning, with MaxPooling and AveragePooling layers used for feature dimension reduction. In comparison with a 2D CNN, the 1D CNN model can be applied to tackle audio signal classification using sequential audio feature inputs directly, without the requirement of converting waveforms to spectrograms as in 2D CNN to reduce costs. As a lightweight network, our 1D CNN model is compact and easier to train, with minimal computational costs. It showed efficiency in tackling classification tasks with data sparsity and achieved comparable performance across datasets, in comparison with the RNN models (e.g., A-BiLSTM). The limitation of the CNN model is the adoption of the same neuron type across different stages of the convolutional operations [52], which may limit its performance.
Moreover, an ensemble strategy was used to combine the results of the aforementioned networks. The four types of base networks embedding different learning mechanisms showed diverse learning behaviors to enhance ensemble diversity. On top of this, owing to PSO-based learning configuration optimization of different networks, the diversity and complementary characteristics of these base networks were further enhanced to boost ensemble performance. The empirical results indicate that the ensemble model combining four different optimized networks in a ‘majority voting’ mechanism for the classification of several audio datasets has proven to produce a reliable performance. The confusion matrices for all the test datasets shown in Section 4.1, Section 4.2 and Section 4.3 also indicate that on a class-by-class basis, the ensemble model can predict exceedingly confidently.
Table 25 illustrates the comparison with existing studies with respect to the ICBHI and Coswara cough datasets. Since different existing studies performed different classification tasks (e.g., binary, three-class, and six-class for the ICBHI dataset) and employed different training and test instances as well as evaluation methods (e.g., hold-out and cross-validation with random subject-dependent or subject-independent data splits), Table 25 serves as a loose performance comparison with related studies.
For the ICBHI dataset, as indicated in Table 25, most existing studies, e.g., [13,22,23,24,26], categorized the six disease classes into healthy/unhealthy (two-class) or healthy/chronic/non-chronic (three-class) cases and performed binary or three-class predictions. In comparison with such classification tasks, our ensemble model performed a comparatively more challenging task for the identification of six respiratory abnormalities and achieved competitive performances. Moreover, most of the existing studies, such as [13,20,22,23], employed a random train–test split, instead of a subject-independent split, which may have audio clips from the same subjects allocated in both training and test sets, although the recordings were collected from different chest locations. In contrast, Zhang et al. [26] utilized a subject-independent split as those used in this research but their work conducted a three-class classification to identify healthy/chronic/non-chronic cases. García-Ordás et al. [24] also classified healthy/chronic/non-chronic cases using a 10-fold cross-validation with a random split. Such three-class lung condition detection is comparatively less challenging in comparison with the recognition of six different lung abnormalities. Similar to our studies, Wall et al. [20] performed a 6-class classification task but with a random 90–10 train–test split, instead of an 80–20 subject-independent split.
In addition, most studies for the ICBHI dataset, such as Perna and Tagarelli [13], Wall et al. [20], and Wall et al. [22], adopted RNN models, e.g., LSTM, BiLSTM, or BiGRU, for lung abnormality detection, while a CNN with five convolutional layers and a CRNN model were used by García-Ordás et al. [24] and Zhang et al. [26], respectively. In comparison with these works, our ensemble model incorporates all the above different types of networks (i.e., BiLSTM, BiGRU, CNN, and CRNN), each with PSO-optimized learning hyper-parameters. Therefore, these base classifiers possess different learning behaviors and illustrate significantly complementary characteristics to enhance ensemble model performance.
Furthermore, with respect to COVID-19 diagnosis using the Coswara cough dataset, the related work, i.e., Wall et al. [20], used a random 90–10 train–test split, while our studies employed a random 80–20 train–test split. As discussed above, our ensemble model integrating four types of base networks showed better performance than the single BiLSTM classifier used in [20].
In summary, our ensemble model embedding different optimized base networks showed sufficient capabilities and robustness for the identification of diverse lung abnormalities, in comparison with those of existing studies, and can be used as an effective alternative approach for lung abnormality classification.

5. Conclusions

In this research, we have proposed an ensemble model consisting of four deep networks, i.e., A-CRNN, A-BiLSTM, A-GRU, and CNN, for diverse lung abnormality classification using audio inputs. Our experimental results indicate that not only was audio classification of respiratory diseases possible, but also a high level of performance was attained. In addition, the ensemble majority voting scheme took advantage of diverse optimized base learners with different learning settings to deliver high levels of audio classification ICBHI scores. It could potentially be used as a competitive solution for clinical diagnosis.
With the ICBHI scores ranging from 0.920 to 0.9766 over the five datasets, the ensemble model demonstrated great flexibility, consistency, and an overall exceedingly high level of performance in terms of sensitivity and specificity. Additionally, a novel dataset combining breathing recordings from ICBHI and Coswara datasets was also constructed with the aim of discovering if comparatively more common respiratory diseases could be distinguished from a positive COVID-19 diagnosis. It was found that not only could this be achieved, but again reliable metrics results were obtained using the proposed ensemble model.
In future work, it would be worthwhile to expand the experiments to a wider range of medical audio datasets, potentially beyond respiratory diseases, to assess other conditions, such as neurological (e.g., Parkinson’s) diseases, since speech impairment is present in Parkinson’s and other neurological diseases. Additionally, it would also be worthwhile to deploy the proposed model to resource-constrained lightweight smartphone devices [53] to test its performance in real-world cases to help tackle Long-COVID-19 condition monitoring and rehabilitation.

Author Contributions

Conceptualization, C.W. and L.Z.; methodology, C.W. and L.Z.; software, C.W.; validation, C.W.; formal analysis, C.W. and L.Z.; investigation, C.W. and L.Z.; resources, L.Z.; data curation, C.W. and L.Z.; writing—original draft preparation, C.W. and L.Z.; writing—review and editing, L.Z., A.K., Y.Y. and R.G.; visualization, C.W.; supervision, L.Z., A.K., Y.Y. and R.G.; project administration, L.Z.; funding acquisition, L.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research is funded by UKRI Research England (Purposeful Health Growth Accelerator, Grant No. 101053).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets employed in this study are publicly available at the sites of ICBHI 2017 Challenge (https://bhichallenge.med.auth.gr/ICBHI_2017_Challenge, accessed on 1 April 2022) and the Coswara Database (https://github.com/iiscleap/Coswara-Data, accessed on 1 April 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wall, C.; Young, F.; Zhang, L.; Phillips, E.J.; Jiang, R.; Yu, Y. Deep learning based melanoma diagnosis using dermoscopic images. In Developments of Artificial Intelligence Technologies in Computation and Robotics, Proceedings of the 14th International FLINS Conference (FLINS 2020), Cologne, Germany, 18–21 August 2020; World Scientific: Singapore, 2020; pp. 907–914. [Google Scholar]
  2. Yamashita, R.; Nishio, M.; Do, R.K.G.; Togashi, K. Convolutional neural networks: An overview and application in radiology. Insights Imaging 2018, 9, 611–629. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Nogueira, D.M.; Ferreira, C.A.; Gomes, E.F.; Jorge, A.M. Classifying heart sounds using images of motifs, MFCC and temporal features. J. Med. Syst. 2019, 43, 1–13. [Google Scholar] [CrossRef] [PubMed]
  4. Kochetov, K.; Putin, E.; Balashov, M.; Filchenkov, A.; Shalyto, A. Noise masking recurrent neural network for respiratory sound classification. In International Conference on Artificial Neural Networks, Proceedings of the ICANN 2018: Artificial Neural Networks and Machine Learning—ICANN 2018, Rhodes, Greece, 4–7 October 2018; Springer: Cham, Switzerland, 2018; pp. 208–217. [Google Scholar]
  5. Rana, R. Gated recurrent unit (GRU) for emotion classification from noisy speech. arXiv 2016, arXiv:1612.07778. [Google Scholar]
  6. Rocha, B.M.; Filos, D.; Mendes, L.; Vogiatzis, I.; Perantoni, E.; Kaimakamis, E.; Natsiavas, P.; Oliveira, A.; Jácome, C.; Marques, A.; et al. Α respiratory sound database for the development of automated classification. In International Conference on Biomedical and Health Informatics, Proceedings of the ICBHI 2017: Precision Medicine Powered by pHealth and Connected Health, Thessaloniki, Greece, 18–21 November 2017; Springer: Singapore, 2017; pp. 33–37. [Google Scholar]
  7. Phan, H.; Koch, P.; Katzberg, F.; Maass, M.; Mazur, R.; Mertins, A. Audio scene classification with deep recurrent neural networks. arXiv 2017, arXiv:1703.04770. [Google Scholar]
  8. Sharma, N.; Krishnan, P.; Kumar, R.; Ramoji, S.; Chetupalli, S.R.; Ghosh, P.K.; Ganapathy, S. Coswara--a database of breathing, cough, and voice sounds for COVID-19 diagnosis. arXiv 2020, arXiv:2005.10548. [Google Scholar]
  9. Choi, K.; Fazekas, G.; Sandler, M.; Cho, K. Convolutional recurrent neural networks for music classification. In Proceedings of the 2017 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), New Orleans, LA, USA, 5–9 March 2017; pp. 2392–2396. [Google Scholar]
  10. Bertin-Mahieux, T.; Ellis, D.P.; Whitman, B.; Lamere, P. The million song dataset. In Proceedings of the 12th International Society for Music Information Retrieval Conference (ISMIR 2011), Miami, FL, USA, 24–28 October 2011. [Google Scholar]
  11. McFee, B.; Raffel, C.; Liang, D.; Ellis, D.P.; McVicar, M.; Battenberg, E.; Nieto, O. librosa: Audio and music signal analysis in python. In Proceedings of the 14th Python in Science Conference, Austin, TX, USA, 6–12 July 2015; Volume 8, pp. 18–25. [Google Scholar]
  12. Chen, C.; Li, Q. A multimodal music emotion classification method based on multifeature combined network classifier. Math. Probl. Eng. 2020, 2020, 4606027. [Google Scholar] [CrossRef]
  13. Perna, D.; Tagarelli, A. Deep auscultation: Predicting respiratory anomalies and diseases via recurrent neural networks. In Proceedings of the 2019 IEEE 32nd International Symposium on Computer-Based Medical Systems (CBMS), Cordoba, Spain, 5–7 June 2019; pp. 50–55. [Google Scholar]
  14. Pahar, M.; Klopper, M.; Warren, R.; Niesler, T. COVID-19 cough classification using machine learning and global smartphone recordings. Comput. Biol. Med. 2021, 135, 104572. [Google Scholar] [CrossRef]
  15. Marcano-Cedeño, A.; Quintanilla-Domínguez, J.; Cortina-Januchs, M.G.; Andina, D. Feature selection using sequential forward selection and classification applying artificial metaplasticity neural network. In Proceedings of the IECON 2010-36th annual conference on IEEE industrial electronics society, Glendale, AZ, USA, 7–10 November 2010; pp. 2845–2850. [Google Scholar]
  16. Muguli, A.; Pinto, L.; Sharma, N.; Krishnan, P.; Ghosh, P.K.; Kumar, R.; Bhat, S.; Chetupalli, S.R.; Ganapathy, S.; Ramoji, S.; et al. DiCOVA Challenge: Dataset, task, and baseline system for COVID-19 diagnosis using acoustics. arXiv 2021, arXiv:2103.09148. [Google Scholar]
  17. Li JZhang, X.; Sun, M.; Zou, X.; Zheng, C. Attention-based LSTM algorithm for audio replay detection in noisy environments. Appl. Sci. 2019, 9, 1539. [Google Scholar]
  18. Zhang, Z.; Xu, S.; Zhang, S.; Qiao, T.; Cao, S. Attention based convolutional recurrent neural network for environmental sound classification. Neurocomputing 2020, 453, 896–903. [Google Scholar] [CrossRef]
  19. Piczak, K.J. ESC: Dataset for environmental sound classification. In Proceedings of the 23rd ACM international conference on Multimedia, Brisbane, Australia, 26–30 October 2015; pp. 1015–1018. [Google Scholar]
  20. Wall, C.; Zhang, L.; Yu, Y.; Mistry, K. Deep recurrent neural networks with attention mechanisms for respiratory anomaly classification. In Proceedings of the International Joint Conference on Neural Networks (IJCNN), Shenzhen, China, 18–22 July 2021; pp. 1–8. [Google Scholar]
  21. Sait, U.; KV, G.L.; Shivakumar, S.; Kumar, T.; Bhaumik, R.; Prajapati, S.; Bhalla, K.; Chakrapani, A. A deep-learning based multimodal system for COVID-19 diagnosis using breathing sounds and chest X-ray images. Appl. Soft Comput. 2021, 109, 107522. [Google Scholar] [CrossRef] [PubMed]
  22. Wall, C.; Liu, C.; Zhang, L. Deep learning based respiratory anomaly and COVID diagnosis using audio and CT scan imagery. Recent Adv. AI-Enabled Autom. Med. Diagnosis 2022. Available online: https://www.routledge.com/Recent-Advances-in-AI-enabled-Automated-Medical-Diagnosis/Jiang-Crookes-Wei-Zhang-Chazot/p/book/9781032008431 (accessed on 11 June 2022).
  23. Perna, D. Convolutional neural networks learning from respiratory data. In Proceedings of the 2018 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Madrid, Spain, 3–6 December 2018; pp. 2109–2113. [Google Scholar]
  24. García-Ordás, M.T.; Benítez-Andrades, J.A.; García-Rodríguez, I.; Benavides, C.; Alaiz-Moretón, H. Detecting respiratory pathologies using convolutional neural networks and variational autoencoders for unbalancing data. Sensors 2020, 20, 1214. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  25. Boddapati, V.; Petef, A.; Rasmusson, J.; Lundberg, L. Classifying environmental sounds using image recognition networks. Procedia Comput. Sci. 2017, 112, 2048–2056. [Google Scholar] [CrossRef]
  26. Zhang, L.; Lim, C.P.; Yu, Y.; Jiang, M. Sound classification using evolving ensemble models and particle swarm optimization. Appl. Soft Comput. 2022, 116, 108322. [Google Scholar] [CrossRef]
  27. Li, F.; Tang, H.; Shang, S.; Mathiak, K.; Cong, F. Classification of heart sounds using convolutional neural network. Appl. Sci. 2020, 10, 3956. [Google Scholar] [CrossRef]
  28. Xiao, B.; Xu, Y.; Bi, X.; Zhang, J.; Ma, X. Heart sounds classification using a novel 1-D convolutional neural network with extremely low parameter consumption. Neurocomputing 2020, 392, 153–159. [Google Scholar] [CrossRef]
  29. Zhang, Z.; Xu, S.; Cao, S.; Zhang, S. November. Deep convolutional neural network with mixup for environmental sound classification. In Chinese Conference on Pattern Recognition and Computer Vision (PRCV), Proceedings of the PRCV 2018: Pattern Recognition and Computer Vision, Guangzhou, China, 23–26 November 2018; Springer: Cham, Switzerland, 2018; pp. 356–367. [Google Scholar]
  30. Mistry, K.; Zhang, L.; Neoh, S.C.; Lim, C.P.; Fielding, B. A micro-GA embedded PSO feature selection approach to intelligent facial emotion recognition. IEEE Trans. Cybern. 2017, 47, 1496–1509. [Google Scholar] [CrossRef] [Green Version]
  31. Tan, T.Y.; Zhang, L.; Lim, C.P. Intelligent skin cancer diagnosis using improved particle swarm optimization and deep learning models. Appl. Soft Comput. 2019, 84, 105725. [Google Scholar] [CrossRef]
  32. Fielding, B.; Zhang, L. Evolving image classification architectures with enhanced particle swarm optimisation. IEEE Access 2018, 6, 68560–68575. [Google Scholar] [CrossRef]
  33. Tan, T.Y.; Zhang, L.; Lim, C.P. Adaptive melanoma diagnosis using evolving clustering, ensemble and deep neural networks. Knowl. Based Syst. 2020, 187, 104807. [Google Scholar] [CrossRef]
  34. Wu, J.M.T.; Tsai, M.H.; Huang, Y.Z.; Islam, S.H.; Hassan, M.M.; Alelaiwi, A.; Fortino, G. Applying an ensemble convolutional neural network with Savitzky–Golay filter to construct a phonocardiogram prediction model. Appl. Soft Comput. 2019, 78, 29–40. [Google Scholar] [CrossRef]
  35. Davis, S.; Mermelstein, P. Comparison of parametric representations for monosyllabic word recognition in continuously spoken sentences. IEEE Trans. Acoust. Speech Signal Process. 1980, 28, 357–366. [Google Scholar] [CrossRef] [Green Version]
  36. Minh-Tuan, N.; Kim, Y.-H. Bidirectional long short-term memory neural networks for linear sum assignment problems. Appl. Sci. 2019, 9, 3470. [Google Scholar] [CrossRef] [Green Version]
  37. Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  38. Zhang, L.; Srisukkham, W.; Neoh, S.C.; Lim, C.P.; Pandit, D. Classifier ensemble reduction using a modified firefly algorithm: An empirical evaluation. Expert Syst. Appl. 2018, 93, 395–422. [Google Scholar] [CrossRef]
  39. Srisukkham, W.; Zhang, L.; Neoh, S.C.; Todryk, S.; Lim, C.P. Intelligent Leukaemia diagnosis with bare-bones PSO based feature optimization. Appl. Soft Comput. 2017, 56, 405–419. [Google Scholar] [CrossRef]
  40. Lawrence, T.; Zhang, L.; Rogage, K.; Lim, C.P. Evolving deep architecture generation with residual connections for image classification using particle swarm optimization. Sensors 2021, 21, 7936. [Google Scholar] [CrossRef]
  41. Zhang, L.; Lim, C.P.; Yu, Y. Intelligent human action recognition using an ensemble model of evolving deep networks with swarm-based optimization. Knowl. Based Syst. 2021, 220, 106918. [Google Scholar] [CrossRef]
  42. Tan, C.J.; Neoh, S.C.; Lim, C.P.; Hanoun, S.; Wong, W.P.; Loo, C.K.; Zhang, L.; Nahavandi, S. Application of an evolutionary algorithm-based ensemble model to job-shop scheduling. J. Intell. Manuf. 2019, 30, 879–890. [Google Scholar] [CrossRef] [Green Version]
  43. Zhang, Y.; Zhang, L.; Hossain, M.A. Adaptive 3D facial action intensity estimation and emotion recognition. Expert Syst. Appl. 2015, 42, 1446–1464. [Google Scholar] [CrossRef] [Green Version]
  44. Zahid, S.; Hussain, F.; Rashid, M.; Yousaf, M.H.; Habib, H.A. Optimized audio classification and segmentation algorithm by using ensemble methods. Math. Probl. Eng. 2015, 2015, 209814. [Google Scholar] [CrossRef]
  45. Neoh, S.C.; Zhang, L.; Mistry, K.; Hossain, M.A.; Lim, C.P.; Aslam, N.; Kinghorn, P. Intelligent facial emotion recognition using a layered encoding cascade optimization model. Appl. Soft Comput. 2015, 34, 72–93. [Google Scholar] [CrossRef]
  46. Sagi, O.; Rokach, L. Ensemble learning: A survey. Wiley Interdiscip. Rev. Data Min. Knowl. Discov. 2018, 8, e1249. [Google Scholar] [CrossRef]
  47. Prechelt, L. Early stopping-but when? In Neural Networks: Tricks of the Trade; Springer: Berlin/Heidelberg, Germany, 1998; pp. 55–69. [Google Scholar]
  48. Parikh, R.; Mathai, A.; Parikh, S.; Sekhar, G.C.; Thomas, R. Understanding and using sensitivity, specificity and predictive values. Indian J. Ophthalmol. 2008, 56, 45. [Google Scholar] [CrossRef]
  49. Liu, K.; Chen, Y.; Lin, R.; Han, K. Clinical features of COVID-19 in elderly patients: A comparison with young and middle-aged patients. J. Infect. 2020, 80, e14–e18. [Google Scholar] [CrossRef] [Green Version]
  50. Kinghorn, P.; Zhang, L.; Shao, L. A region-based image caption generator with refined descriptions. Neurocomputing 2018, 272, 416–424. [Google Scholar] [CrossRef] [Green Version]
  51. Kinghorn, P.; Zhang, L.; Shao, L. A hierarchical and regional deep learning architecture for image description generation. Pattern Recognit. Lett. 2019, 119, 77–85. [Google Scholar] [CrossRef] [Green Version]
  52. Kiranyaz, S.; Avci, O.; Abdeljaber, O.; Ince, T.; Gabbouj, M.; Inman, D.J. 1D convolutional neural networks and applications: A survey. Mech. Syst. Signal Process. 2021, 151, 107398. [Google Scholar] [CrossRef]
  53. Lawrence, T.; Zhang, L. IoTNet: An efficient and accurate convolutional neural network for IoT devices. Sensors 2019, 19, 5541. [Google Scholar] [CrossRef] [Green Version]
Figure 1. The proposed ensemble model comprising four base networks for diverse lung abnormality and COVID-19 diagnosis.
Figure 1. The proposed ensemble model comprising four base networks for diverse lung abnormality and COVID-19 diagnosis.
Sensors 22 05566 g001
Table 1. The summary of existing studies for sound classification.
Table 1. The summary of existing studies for sound classification.
Related StudiesMethodologiesNovel Strategies
Choi et al. [9]CRNN with four conv2d layers and two GRU layers for music classification using the Million Song dataset-
Chen and Li [12](1) CNN-BiLSTM and 1D DNN for audio emotion classification, and (2) 1D DNN for lyrics emotion classification, using the Million Song dataset. (3) A stacking ensemble used to combine emotion classification results from both audio and text inputs.(1) CNN-BiLSTM and 1D DNN for audio emotion classification, and (2) 1D DNN for lyrics emotion classification, using the Million Song dataset. (3) A stacking ensemble used to combine emotion classification results from both audio and text inputs.
Perna [23]2D CNN-
Perna and Tagarelli [13]LSTM to train and classify the respiratory ICBHI dataset on both pathology and anomaly levels. The pathology-driven classification includes two tasks, i.e., binary (healthy/unhealthy) and 3-class (healthy/chronic/non-chronic) classification. On the other hand, for anomaly-driven diagnosis, a 4-class prediction is performed to detect normal/wheeze/crackle/both crackle and wheeze conditions.Using different sliding window settings for data preparation
Pahar et al. [14]Resnet50, LSTM, CNN, MLP, SVM, and LR for the classification of different lung abnormalities using the Coswara dataset and the SARS-CoV-2 South Africa (Sarcos) dataset.-
Zhang et al. [18]CRNN with attention mechanisms for environmental sound classification using ESC-10 and ESC-50 datasets.CRNN with attention mechanisms
Wall et al. [20]BiLSTM and BiGRU with attention mechanisms for respiratory and coughing sound classificationBiLSTM and BiGRU with attention mechanisms
Wall et al. [22]BiLSTM for 2-class (health/unhealthy) respiratory sound classification-
Zhang et al. [26]An evolving ensemble of CRNNs for respiratory abnormality (healthy/chronic/non-chronic) classification, as well as heart sound and environmental sound classification.Hyper-parameter fine-tuning using PSO (but for 3-class respiratory abnormality detection)
García-Ordás et al. [24]2D CNN with two convolutional layers in combination with different data augmentation and oversampling techniques for respiratory abnormality classificationAdopting different oversampling techniques
Li et al. [27]1D CNN with three convolutional layers for heart sound classification-
Xiao et al. [28]1D CNN with clique and transition blocks for heart sound classification1D CNN with clique and transition blocks
Boddapati et al. [25]AlexNet and GoogLeNet for environmental sound classification -
Sait et al. [21]Transfer learning based on Inception-v3 combined with MLP for COVID-19 diagnosis using breathing and chest X-ray image inputsTransfer learning based on Inception-v3 combined with MLP for multimodal COVID-19 diagnosis
Zhang et al. [29]2D CNN combined with sound mix-upSound mix-up for model training
This researchAn evolving ensemble of A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN, with PSO-based hyper-parameter optimization(1) CRNN, BiLSTM, and BiGRU with attention mechanisms (i.e., A-CRNN, A-BiLSTM, and A-BiGRU), as well as 1D CNN for audio classification. (2) PSO-based hyper-parameter tuning, and (3) an ensemble model combining the devised A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN.
Table 2. Dataset properties.
Table 2. Dataset properties.
DatasetDataset NameClassNo. of Files
D1ICBHICOPD793
Healthy35
Bronchiectasis16
Bronchiolitis13
URTI23
Pneumonia37
Asthma1
LRTI2
D2Coswara CoughCOVID-19 Positive110
COVID-19 Negative107
D3Coswara SpeechCOVID-19 Positive103
COVID-19 Negative104
D4Coswara BreathingCOVID-19 Positive101
COVID-19 Negative103
D5ICBHI + Coswara BreathingCOPD793
Healthy35
Bronchiectasis16
Bronchiolitis13
URTI23
Pneumonia37
COVID-19101
Table 3. The subject-independent train–test split for ICBHI used in our experiments.
Table 3. The subject-independent train–test split for ICBHI used in our experiments.
Training SetAugmented Training SetTest Set
Bronchiectasis146722
Bronchiolitis76726
URTI166727
Healthy1867217
Pneumonia306607
COPD648648145
Total7333996184
Table 4. The subject-independent train–test split for the combined dataset (D5) based on ICBHI and Coswara breathing databases.
Table 4. The subject-independent train–test split for the combined dataset (D5) based on ICBHI and Coswara breathing databases.
Training SetAugmented Training SetTest Set
ICBHI (D1)Bronchiectasis146722
Bronchiolitis76726
URTI166727
Healthy1867217
Pneumonia306607
COPD648648145
Coswara Breathing (D4)COVID-198164820
Total 8144644204
Table 5. Model 1—The proposed A-CRNN model architecture.
Table 5. Model 1—The proposed A-CRNN model architecture.
Layer#Layer Description Unit SettingKernel Size
L1Conv1D 5123
L2Conv1D2563
L3MaxPooling1DN/AN/A
L4BiLSTM512N/A
L5Attention MechanismN/AN/A
L6LSTM256N/A
L7Dense128N/A
L8FC Dense (Softmax)Number of classesN/A
Table 6. Model 2—The proposed A-BiLSTM network architecture.
Table 6. Model 2—The proposed A-BiLSTM network architecture.
Layer#Layer DescriptionUnit Setting
L1BiLSTM512
L2LSTM256
L3Attention MechanismN/A
L4Dense128
L5Dropout0.6
L6Dense64
L7FC Dense (Softmax)Number of classes
Table 7. Model 3—The proposed A-BiGRU network architecture.
Table 7. Model 3—The proposed A-BiGRU network architecture.
Layer#Layer DescriptionUnit Setting
L1BiGRU512
L2GRU256
L3Attention MechanismN/A
L4Dense128
L5Dropout0.6
L6Dense64
L7FC Dense (Softmax)Number of classes
Table 8. Model 4—The proposed CNN architecture.
Table 8. Model 4—The proposed CNN architecture.
Layer#Layer DescriptionUnit SettingKernel Size
L1Conv1D1283
L2Conv1D1283
L3Conv1D1283
L4MaxPooling1DN/AN/A
L5Conv1D 2563
L6Conv1D2563
L7Conv1D2563
L8MaxPooling1DN/AN/A
L9Conv1D 5123
L10Conv1D5121
L11Conv1D21
L12GlobalAveragePooling1DN/AN/A
L13ActivationN/AN/A
Table 9. Optimized hyper-parameter settings with respect to D1.
Table 9. Optimized hyper-parameter settings with respect to D1.
ModelHyper-ParameterSetting
A-CRNNLearning Rate0.00159
Batch Size128
Epoch37
A-BiLSTMLearning Rate0.00095
Batch Size128
Epoch105
A-BiGRULearning Rate0.00193
Batch Size128
Epoch45
CNNLearning Rate0.00019
Batch Size128
Epoch53
Table 10. Optimized hyper-parameter settings with respect to D2.
Table 10. Optimized hyper-parameter settings with respect to D2.
ModelHyper-ParameterSetting
A-CRNNLearning Rate0.000106
Batch Size64
Epoch26
A-BiLSTMLearning Rate0.000101
Batch Size64
Epoch15
A-BiGRULearning Rate0.00909
Batch Size64
Epoch16
CNNLearning Rate0.00013
Batch Size64
Epoch23
Table 11. Optimized hyper-parameter settings with respect to D3.
Table 11. Optimized hyper-parameter settings with respect to D3.
ModelHyper-ParameterSetting
A-CRNNLearning Rate0.000143
Batch Size512
Epoch48
A-BiLSTMLearning Rate0.000099
Batch Size512
Epoch96
A-BiGRULearning Rate0.00187
Batch Size512
Epoch33
CNNLearning Rate0.000122
Batch Size512
Epoch130
Table 12. Optimized hyper-parameter settings with respect to D4.
Table 12. Optimized hyper-parameter settings with respect to D4.
ModelHyper-ParameterSetting
A-CRNNLearning Rate0.000163
Batch Size512
Epoch48
A-BiLSTMLearning Rate0.000098
Batch Size512
Epoch96
A-BiGRULearning Rate0.00083
Batch Size512
Epoch33
CNNLearning Rate0.000103
Batch Size512
Epoch130
Table 13. Optimized hyper-parameter settings with respect to D5.
Table 13. Optimized hyper-parameter settings with respect to D5.
ModelHyper-ParameterSetting
A-CRNNLearning Rate0.000157
Batch Size128
Epoch42
A-BiLSTMLearning Rate0.000197
Batch Size128
Epoch30
A-BiGRULearning Rate0.00192
Batch Size128
Epoch38
CNNLearning Rate0.000083
Batch Size128
Epoch43
Table 14. Results of base and ensemble models using a subject-independent train–test split for D1, i.e., the ICBHI dataset.
Table 14. Results of base and ensemble models using a subject-independent train–test split for D1, i.e., the ICBHI dataset.
ModelsSensitivitySpecificityICBHI ScoreAccuracy
A-CRNN0.894710.94740.8989
A-BiLSTM0.89470.85710.87590.8933
A-BiGRU0.86550.85710.86130.8652
CNN0.8830.85710.87010.882
Ensemble0.953210.97660.9551
Table 15. Confusion matrix of the proposed ensemble model for D1, i.e., the ICBHI dataset.
Table 15. Confusion matrix of the proposed ensemble model for D1, i.e., the ICBHI dataset.
BronchiectasisBronchiolitisCOPDHealthyPneumoniaURTI
Bronchiectasis100000
Bronchiolitis010000
COPD0.026100.96730.006500
Healthy000100
Pneumonia000.200.80
URTI0000.400.6
Table 16. Results of base and ensemble models for D2, i.e., the Coswara cough dataset.
Table 16. Results of base and ensemble models for D2, i.e., the Coswara cough dataset.
ModelsSensitivitySpecificityICBHI ScoreAccuracy
A-CRNN0.92310.88460.90380.9060
A-BiLSTM10.93910.97000.9754
A-BiGRU10.96000.98000.9825
CNN0.95240.90770.93000.9297
Ensemble10.94200.97100.9750
Table 17. Confusion matrix of the proposed ensemble model for D2, i.e., the Coswara cough dataset.
Table 17. Confusion matrix of the proposed ensemble model for D2, i.e., the Coswara cough dataset.
PositiveNegative
Positive10
Negative0.0580.942
Table 18. Results of base and ensemble models for D3, i.e., the Coswara speech dataset.
Table 18. Results of base and ensemble models for D3, i.e., the Coswara speech dataset.
ModelsSensitivitySpecificityICBHI ScoreAccuracy
A-CRNN0.92890.87470.90180.9023
A-BiLSTM0.94220.84100.89160.8894
A-BiGRU0.83440.82580.83000.8304
CNN0.89650.87950.88800.8881
Ensemble0.94800.89200.92000.9240
Table 19. Confusion matrix of the proposed ensemble model for D3, i.e., the Coswara speech dataset.
Table 19. Confusion matrix of the proposed ensemble model for D3, i.e., the Coswara speech dataset.
PositiveNegative
Positive0.94800.0520
Negative0.10800.8920
Table 20. Results of base and ensemble models for D4, i.e., the Coswara breathing dataset.
Table 20. Results of base and ensemble models for D4, i.e., the Coswara breathing dataset.
ModelsSensitivitySpecificityICBHI ScoreAccuracy
A-CRNN0.90730.87460.89090.8936
A-BiLSTM0.99090.95300.97200.9724
A-BiGRU0.86540.80690.83620.8320
CNN0.94970.85620.90300.9066
Ensemble0.98100.87700.92900.9300
Table 21. Confusion matrix of the proposed ensemble model for D4, i.e., the Coswara breathing dataset.
Table 21. Confusion matrix of the proposed ensemble model for D4, i.e., the Coswara breathing dataset.
PositiveNegative
Positive0.98100.019
Negative0.12300.8770
Table 22. Results of the base and ensemble models using a subject-independent train–test split for D5, i.e., the combination of ICBHI and Coswara breathing datasets.
Table 22. Results of the base and ensemble models using a subject-independent train–test split for D5, i.e., the combination of ICBHI and Coswara breathing datasets.
ModelsSensitivitySpecificityICBHI ScoreAccuracy
A-CRNN0.91110.95550.9141
A-BiLSTM0.92150.85710.88930.9192
A-BiGRU0.87430.85710.86570.8737
CNN0.91620.85710.88670.9141
Ensemble0.942410.97120.9444
Table 23. Confusion matrix of the proposed ensemble model for D5, i.e., the combination of ICBHI and Coswara breathing datasets.
Table 23. Confusion matrix of the proposed ensemble model for D5, i.e., the combination of ICBHI and Coswara breathing datasets.
BronchiectasisBronchiolitisCOPDHealthyPneumoniaURTICOVID-19
Bronchiectasis1000000
Bronchiolitis00.833300.1667000
COPD0.026100.95420.0196000
Healthy0001000
Pneumonia00000.80.20
URTI0000.400.60
COVID-190000001
Table 24. Ensemble results for the five test datasets.
Table 24. Ensemble results for the five test datasets.
DatasetSensitivitySpecificityICBHI ScoreAccuracy
D10.953210.97660.9551
D210.9420.9710.975
D30.9480.8920.9200.924
D40.9810.8770.9290.930
D50.942410.97120.9444
Table 25. Performance comparison with existing studies.
Table 25. Performance comparison with existing studies.
Existing StudiesMethodologyNo. of ClassesEvaluation StrategiesResults
ICBHIWall et al. [20]BiLSTM with attention mechanisms6 90–10 (random)Accuracy rate—0.962
Zhang et al. [26] An evolving ensemble of CRNNs3 (healthy, chronic, and non-chronic)80–20 (subject-independent)ICBHI score—0.9803
Wall et al. [22]BiLSTM2 (healthy and unhealthy)80–20 (random)ICBHI score—0.957
Perna [23]2D CNN3 (healthy, chronic, and non-chronic)80–20 (random)ICBHI score—0.83
Perna and Tagarelli [13] LSTM with 50% overlapping between windows3 (healthy, chronic, and non-chronic)80–20 (random)ICBHI score—0.9
Perna and Tagarelli [13]LSTM without overlapping3 (healthy, chronic, and non-chronic)80–20 (random)ICBHI score—0.89
García-Ordás et al. [24]2D CNN with Synthetic Minority Oversampling Technique3 (healthy, chronic, and non-chronic)10-fold (random)ICBHI score—0.558
García-Ordás et al. [24] 2D CNN with Adaptive Synthetic Sampling Method3 (healthy, crohnic, and non-crohnic)10-fold (random)ICBHI score—0.911
García-Ordás et al. [24]2D CNN with dataset weighted3 (healthy, chronic, and non-chronic)10-fold (random)ICBHI score—0.476
This researchEnsemble of optimized A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN680–20 (subject-independent)ICBHI score—0.9766
Acccuracy rate—0.9551
Coswara (cough)Wall et al. [20]BiLSTM with attention mechanisms290–10 (random)Accuracy rate—0.968
This researchEnsemble of optimized A-CRNN, A-BiLSTM, A-BiGRU, and 1D CNN280–20 (random)ICBHI score—0.971
Acccuracy rate—0.975
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wall, C.; Zhang, L.; Yu, Y.; Kumar, A.; Gao, R. A Deep Ensemble Neural Network with Attention Mechanisms for Lung Abnormality Classification Using Audio Inputs. Sensors 2022, 22, 5566. https://doi.org/10.3390/s22155566

AMA Style

Wall C, Zhang L, Yu Y, Kumar A, Gao R. A Deep Ensemble Neural Network with Attention Mechanisms for Lung Abnormality Classification Using Audio Inputs. Sensors. 2022; 22(15):5566. https://doi.org/10.3390/s22155566

Chicago/Turabian Style

Wall, Conor, Li Zhang, Yonghong Yu, Akshi Kumar, and Rong Gao. 2022. "A Deep Ensemble Neural Network with Attention Mechanisms for Lung Abnormality Classification Using Audio Inputs" Sensors 22, no. 15: 5566. https://doi.org/10.3390/s22155566

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

Article Metrics

Back to TopTop