Abstract

Coronavirus disease (COVID-19) is a viral infection caused by SARS-CoV-2. The modalities such as computed tomography (CT) have been successfully utilized for the early stage diagnosis of COVID-19 infected patients. Recently, many researchers have utilized deep learning models for the automated screening of COVID-19 suspected cases. An ensemble deep learning and Internet of Things (IoT) based framework is proposed for screening of COVID-19 suspected cases. Three well-known pretrained deep learning models are ensembled. The medical IoT devices are utilized to collect the CT scans, and automated diagnoses are performed on IoT servers. The proposed framework is compared with thirteen competitive models over a four-class dataset. Experimental results reveal that the proposed ensembled deep learning model yielded 98.98% accuracy. Moreover, the model outperforms all competitive models in terms of other performance metrics achieving 98.56% precision, 98.58% recall, 98.75% F-score, and 98.57% AUC. Therefore, the proposed framework can improve the acceleration of COVID-19 diagnosis.

1. Introduction

In December 2019, an epidemic of a coronavirus disease (COVID-19) was reported, and due to its rapid spread in the entire world, the World Health Organization (WHO) indicated it as a pandemic [1]. This pandemic has wreaked havoc on the world, affecting all aspects of life including economy, education, society, and environment [2]. The timely diagnosis of infected patients is essential both for infection control and care of the patient [3, 4]. However, an efficient model of COVID-19 diagnosis is yet an immense challenge because of spatial complexity [5, 6]. Advancement in the deep learning-based Internet of Things (IoT) initiated a world of possibilities in healthcare. IoT-based healthcare can overcome the lack of medical specialist issues. Additionally, IoT-based healthcare devices are very helpful for the early diagnosis of various infectious diseases such as COVID-19, HIV, and cancer. The IoT-enabled deep learning model was designed in [7] for automated diagnosis of COVID-19 suspected cases. Recently, many artificial intelligence (AI) approaches have been utilized for automated diagnosis of suspected cases [810]. Some of these approaches are extreme learning, convolutional neural network (CNN), generative adversarial networks, and a combination of several handcrafted feature extraction methods [1114].

A mask-based CNN model (M-CNN) was designed with an almost limited volume of trainable attributes for COVID-19 diagnosis [15]. A joint learning model (JLM) was implemented to achieve efficient COVID-19 diagnosis [16]. The contrastive cross-site training was also implemented by using a redesigned net [16]. A weakly supervised deep learning model (WSDL) was implemented for the diagnosis of COVID-19 suspected cases from CT images. It can reduce the demands of guided labeling of CT images but yet be capable to achieve efficient performance [17]. An iteratively pruned ensemble convolutional neural network (IPCNN) was designed for diagnosing COVID-19 suspected cases. Pretrained ImageNet models were also utilized to train modality-specific features [18]. Three dense CNN models (DeCNN) were utilized, and their respective results were integrated to improve the COVID-19 diagnosis performance [19]. The deep learning-based chest radiograph diagnosis (DLCRD) was proposed for diagnosis of COVID-19 suspected cases [20, 21]. Two 3D ResNets were integrated using a prior-attention approach. The residual learning was improved using the designed prior-attention approach referred to as prior-attention residual learning (PARL) block [22].

The classifier generative adversarial network (i.e., COVIDGAN) was implemented to obtain synthetic chest X-ray images. It has been shown that the obtained synthetic images have improved the accuracy of CNN-based COVID-19 diagnosis models [23]. Adaptive feature selection guided deep forest (AGGDF) was designed for the diagnosis of COVID-19 suspected case [24]. The genetic CNN (GCNN) was implemented. The GCNN was trained from scratch to extract potential characteristics for diagnosing suspected cases [25].

Alshazly et al. [26] adopted various deep network architectures along with a transfer learning strategy for the automated detection of COVID-19 based on CT scans. Extensive experiments were conducted on two CT image datasets, namely, the SARS-CoV-2 CT scan [27] and the COVID-19 CT [28]. Their results indicated superior performance for the adopted models compared with standard ones. In [29], two CNN models were proposed, i.e., CovidDenseNet and CovidResNet, for diagnosis of COVID-19 by considering CT images. The architectures utilized transfer learning to be partly initialized from larger pretrained deep models, which revealed to significantly improve the diagnosis accuracy. The built models can efficiently distinguish between COVID-19, viral pneumonia, and healthy CTs. Experiments were conducted on 4173 CT scans. It was found that CovidResNet and CovidDenseNet have significantly improved the diagnosis performance.

Biswas et al. [30] proposed an effective COVID-19 prediction model based on chest CT images by utilizing transfer learning from three standard deep models, namely, VGG16, ResNet50, and Xception. To improve the overall prediction performance, they proposed ensembled three pretrained models. Experiments carried out on the SARS-CoV-2 CT dataset indicated the effectiveness of their proposed method. A multiobjective differential evolution-based CNN model was presented for classification of COVID-19 infected patients using chest CT scans [31]. Experimental results for binary classification scenarios revealed the superior performance of the proposed model compared with other competitive models under different splits of training and testing datasets. For a comprehensive and systematic review on the different machine learning techniques applied to detect and diagnose COVID-19 from chest radiographic images including X-ray and CT scans, please see [32, 33].

Although the existing deep learning models have achieved significantly better performance for COVID-19 diagnosis, still a majority of the deep learning models suffer from the overfitting problems [34, 35]. Also, deep learning models have millions of parameters that are optimized using stochastic gradient descent algorithms [6, 36]. Thus, the search space contains a large number of local minima that should be avoided. Therefore, in this study, a deep ensemble model is proposed.

The main contributions of this study are as follows.(1)A novel ensemble deep learning and IoT-based frameworks are proposed for screening of suspected cases(2)Three deep learning variants, i.e., ResNet152V2, DenseNet201, and InceptionResNetV2 (IRNV2) are ensembled for automated screening of COVID-19 suspected cases(3)Comparisons are drawn among the proposed and the existing models by using various performance metrics

The rest of the study is organized as follows. In Section 2, preliminaries are discussed. The proposed framework is illustrated in Section 3. Section 4 presents the comparative analysis. Section 5 concludes the study.

2. Preliminaries

This section presents the background of convolutional neural networks (CNNs). Thereafter, the concept of transfer learning is discussed. Finally, we explain the deep ensemble construction process.

2.1. Convolutional Neural Network

The CNN has extensively utilized a supervised learning model motivated by the natural visual attention process of living individuals. The CNN is preferred over the machine learning models as it does not require feature extraction techniques as a preprocessing tool [37, 38]. A CNN is a deep neural network with various convolutional layers as shown in Figure 1. Each convolutional layer contains various filters to apply a convolutional operator on the input image. Pooling is used to subsample the pixels to make the image smaller. Therefore, each layer reduces the attributes to classify the image. Depending upon the number of classes, the sigmoid or softmax activation function is used to evaluate the probability of a given class. However, the CNN requires training with tons of images before performing a logical classification. Also, model building is expensive, both in terms of resources and time [39, 40]. Therefore, transfer learning models are used.

2.2. Transfer Learning

Given the enormous resources necessary to train deep networks or the large and challenging datasets on which deep networks are trained, transfer learning has become a popular approach in deep learning. Transfer learning is utilized to build a given model by partially utilizing a pretrained model on a different problem. It is preferred especially when we have a lack of data to train deep models from scratch such as the COVID-19 dataset. It can reduce the training time, and also, it does not require setting up a costly processing unit. Figure 2 shows a VGG16 [41] based transfer learning model for diagnosis of COVID-19 suspected cases. It is found that the pretrained model is utilized to extract the features of chest CT images. Finally, a fully connected layer of the CNN model along with a dropout is used to classify the results [42]. This fine-tuning strategy of deep CNN models has proved to be the most effective approach of transfer learning, which incrementally adapts the pretrained features to the new data [43]. Some recently utilized deep learning models are as ResNet152V2 [44], DenseNet201 [34], and Inception ResNetV2 (IRNV2) [3].

2.3. Deep Ensemble

Deep CNNs have millions of parameters that we attempt to optimize through a stochastic gradient descent algorithm or its variants. As a result, the search space contains a large number of local minima, which the optimizer tries to avoid but frequently converges to. Eventhough these networks achieve comparable error rates, they make different mistakes due to the vastness of their search space. As a result, their diversity can be used to exploit by building ensembling techniques [45, 46].

The two common approaches for constructing ensembles are homogeneous and heterogeneous ensembling. In homogeneous ensembles, the stochasticity of the training process is exploited, where we train the same network architecture multiple times with random or different initializations. On contrary, in heterogeneous ensembles, the goal is to train different network architectures to exploit their complementary descriptive powers. Following the training process, the networks can be integrated with various ways such as majority voting, averaging, or concatenating the output of the penultimate layer and subsequently performing classification by an external classifier. In this regard, constructing heterogeneous ensembles of deep CNN models of varying depths has been found to achieve state-of-the-art results in various vision tasks including biometrics [47], scene classification [48], and building robust diagnostic systems [4951].

Figures 35 show ResNet152V2, DenseNet201, and IRNV2-based pretrained models. The neurons for an initial dense layer are set to be 64. The fine-tuned transfer learning models are utilized to extract the features. The softmax activation function is used. All pretrained models are built for 250 epochs. For fine-tuning, the Adam optimizer [52] is utilized. Early stopping is implemented to achieve regularization which can overcome the overfitting issue.

3. Proposed Model

The proposed IoT-enabled ensemble deep learning model is shown in Figure 6. Initially, medical IoT devices obtain the required scan of a patient at a local hospital or medical center. The collected scans are then transferred to the storage layer of IoT framework using some communication media. Thereafter, processing of the obtained scan is done with the help of the ensemble deep learning model. The returned outcomes are then stored on the data storage layer. Different types of IoT users such as medical experts, doctors, and patients can access their results from the storage layer.

The proposed ensemble deep learning model is shown in Figure 7. It clearly shows that initially, we will train the pretrained models individually. Thereafter, majority voting is implemented to obtain the final ensembled framework for automated screening of COVID-19 suspected cases. The remaining section discusses the step-by-step ensemble model.(1)Initially, a four-class chest CT dataset is obtained(2)Divide the dataset into training and testing fractions, i.e., and , respectively. Ten-fold (10-fold) cross-validation is then applied to obtain 10 uniform sets.(3)Mathematically, each set is defined asHere, represents the training set of CT scans, shows the testing set, is the 10-fold cross-validation, and is the collected four-class CT scan dataset.(4)The deep learning models, i.e., ResNet152V2, DenseNet201, and IRNV2 are applied on the testing dataset asHere, , , and show the softmax functions of ResNet152V2, DenseNet201, and IRNV2, respectively, represents the deep transfer leaning model, , , and demonstrate the ResNet152V2, DenseNet201, and IRNV2, respectively, and shows the softmax function.(5)The trained individual deep transfer learning models can be defined asHere, defines the model building process.(6)Finally, ensembling is achieved by using the majority voting asHere, is the trained ensemble diagnostic model. defines the majority voting ensemble model.

4. Performance Analysis

The proposed framework is realized on online MATLAB software with the support of a deep learning toolbox. To give a comprehensive analysis and comparison, we have implemented numerous COVID-19 diagnostic models such as the JLM [16], WSDL [17], IPCNN [18], DeCNN [19], DLCRD [20], PARL [22], AGGDF [24], GCNN [25], GoogLeNet [53], ResNet152V2 [44], DenseNet201 [34], and IRNV2 [3].

The chest CT dataset is collected from various sources [5458]. It contains 2839, 2632, 3193, and 3482 CT scans images of COVID-19 (+), tuberculosis, pneumonia, and healthy persons, respectively.

The receiver operating characteristic curve (ROC) analysis of the proposed IoT-enabled ensemble deep learning framework is shown in Figure 8. The proposed framework achieves better area under curve (AUC) values with an average AUC value of 98.57% which is remarkably better than the competitive models. Therefore, the proposed framework can be efficiently applied for the early diagnosis of COVID-19 suspected cases.

Tables 1 and 2 provide the training and testing analyses of the proposed IoT-enabled ensembled deep learning framework. The proposed model obtains average training results in terms of accuracy, F-measure, AUC, recall, and precision of 99.12%, 98.91%, 98.79%, 99.28%, and 99.08%, respectively. Whereas on testing data, the model achieves remarkably good results in terms of accuracy, F-measure, AUC, recall, and precision of 98.97%, 98.75%, 98.57%, 98.58%, and 98.56%, respectively. Overall analysis indicates that the proposed approach achieves better results than the existing models in terms of accuracy, F-measure, AUC, recall, and precision by 1.19%, 0.98%, 0.95%, 1.04%, and 1.02%, respectively.

The experimental analysis demonstrates that the proposed model has better performance than the JLM [16], WSDL [17], IPCNN [18], DeCNN [19], DLCRD [20], PARL [22], AGGDF [24], GCNN [25], GoogLeNet [53], ResNet152V2 [44], DenseNet201 [34], and IRNV2 [3] based COVID-19 diagnostic models. Additionally, the proposed model is designed for IoT networks and therefore can provide rapid testing results even for remote users. The proposed framework can also test tuberculosis and pneumonia patients at the same time. Since the proposed model is also IoT-enabled, therefore, it initially diagnoses the type of infection and provides results. If the given patient is infected from COVID-19, then the patient’s sample will be further processed for the verification of actual COVID types such as delta variant and omicron variant. Thus, the proposed framework can provide better performance and can be used for automated diagnosis of COVID-19 suspected cases.

5. Conclusion

A novel IoT-enabled deep learning framework for automated COVID-19 diagnosis framework has been proposed. Three well-known fine-tuned transfer learning models were utilized to design an ensemble model. The majority voting classifiers were utilized to ensemble the outcomes of deep transfer learning models. The proposed model was tested on a four-class (i.e., COVID-19, pneumonia, tuberculosis, and healthy cases) chest CT dataset. Extensive experiments have been conducted by considering the proposed framework and several existing models using various performance evaluation metrics. It has been observed that the proposed framework outperforms the competitive models in terms of AUC, accuracy, recall, F-measure, and precision by 1.19%, 0.98%, 0.95%, 1.04%, and 1.02%, respectively. Because the proposed model is also IoT-enabled, it can diagnose the type of infection and provide results right away. If a patient has been infected with COVID-19, the patient’s sample will be analysed further to determine the COVID type such as delta and omicron variations. Therefore, the proposed framework can improve the acceleration of COVID-19 diagnosis.

Data Availability

The data used to support the findings of this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare that there are no conflicts of interest.