Skip to main content
Contrast Media & Molecular Imaging logoLink to Contrast Media & Molecular Imaging
. 2022 Feb 25;2022:7377502. doi: 10.1155/2022/7377502

Ensemble Deep Learning and Internet of Things-Based Automated COVID-19 Diagnosis Framework

Anita S Kini 1, A Nanda Gopal Reddy 2, Manjit Kaur 3, S Satheesh 4, Jagendra Singh 5, Thomas Martinetz 6, Hammam Alshazly 7,
PMCID: PMC8896964  PMID: 35280708

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.

Figure 1.

Figure 1

Diagrammatic flow of the CNN model.

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].

Figure 2.

Figure 2

Diagrammatic flow of the VGG16-based transfer learning model for COVID-19 diagnosis.

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.

Figure 3.

Figure 3

Diagrammatic flow of the ResNet152V2 model.

Figure 4.

Figure 4

Diagrammatic flow of the DenseNet201 model.

Figure 5.

Figure 5

Diagrammatic flow of the IRNV2 model.

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.

Figure 6.

Figure 6

Diagrammatic flow of the proposed IoT-enabled ensemble deep learning model for automated screening of COVID-19 suspected cases.

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., 65% and 35%, respectively. Ten-fold (10-fold) cross-validation is then applied to obtain 10 uniform sets.

  • (3)
    Mathematically, each set is defined as
    CtrCts=TfDS. (1)
  • Here, Ctr represents the training set of CT scans, Cts shows the testing set, Tf is the 10-fold cross-validation, and DS 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 (Cts) as
    RS=TLR,S,DS=TLD,S,IS=TLI,S. (2)
  • Here, RS, DS, and IS show the softmax functions of ResNet152V2, DenseNet201, and IRNV2, respectively, TL represents the deep transfer leaning model, R, D, and I demonstrate the ResNet152V2, DenseNet201, and IRNV2, respectively, and S shows the softmax function.

  • (5)
    The trained individual deep transfer learning models can be defined as
    RS=MBRS,Ctr,DS=MBDS,Ctr,IS=MBIS,Ctr. (3)
  • Here, MB defines the model building process.

  • (6)
    Finally, ensembling is achieved by using the majority voting as
    EC=EMRS,DS,IS. (4)
  • Here, EC is the trained ensemble diagnostic model. EM defines the majority voting ensemble model.

Figure 7.

Figure 7

The proposed ensemble deep learning model.

4. Performance Analysis

The proposed framework is realized on online MATLAB 2020b 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.

Figure 8.

Figure 8

ROC analysis of the proposed IoT-enabled ensembled deep learning framework.

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.

Table 1.

Training analysis (%) of the proposed IoT-enabled deep ensemble model for automated diagnosis of COVID-19 suspected cases on the four-class chest CT dataset when training to testing ratio is 65 : 35.

Model Accuracy F-measure AUC Recall Precision
JLM [16] 97.88 98.27 98.07 98.97 97.83
WSDL [17] 98.11 98.56 98.33 99.14 97.89
IPCNN [18] 97.93 97.63 97.78 98.54 97.38
DeCNN [19] 98.45 97.53 97.99 98.89 97.82
DLCRD [20] 98.43 97.64 98.03 98.94 97.73
PARL [22] 98.67 97.44 98.05 98.76 98.12
AGGDF [24] 98.17 97.65 97.91 98.72 97.65
GCNN [25] 98.68 97.58 98.13 98.97 98.21
GoogLeNet [53] 98.16 98.35 98.25 99.08 97.62
ResNet152V2 [44] 98.55 98.33 98.44 99.27 97.85
DenseNet201 [34] 98.57 98.18 98.34 99.09 97.83
IRNV2 [3] 98.18 97.48 97.83 98.67 97.56
Proposed 99.12 98.91 98.79 99.28 99.08

Table 2.

Testing analysis (%) of the proposed IoT-enabled deep ensemble model for automated diagnosis of COVID-19 suspected cases on the four-class chest CT dataset when training to testing ratio is 65 : 35.

Model Accuracy F-measure AUC Recall Precision
JLM [16] 97.46 97.84 97.65 97.98 98.08
WSDL [17] 96.96 97.17 97.06 97.46 97.88
IPCNN [18] 97.95 97.55 97.75 98.03 98.03
DeCNN [19] 97.36 97.36 97.18 97.27 98.11
DLCRD [20] 98.13 98.12 98.14 98.19 97.63
PARL [22] 97.11 97.52 97.31 97.78 97.93
AGGDF [24] 97.73 97.44 97.58 97.75 97.47
GCNN [25] 97.46 97.75 97.65 97.92 97.99
GoogLeNet [53] 97.77 97.33 97.55 97.69 97.94
ResNet152V2 [44] 96.96 97.89 97.42 97.74 97.67
DenseNet201 [34] 97.44 97.59 97.51 97.87 98.11
IRNV2 [3] 98.06 97.98 98.02 98.27 98.36
Proposed 98.97 98.75 98.57 98.58 98.56

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.

References

  • 1.Jelodar H., Wang Y., Orji R., Huang S. Deep sentiment classification and topic discovery on novel coronavirus or covid-19 online discussions: nlp using lstm recurrent neural network approach. IEEE Journal of Biomedical and Health Informatics . 2020;24(10):2733–2742. doi: 10.1109/jbhi.2020.3001216. [DOI] [PubMed] [Google Scholar]
  • 2.Kumar V., Alshazly H., Idris S. A., Bourouis S. Evaluating the impact of covid-19 on society, environment, economy, and education. Sustainability . 2021;13(24) doi: 10.3390/su132413642.13642 [DOI] [Google Scholar]
  • 3.Gianchandani N., Jaiswal A., Singh D., Kumar V., Kaur M. Rapid COVID-19 diagnosis using ensemble deep transfer learning models from chest radiographic images. Journal of Ambient Intelligence and Humanized Computing . 2020 doi: 10.1007/s12652-020-02669-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 4.Wang X., Deng X., Fu Q., et al. A weakly-supervised framework for covid-19 classification and lesion localization from chest ct. IEEE Transactions on Medical Imaging . 2020;39(8):2615–2625. doi: 10.1109/tmi.2020.2995965. [DOI] [PubMed] [Google Scholar]
  • 5.Han Z., Wei B., Hong Y., et al. Accurate screening of covid-19 using attention-based deep 3d multiple instance learning. IEEE Transactions on Medical Imaging . 2020;39(8):2584–2594. doi: 10.1109/tmi.2020.2996256. [DOI] [PubMed] [Google Scholar]
  • 6.Singh D., Kumar V., Yadav V., Kaur M. Deep neural network-based screening model for covid-19-infected patients using chest x-ray images. International Journal of Pattern Recognition and Artificial Intelligence . 2021;35(3) doi: 10.1142/s0218001421510046.2151004 [DOI] [Google Scholar]
  • 7.Ahmed I., Ahmad A., Jeon G. An IOT based deep learning framework for early assessment of COVID-19. IEEE Internet of Things Journal . 2020;8(21) doi: 10.1109/JIOT.2020.3034074.15855 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 8.Chowdhury M. E. H., Rahman T., Khandakar A., et al. Can AI help in screening viral and COVID-19 pneumonia? IEEE Access . 2020;8 doi: 10.1109/access.2020.3010287.132665 [DOI] [Google Scholar]
  • 9.Kumar V., Singh D., Kaur M., Damaševičius R. Overview of current state of research on the application of artificial intelligence techniques for COVID-19. PeerJ Computer Science . 2021;7:p. e564. doi: 10.7717/peerj-cs.564. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 10.Soomro T. A., Zheng L., Afifi A. J., Ali A., Yin M., Gao J. Artificial Intelligence (AI) for Medical Imaging to Combat Coronavirus Disease (COVID-19): a detailed review with direction for future research. Artificial Intelligence Review . 2021 doi: 10.1007/s10462-021-09985-z. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 11.Jamshidi M., Lalbakhsh A., Talla J., et al. Artificial intelligence and covid-19: deep learning approaches for diagnosis and treatment. IEEE Access . 2020;8 doi: 10.1109/access.2020.3001973.109581 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 12.Özkaya U., Öztürk Ş., Barstugan M. Big Data Analytics And Artificial Intelligence against COVID-19: Innovation Vision And Approach . Berlin, Germany: Springer; 2020. Coronavirus (COVID-19) classification using deep features fusion and ranking technique; pp. 281–295. [DOI] [Google Scholar]
  • 13.Öztürk Ş., Özkaya U., Barstuğan M. Classification of Coronavirus (COVID‐19) from X‐ray and CT images using shrunken features. International Journal of Imaging Systems and Technology . 2021;31(1):5–15. doi: 10.1002/ima.22469. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 14.Ragab D. A., Attallah O. FUSI-CAD: coronavirus (COVID-19) diagnosis based on the fusion of CNNs and handcrafted features. PeerJ Computer Science . 2020;6:p. e306. doi: 10.7717/peerj-cs.306. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 15.Oh Y., Park S., Ye J. C. Deep learning covid-19 features on cxr using limited training data sets. IEEE Transactions on Medical Imaging . 2020;39(8):2688–2700. doi: 10.1109/tmi.2020.2993291. [DOI] [PubMed] [Google Scholar]
  • 16.Wang Z., Liu Q., Dou Q. Contrastive cross-site learning with redesigned net for covid-19 ct classification. IEEE Journal of Biomedical and Health Informatics . 2020;24(10):2806–2813. doi: 10.1109/jbhi.2020.3023246. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 17.Hu S., Gao Y., Niu Z., et al. Weakly supervised deep learning for covid-19 infection detection and classification from ct images. IEEE Access . 2020;8 doi: 10.1109/access.2020.3005510.118869 [DOI] [Google Scholar]
  • 18.Rajaraman S., Siegelman J., Alderson P. O., Folio L. S., Folio L. R., Antani S. K. Iteratively pruned deep learning ensembles for covid-19 detection in chest x-rays. IEEE Access . 2020;8:115041–115050. doi: 10.1109/access.2020.3003810. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 19.De Moura J., García L. R., Vidal P. F. L., et al. Deep convolutional approaches for the analysis of covid-19 using chest x-ray images from portable devices. IEEE Access . 2020;8 doi: 10.1109/access.2020.3033762.195594 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 20.Sakib S., Tazrin T., Fouda M. M., Fadlullah Z. M., Guizani M. Dl-crc: deep learning-based chest radiograph classification for covid-19 detection: a novel approach. IEEE Access . 2020;8 doi: 10.1109/access.2020.3025010.171575 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 21.Singh D., Kumar V., Kaur M. Densely connected convolutional networks-based COVID-19 screening model. Applied Intelligence . 2021;51(5):3044–3051. doi: 10.1007/s10489-020-02149-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 22.Wang J., Bao Y., Wen Y., et al. Prior-attention residual learning for more discriminative covid-19 screening in ct images. IEEE Transactions on Medical Imaging . 2020;39(8):2572–2583. doi: 10.1109/tmi.2020.2994908. [DOI] [PubMed] [Google Scholar]
  • 23.Waheed A., Goyal M., Gupta D., Khanna A., Al-Turjman F., Pinheiro P. R. CovidGAN: data augmentation using auxiliary classifier gan for improved covid-19 detection. IEEE Access . 2020;8 doi: 10.1109/access.2020.2994762.91916 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 24.Sun L., Mo Z., Yan F., et al. Adaptive feature selection guided deep forest for covid-19 classification with chest ct. IEEE Journal of Biomedical and Health Informatics . 2020;24(10):2798–2805. doi: 10.1109/jbhi.2020.3019505. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 25.Babukarthik R. G., Adiga V. A. K., Sambasivam G., Chandramohan D., Amudhavel J. Prediction of covid-19 using genetic deep learning convolutional neural network (gdcnn) IEEE Access . 2020;8 doi: 10.1109/access.2020.3025164.177647 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 26.Alshazly H., Linse C., Barth E., Martinetz T. Explainable COVID-19 detection using chest CT scans and deep learning. Sensors . 2021;21(2):p. 455. doi: 10.3390/s21020455. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 27.Soares E., Angelov P., Biaso S., Froes M. H., Abe D. K. SARS-CoV-2 CT-scan dataset: a large dataset of real patients CT scans for SARS-CoV-2 identification. medRxiv . 2020 [Google Scholar]
  • 28.He X., Yang X., Zhang S., et al. Sample-Efficient Deep Learning for COVID-19 Diagnosis Based on CT Scans. 2020. medRxiv.
  • 29.Alshazly H., Linse C., Abdalla M., Barth E., Martinetz T. COVID-Nets: deep CNN architectures for detecting COVID-19 using chest CT scans. PeerJ Computer Science . 2021;7:p. e655. doi: 10.7717/peerj-cs.655. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 30.Biswas S., Chatterjee S., Majee A., Sen S., Schwenker F., Sarkar R. Prediction of COVID-19 from chest CT images using an ensemble of deep learning models. Applied Sciences . 2021;11(15):p. 7004. doi: 10.3390/app11157004. [DOI] [Google Scholar]
  • 31.Kaur M., Kumar V., Yadav V., Singh D., Kumar N., Das N. N. Metaheuristic-based deep covid-19 screening model from chest x-ray images. Journal of Healthcare Engineering . 2021;2021 doi: 10.1155/2021/8829829.8829829 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 32.Panday A., Kabir M. A., Chowdhury N. K. A survey of machine learning techniques for detecting and diagnosing COVID-19 from Imaging. 2021. http://arxiv.org/abs/2108.04344 .
  • 33.Syeda H. B., Syed M., Sexton K. W., et al. Role of machine learning techniques to tackle the COVID-19 crisis: systematic review. JMIR Medical Informatics . 2021;9(1) doi: 10.2196/23811.e23811 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 34.Singh D., Kumar V., Kaur M., Jabarulla M. Y., Lee H.-N. Screening of covid-19 suspected subjects using multi-crossover genetic algorithm based dense convolutional neural network. IEEE Access . 2021;9 doi: 10.1109/access.2021.3120717.142566 [DOI] [Google Scholar]
  • 35.Gupta B., Tiwari M., Singh Lamba S. Visibility improvement and mass segmentation of mammogram images using quantile separated histogram equalisation with local contrast enhancement. CAAI Transactions on Intelligence Technology . 2019;4(2):73–79. doi: 10.1049/trit.2018.1006. [DOI] [Google Scholar]
  • 36.Hu G., Chen S.-H. K., Mazur N. Deep neural network-based speaker-aware information logging for augmentative and alternative communication. Journal of Artificial Intelligence and Technology . 2021;1(2):138–143. doi: 10.37965/jait.2021.0017. [DOI] [Google Scholar]
  • 37.Basavegowda H. S., Dagnew G. Deep learning approach for microarray cancer data classification. CAAI Transactions on Intelligence Technology . 2020;5(1):22–33. doi: 10.1049/trit.2019.0028. [DOI] [Google Scholar]
  • 38.Jiang D., Hu G., Qi G., Mazur N. A fully convolutional neural network-based regression approach for effective chemical composition analysis using near-infrared spectroscopy in cloud. Journal of Artificial Intelligence and Technology . 2021;1(1):74–82. doi: 10.37965/jait.2020.0037. [DOI] [Google Scholar]
  • 39.Ghosh S., Shivakumara P., Roy P., Pal U., Lu T. Graphology based handwritten character analysis for human behaviour identification. CAAI Transactions on Intelligence Technology . 2020;5(1):55–65. doi: 10.1049/trit.2019.0051. [DOI] [Google Scholar]
  • 40.Xu Y., Qiu T. T. Human activity recognition and embedded application based on convolutional neural network. Journal of Artificial Intelligence and Technology . 2021;1(1):51–60. doi: 10.37965/jait.2020.0051. [DOI] [Google Scholar]
  • 41.Simonyan K., Zisserman A. Very deep convolutional networks for large-scale image recognition. Proceedings of the International Conference On Learning Representations, (ICLR); 2015; San Diego, CA, USA. pp. 1–14. [Google Scholar]
  • 42.Alshazly H., Linse C., Barth E., Martinetz T. Deep convolutional neural networks for unconstrained ear recognition. IEEE Access . 2020;8 doi: 10.1109/access.2020.3024116.170295 [DOI] [Google Scholar]
  • 43.Alshazly H., Linse C., Barth E., Idris S. A., Martinetz T. Towards explainable ear recognition systems using deep residual networks. IEEE Access . 2021;9 doi: 10.1109/access.2021.3109441.122254 [DOI] [Google Scholar]
  • 44.Rahaman M. M., Li C., Yao Y., et al. Journal of X-Ray Science and Technology . Preprint; 2020. Identification of covid-19 samples from chest x-ray images using deep learning: a comparison of transfer learning approaches; pp. 1–19. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 45.Hansen L. K., Salamon P. Neural network ensembles. IEEE Transactions on Pattern Analysis and Machine Intelligence . 1990;12(10):993–1001. doi: 10.1109/34.58871. [DOI] [Google Scholar]
  • 46.Lobacheva E., Chirkova N., Kodryan M., Vetrov D. P. On power laws in deep ensembles. Advances In Neural Information Processing Systems . 2020:2375–2385. [Google Scholar]
  • 47.Alshazly H., Linse C., Barth E., Martinetz T. Ensembles of deep learning models and transfer learning for ear recognition. Sensors . 2019;19(19):p. 4139. doi: 10.3390/s19194139. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 48.Dede M. A., Aptoula E., Genc Y. Deep network ensembles for aerial scene classification. IEEE Geoscience and Remote Sensing Letters . 2018;16(5):732–735. [Google Scholar]
  • 49.Ortiz A., Munilla J., Górriz J. M., Ramírez J. Ensembles of deep learning architectures for the early diagnosis of the Alzheimer’s disease. International Journal of Neural Systems . 2016;26(7) doi: 10.1142/S0129065716500258.1650025 [DOI] [PubMed] [Google Scholar]
  • 50.Das A., Narayan Mohanty M., Kumar Mallick P., Tiwari P., Muhammad K., Zhu H. Breast cancer detection using an ensemble deep learning method. Biomedical Signal Processing and Control . 2021;70 doi: 10.1016/j.bspc.2021.103009.103009 [DOI] [Google Scholar]
  • 51.Kaushik H., Singh D., Kaur M., Alshazly H., Zaguia A., Hamam H. Diabetic retinopathy diagnosis from fundus images using stacked generalization of deep models. IEEE Access . 2021;9 doi: 10.1109/access.2021.3101142.108276 [DOI] [Google Scholar]
  • 52.Kingma D. P., Ba J. Adam: a method for stochastic optimization. Proceedings of the International Conference On Learning Representations, (ICLR); 2015; San Diego, CA, USA. [Google Scholar]
  • 53.Zhou T., Lu H., Yang Z., Qiu S., Huo B., Dong Y. The ensemble deep learning model for novel covid-19 on ct images. Applied Soft Computing . 2021;98 doi: 10.1016/j.asoc.2020.106885.106885 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 54.Zhao J., Zhang Y., He X., Xie P. Covid-ct-dataset: a Ct Scan dataset about Covid-19. 2020. http://arxiv.org/abs/2003.13865 .
  • 55.Harmon S. A., Sanford T. H., Xu S., et al. Artificial intelligence for the detection of covid-19 pneumonia on chest ct using multinational datasets. Nature Communications . 2020;11(1):4080–4087. doi: 10.1038/s41467-020-17971-2. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 56.Zhang K., Liu X., Shen J., et al. Clinically applicable AI system for accurate diagnosis, quantitative measurements, and prognosis of COVID-19 pneumonia using computed Tomography. Cell . 2020;181(6):1423–1433. doi: 10.1016/j.cell.2020.04.045. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • 57.Li X., Zhou Y., Du P., Lang G., Xu M., Wu W. A deep learning system that generates quantitative Ct Reports for diagnosing pulmonary tuberculosis. Applied Intelligence . 2021;51:4082–4093. [Google Scholar]
  • 58.Amyar A., Modzelewski R., Li H., Ruan S. Multi-task deep learning based ct imaging analysis for covid-19 pneumonia: classification and segmentation. Computers in Biology and Medicine . 2020;126 doi: 10.1016/j.compbiomed.2020.104037.104037 [DOI] [PMC free article] [PubMed] [Google Scholar]

Associated Data

This section collects any data citations, data availability statements, or supplementary materials included in this article.

Data Availability Statement

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


Articles from Contrast Media & Molecular Imaging are provided here courtesy of Hindawi Ltd. and John Wiley and Sons, Inc.

RESOURCES