Skip to main content

ORIGINAL RESEARCH article

Front. Public Health, 06 November 2023
Sec. Clinical Diabetes
This article is part of the Research Topic COVID-19 and Diabetes: Current Findings and Future Perspectives View all 16 articles

A deep transfer learning approach for COVID-19 detection and exploring a sense of belonging with Diabetes

Ijaz Ahmad&#x;Ijaz Ahmad1Arcangelo MerlaArcangelo Merla2Farman Ali
&#x;Farman Ali3*Babar ShahBabar Shah4Ahmad Ali AlZubiAhmad Ali AlZubi5Mallak Ahmad AlZubiMallak Ahmad AlZubi6
  • 1Digital Transition, Innovation and Health Service, Leonardo da Vinci Telematic University, Chieti, Italy
  • 2Department of Engineering and Geology (INGEO) University "G. d’Annunzio" Chieti-Pescara, Pescara, Italy
  • 3Department of Computer Science and Engineering, School of Convergence, College of Computing and Informatics, Sungkyunkwan University, Seoul, Republic of Korea
  • 4College of Technological Innovation, Zayed University, Dubai, United Arab Emirates
  • 5Department of Computer Science, Community College, King Saud University, Riyadh, Saudi Arabia
  • 6Faculty of Medicine, Jordan University of Science and Technology, Irbid, Jordan

COVID-19 is an epidemic disease that results in death and significantly affects the older adult and those afflicted with chronic medical conditions. Diabetes medication and high blood glucose levels are significant predictors of COVID-19-related death or disease severity. Diabetic individuals, particularly those with preexisting comorbidities or geriatric patients, are at a higher risk of COVID-19 infection, including hospitalization, ICU admission, and death, than those without Diabetes. Everyone’s lives have been significantly changed due to the COVID-19 outbreak. Identifying patients infected with COVID-19 in a timely manner is critical to overcoming this challenge. The Real-Time Polymerase Chain Reaction (RT-PCR) diagnostic assay is currently the gold standard for COVID-19 detection. However, RT-PCR is a time-consuming and costly technique requiring a lab kit that is difficult to get in crises and epidemics. This work suggests the CIDICXR-Net50 model, a ResNet-50-based Transfer Learning (TL) method for COVID-19 detection via Chest X-ray (CXR) image classification. The presented model is developed by substituting the final ResNet-50 classifier layer with a new classification head. The model is trained on 3,923 chest X-ray images comprising a substantial dataset of 1,360 viral pneumonia, 1,363 normal, and 1,200 COVID-19 CXR images. The proposed model’s performance is evaluated in contrast to the results of six other innovative pre-trained models. The proposed CIDICXR-Net50 model attained 99.11% accuracy on the provided dataset while maintaining 99.15% precision and recall. This study also explores potential relationships between COVID-19 and Diabetes.

1. Introduction

COVID-19 is a severe and deadly disease caused by a newly discovered coronavirus. In late 2019, a strange sickness outbreak afflicted several people in Wuhan, China (1, 2). The precise reason for this widespread sickness outbreak was unknown, and the symptoms seemed strange. It has been determined that the virus has a unique coronavirus strain that was never found in humans before (1, 3). Coronaviruses can cause various respiratory diseases, ranging from moderate to severe. COVID-19 can be identified clinically by several symptoms related to the respiratory system, including pneumonia, cough, dyspnea, and fever. However, these signs are not exclusive to COVID-19 and can be seen in various pneumonia cases, which presents a challenge for medical professionals. Real-Time Polymerase Chain Reaction is one of the most accurate coronavirus testing techniques (RT-PCR), which has been authorized by the WHO (World Health Organization). In RT-PCR, the RNA sequence is converted into DNA through a process called reverse transcription, which is then amplified (4, 5). Global health, economy, and well-being were all affected by the rapid spread of the COVID-19 epidemic (6, 7). Detecting COVID-19 is critical for patient care and public health, as the pandemic can be avoided and effectively managed by isolating infected patients (8). It is critical to separate people infected with COVID-19; thus, early detection is a significant challenge for preventing the further spreading of the infection (9, 10).

Computer Imaging techniques in medical science can help control the spread of infection more effectively, treat infected individuals, and reduce the mortality rate (1113). Imaging modalities such as computed tomography (CT) scans and chest X-rays (CXR) are essential for diagnosing pulmonary diseases (14, 15). In clinical practice, CXR and CT are frequently used to detect COVID-19. Even though CT has better sensitivity in COVID-19 detection, the CXR is a popular imaging modality because of its many advantages, including its low price, low level of radiation exposure, straightforward operation, and easy availability in hospitals (16, 17). Radiologists consistently face a clinical dilemma for COVID-19 detection during this pandemic (18). Rapid and precise COVID-19 identification is critical for avoiding and treating this pandemic disease through quarantine and medical treatment.

The lack of accessible testing kits makes it challenging to determine if the disease has spread as the number of reported cases rises. Deep Learning (DL)--based methodologies have progressed to the point where they can compete with the most advanced approaches in computer-aided diagnostics (19). In establishing computer-aided detection (CAD) systems, significant progress has been made using medical images and robust DL algorithms. These schemes are designed to automatically examine disease characteristics (20) using DL approaches to assist radiologists in making more accurate diagnostics. Recently, researchers applied DL algorithms to explore and assess CXR images for COVID-19 detection. COVID-19 detection and diagnosis methods using deep learning-based algorithms are precise and effective. The advantages of supervised DL algorithms in medical imaging tasks have been demonstrated in numerous applications (21). These DL algorithms need many data to create an accurate model. Unfortunately, access to such large volumes of labelled data is another significant problem for machine-learning approaches in the medical domain (2224). A deep CNN model already pre-trained with variable layers can compensate for the lack of labelled data problems (2426). Most initial layers in the pre-trained model are fixed to generic reserve aspects of natural images and train higher-level layers on medical images (27). This process of taking the pre-trained model of one problem and applying it to other related problems by retraining higher layers is called Transfer Learning (TL). Compared to standard DL algorithms, TL is simple, efficient, and has minimal training cost (27), thereby overcoming the problem of limited datasets.

Wang et al. described a Deep CNN-based system called Covid-Net for detecting COVID-19 instances in chest CXR images (28). This study helps doctors improve their transparency and screening when utilizing COVID-Net for computer-assisted screening by highlighting the significance of the main characteristics of COVID-19 cases. Apostolopoulos and Mpesiana suggested a TL-based technique for automatically recognizing COVID-19 using CXR images to assess how modern CNN designs classify data (29). The results suggest that extracting key COVID-19 disease characteristics by combining DL and X-ray imaging may be possible. Sethy et al. used CXR pictures to adapt the COVID-19 detection based on the extensive feature extraction and implementation of a Support Vector Machine (SVM) as a classifier (30). The study used thirteen different DCNN-based pre-trained models as feature extractors, providing each feature to the SVM classifier. ResNet50 model with SVM performs better than the other selected twelve classification models.

Hemdan et al. proposed a new COVIDX-Net system that uses seven DL pre-trained models to detect and analyze COVID-19 in two-dimensional CXR images (31). The findings of the proposed COVIDX-Net showed that the VGG19 and DenseNet201 models achieved the most significant performance scores among the other DL classifiers. Manokaran et al. employed a DenseNet201-based model for CXR image classification that was created by substituting a new network for the final classifier layer utilizing TL methods (32). Chakraborty et al. proposed a transfer learning approach based on VGG-19 pre-trained architecture to classify COVID-19, pneumonia, and healthy patients using CXR images (33). Ozturk et al. suggested a DarkCovidNet model for the CXR image classification (34). Binary and multi-class classifications are both supported by the model. An experienced radiologist carried out an analysis of how well the DarkCovidNet model worked. Jain et al. presented a two-stage process for classifying COVID-19 CXR images of persons with bacterial pneumonia, viral pneumonia, and healthy individuals (35).

Further analysis of the X-ray scans of viral pneumonia was performed to identify the presence of COVID-19. Their proposed DL model performs remarkably well in multi and binary classification phases. Vaid et al. created a model using the VGG19-based TL technique to improve its accuracy in detecting COVID-19 from CXR images (36). Pathak et al. proposed a ResNet50-based approach for building a COVID-19 CT image classification model (37). In terms of efficiency, their proposed classification model surpasses supervised learning approaches and achieves high accuracy. Karacan et al. proposed a binary and trinary classification system using CXR images (38). Their proposed model includes MobileNetV2, DenseNet121, InceptionResNetV2, and Xception. These models were integrated with ensemble learning methods to improve their proposed model’s performance further.

Narin et al. employed a Deep TL technique using chest radiographs to identify COVID-19 (39). The research used a technique known as five-fold cross-validation for three distinct binary classifications. Five models that had been pre-trained were applied to the three different datasets. According to their findings, The ResNet50 model offers the highest level of accuracy compared to the other four techniques included in the study. Using a precise weighted averaging ensemble model, Bhardwaj and Kaur attempt to detect COVID-19 and other pulmonary complications (40). Data augmentation strategies were implemented while training the four CNN models, DenseNet121, Xception, Inceptionv3, and InceptionResNetv2. The experiment’s binary classification accuracy was 98.33%, whereas, in the case of multi-class classification, they attained 92.36% accuracy.

The limitation of the previously mentioned research is that most of the studies used relatively limited CXR images, and others used very few COVID-19 radiographs. Some studies proposed binary classification models that cannot differentiate between bacterial and viral pneumonia. In this research, we proposed CIDICXR-Net50, a TL-based framework that uses a pre-trained model, ResNet50 architecture (41), for CXR image classification. Adopting the TL method reduces the impact of the problem of a restricted training dataset while providing us with the benefits of a shortened processing time, enhanced performance, and consistent results. The CIDICXR-Net50 model is built by substituting a new classification head for the last classifier layer in the ResNet50 model. The model is tested and trained using the dataset of 3,923 images, including 1,363 regular, 1,200 COVID-19, and 1,360 viral pneumonia Chest X-ray images, representing a sizeable dataset. The performance of the proposed CIDICXR-Net50 is assessed and compared with six other cutting-edge pre-trained models, including DenseNet-121, VGG-16, ResNet-101, VGG-19, InceptionV3, and MobileNetV2. The suggested CIDICXR-Net50 model achieved an accuracy of 99.11% on the provided dataset, with a 99.15% precision and recall rate.

• The current study offers a potential for cost-effective and swift diagnosis of Coronavirus disease using chest X-rays.

• This research presents a novel Deep Transfer Learning framework called CIDICXR-Net50, designed to aid radiologists in detecting COVID-19 from X-ray images with a high accuracy of 99.11%.

• In this study, we conducted a comprehensive performance evaluation of various deep learning architectures, offering insights into their accuracy in classifying COVID-19 based on an extensive X-ray image dataset.

• The proposed work facilitates collaborative efforts among interdisciplinary researchers to advance artificial intelligence methodologies within Computer-Aided Diagnosis (CAD) systems. To uncover potential linkages between COVID-19 and Diabetes Mellitus, thereby enhancing diagnostic precision and patient care strategies.

1.1. Relationship between COVID-19 and Diabetes

Diabetic patients, especially those with preexisting comorbidities or those in older age groups, have an elevated risk of COVID-19 infection (42). The trajectory of COVID-19 tends to be more severe for individuals with Diabetes, and they exhibit a markedly higher mortality rate (43). Through multivariable logistic regression analysis, Ciardullo et al. found that DM was an independent factor correlating with a rise in in-hospital mortality due to COVID-19 (44). Initial findings from China, subsequently supported by studies in the United States and Europe, revealed that the prevalence of Diabetes in individuals hospitalized with COVID-19 was as elevated as 20% (4547). Emerging evidence indicates that Diabetes could potentially contribute as a risk factor for the occurrence of Post-Acute Sequelae of SARS-CoV-2 infection. After recuperating from the acute stage of COVID-19, certain individuals persistently suffer from symptoms over an extended duration, commonly known as “long COVID” or (PASC). Diabetic patients dealing with PASC may have difficulty controlling their blood sugar levels. There is still much to learn about the connection between COVID-19 and Diabetes, and research is underway. In order to provide Diabetes patients with the best care and outcomes possible throughout the pandemic, it is crucial to comprehend this link.

Once we confirm COVID-19 detection from the CXR image, then we can explore the relationship with Diabetes using some open datasets of electronic health records such as the National COVID Cohort Collaborative’s (N3C) repository, COVID-19 can disrupt glycemic control in people with Diabetes. Infection and the body’s immune response to the virus can lead to fluctuations in blood sugar levels, making it challenging for diabetic individuals to manage their condition effectively. Understanding the links between Diabetes and COVID-19 requires epidemiological, clinical, and molecular studies. Conditions that already exist, including a weakened immune response, viral replication, and persistent inflammation, are common contributors. These co-occurring conditions have also been linked to an amplified COVID-19 response. An impaired immune system is linked to poorly managed Diabetes. Individuals with Diabetes are at increased risk for severe complications from infections because their impaired immune systems cannot fight off the disease effectively. SARS-CoV-2, the virus responsible for COVID-19, may benefit from elevated blood glucose levels, speeding the course of the disease.

2. ResNet-50

The ResNet-50 is a 50-layer Residual Neural Network (RNN) variant trained on images from the ImageNet database. The main reason for proposing the ResNet-50 model was to avoid the vanishing gradients problem while constructing a deep neural network. Different variants of the ResNet model are available with varying layers. However, the most common model is called ResNet-50, and it comprises 49 Convolutional layers and a Fully Connected layer. ResNet altered the structure of CNNs by introducing the residual learning technique to train deep neural networks. ResNet50 was nominated as the ImageNet Large Scale Visual Recognition (ILSVRC) Challenge winner in 2015. Figure 1 shows the design of the ResNet model.

FIGURE 1
www.frontiersin.org

Figure 1. ResNet (Residual Network) architecture (41).

ResNet is 20 and 8 times deeper than AlexNet11 and VGG42, respectively, offering more accuracy. The ResNet network with 50, 101, and 152 layers performs significantly better than the ResNet network with 18 and 34 layers. The design of the ResNet-50 network is made up of sequences of convolutional blocks that use average pooling. As the final classification layer, Softmax is employed. ResNet has established shortcut connections between different layers to enable communication between the different layers. As a result of the layers’ independence from parameters and data, non-residual functions can be characterized by them after a gated shortcut has been closed. In ResNet, shortcuts are never closed, but residual information is saved for good. Even as the search depth increases, it has lower computational complexity than VGG.

2.1. CIDICXR-Net50

The proposed CIDICXR-Net50 model is the modified version of the ResNet-50. In the CIDIXR-Net50 model, the network consists of one 7×7 convolutional layer, followed by three blocks of 1×1, 3×3, and 1×1 convolutional layers of size 56. Then, we have the same blocks of convolutional layers of sizes 28, 14, and 7. After that, instead of fully connected layers (as present in ResNet-50), we added flattened and dense layers. The flattened layer is used to transform the image into one dimension. The dense layer acts as a fully connected layer that uses Soft Max for multi-class classification (i.e., Normal, COVID-19, and Pneumonia). Figure 2 shows each layer of the original and proposed architectures sequentially. For both models, the first convolutional layer outputs a feature map of size 112 × 112 × 64 after applying 64 filters of size 7 × 7 × 3 over the input picture of size 224 × 224. The max-pooling layer processes the input feature map with a 3 × 3-pixel filter to create a 56 × 56 × 64 feature map. The initial 1×1 convolution layer is responsible for doing downsampling. However, in our proposed model CIDICXR-Net50, we use an input image of size 256 × 256 × 3 as it is the optimal image size. To effectively converge CNN models for training, hyper-parameters such as learning rate, optimization technique, dropout rate, and batch size must all be considered.

FIGURE 2
www.frontiersin.org

Figure 2. The architecture of the proposed CIDICXR-Net50.

The proposed CIDICXR-Net50 model was trained using the Adam optimizer for 25 epochs, and the batch size was set to 32 with a learning rate 0.0001. A function called Early Stopping from the Keras library was also implemented. Model validation loss is tracked via this approach. If the model reaches its capacity and the validation loss continues to be constant, the best weights are kept, and the model is terminated. Activities at various levels of training were carried out using the ModelCheckPoint and EarlyStop callback methods.

2.2. Experimentation preliminaries

This section discusses the experimental tools, frameworks, techniques, dataset, preprocessing steps, hyperparameters of the proposed model, and performance assessment parameters used to conduct the experimentation. The proposed CIDICXR-Net50 model is implemented in Python using the Keras framework and TensorFlow 2.8.0 in the backend. The experiments were conducted in a Google Colab (Collaboratory) environment with an NVIDIA GPU, 12GB RAM, and 2.3GHz Intel Xeon Processors.

2.3. Dataset

The proposed model was trained and evaluated using version 3 of the publicly available dataset 43 of CXR images. The dataset included 3,923 total CXR images, 1,363 Normal, 1,200 COVID-19, and 1,360 Viral Pneumonia. The images included in the dataset are two-dimensional and have three channels. Figure 3 illustrates a CXR of infected lungs with Viral Pneumonia, COVID-19, and normal lung Chest X-ray images. The dataset is divided into training, validation, and testing. Details of the dataset and subsets are shown in Table 1.

FIGURE 3
www.frontiersin.org

Figure 3. Preprocessed CXR images of Normal, Viral Pneumonia, and COVID-19.

TABLE 1
www.frontiersin.org

Table 1. X-ray image dataset details.

2.4. Data preprocessing

The dataset underwent preprocessing following the specifications of the suggested deep neural network model. Resizing and normalizing are the two essential procedures. Adjust the size of the CXR images to meet the specifications. The usual pre-trained models required fixed-size input images (such as 224 × 224, 227 × 227, 299 × 299), but the dataset contains images of varying sizes. As a result, all CXR images were resized to 256 × 256, and CXR images were normalized to [0,1] as an additional preprocessing step to meet the basic architecture’s requirements.

2.5. Hyper-parameters of the CIDICXR-Net50 model

The proposed CIDICXR-Net50 model was trained for 25 epochs using a 0.0001 learning rate and 32 batch size. Adam (adaptive moment estimation) optimizer is used to develop the classification model. Adam Optimizer, proposed by Kingma and Ba (48), is robust against noisy gradients and flexible enough to be used with different neural network architectures and tasks. Adam combines Momentum and RMSprop’s advantages to handle sparse gradients on noisy problems. The benefits of Adam Optimizer include Adaptive Learning Rates, Memory Efficiency, and Robust Variations. The Early Stopping function from the Keras library was implemented, monitoring the model’s validation loss. When the model reaches saturation but the validation loss remains the same, the best weights are preserved, and the model is halted. In this research, we used ModelCheckPoint and EarlyStop callback mechanisms. During training, the ModelCheckPoint mechanism ensures that the model is preserved with minimum data loss. If the network enters a state of inactivity (no learning), the EarlyStop method will be employed to interrupt the training of the system. As the validation loss monitoring parameter, the patience value was set to 10 initially. Rather than immediately halting the training when the measure stops increasing, “patience” inserts a buffer. It is the number of epochs you will wait for the metric to improve again. The value of patience is set to 10, which means that if validation loss does not decrease for ten consecutive epochs, the training process will be stopped. The Accuracy rate was employed as a performance metric in this case. The hyper-parameters used to train the CIDICXR-Net50 model are given in Table 2.

TABLE 2
www.frontiersin.org

Table 2. Hyper-parameters of the proposed CIDICXR-Net50 model.

2.6. Performance assessment metrics

For performance evaluation and comparison of the proposed CIDICXR-Net50 and other models, we used Precision, Recall, F-measure (F1-Score), and Accuracy. These metrics are generated using the confusion matrix values, i.e., True Positive, True Negative, False Negative, and False Positive. Equations (1–4) illustrate the performance metrics mentioned above.

Accuracy = TruePositive + TrueNegative TruePositive + FalsePositive + TrueNegative + FalseNegative     (1)
Precision = TruePositive TruePositive + FalsePositive     (2)
Recall = TruePositive TruePositive + FalseNegative     (3)
F 1 Score = 2 × Recall × Precision Recall + Precision     (4)

3. Results

In this research, we proposed the CIDICXR-Net50 (COVID-19 Infection Detection In Chest X-Ray) model to detect COVID-19 using CXR radiographic images. The CIDICXR-Net50 model uses the base structure of the pre-trained ResNet-50 model using a transfer learning approach. The study demonstrates that deep learning can facilitate the diagnosis process as our proposed automated diagnostic tool, the CIDICXR-Net50 model, achieved an accuracy score of 99.11% overall. The suggested model was validated using 790 CXR images, which included 240 COVID-19, 281 normal CXR images, and 269 viral pneumonia. Figure 4 illustrates the proposed model’s accuracy and loss.

FIGURE 4
www.frontiersin.org

Figure 4. The overall result of the proposed CIDICXR-Net50 model.

The trend graph shows the proposed model has no substantial overfitting or underfitting problems on the provided data. After 15 epochs, the performance curve for training and testing turns straight and progresses similarly. The proposed model accurately classified all 240 COVID-19 cases. Table 3 demonstrates each class’s Precision, Recall, and F1-Score of the CIDICXR-Net50. The performance of the CIDICXR-Net50 model was also compared with other well-known Deep Learning models, including VGG-16, VGG19, DenseNet-121, InceptionV3, ResNet-101, and MobilNetV2. All the performance comparison experiments are conducted on the same dataset and its subsets (i.e., Training, Validation testing) with default parameters. The results show that the proposed CIDICXR-Net50 model classified 99.11% of CXR images accurately compared to other selected models on the given data. ResNet-101 and InceptionV3 are second and third best, with 98.99 and 98.61% accuracy. The performance of these classification algorithms in terms of recall, precision, f1-score, and accuracy is illustrated in Table 4. The confusion matrix for classification of COVID-19, normal and viral pneumonia using Different Deep Learning models are shown in Figure 5.

TABLE 3
www.frontiersin.org

Table 3. Precision, recall, and F1-Score of each class of the CIDICXR-Net50 model (proposed model).

TABLE 4
www.frontiersin.org

Table 4. Performance of selected classification models for Chest X-ray classification.

FIGURE 5
www.frontiersin.org

Figure 5. Confusion matrix for classification of COVID-19, normal and viral pneumonia using different deep learning models.

3.1. Discussion

This study aimed to construct a fully automated DL model called CIDICXR-Net50 to detect COVID-19 in chest X-ray images more accurately to classify COVID-19 CXR images from Viral Pneumonia and Normal CXR images. Previously, a hybrid technique was developed by Sethy et al. (30). Thirteen pre-trained DL models were used. An SVM classifier was trained using retrieved features from these models. ResNet-50 + SVM outperformed other classification models in ternary classification, with a sensitivity of 97.29% and an accuracy of 95.33%. The model was trained on 381 Chest X-ray images with an equal split across COVID-19, viral pneumonia, and normal. In contrast, the current CIDICXR-Net50 model accuracy and sensitivity are more significant by 3.78 and 1.82% on 11 times larger datasets.

Only 582 CT (Computed Tomography) scans have been used in the research. Multi-class classification accuracy of 99.11% and sensitivity of 99.15% are achieved by our proposed model, which was trained on a dataset five times larger (3923) than the one used by Pathak et al.DarkCovidNet automated model was suggested by Ozturk et al. (34) to detect COVID-19 in CXR. The model was developed for binary class (Normal and COVID) and multi-class classification (Normal, pneumonia, and COVID); it gained 87.02% for multi-class classification and 98.8% for binary classes. The CIDICXR-Net50 model reported 99.11% accuracy and 99.15% sensitivity on a vast dataset (Three times larger). A more notable increase of 12.11 to 13.62% was also observed in accuracy and sensitivity for trinary classification. Chowdhury et al. (49) created a binary-class and multi-class classification framework for automatically recognizing COVID-19 using a pre-trained DenseNet-201-based transfer learning technique.

The study employed 3,487 CXR images, and the networks were trained using binary and trinary classification methods. The binary and trinary classification accuracy were 99.70 and 97.94%, respectively, while the proposed CIDICXR-Net50 model yields a 99.11% accuracy and a 99.15% sensitivity. The suggested model is trained and evaluated using a comparatively massive number of COVID-19 CXR images (1,200 versus 423). Apostolopoulos & Mpesiana (29) examined the five pre-trained models Inception, VGG19, Xception, InceptionResNetV2, and MobileNetV2 for detecting COVID-19 in Chest X-ray images. A total of 1,442 CXR images, including 224 verified cases of COVID-19, were used in the investigation, representing just 15.53% of the entire dataset. The primary goal of this research was to separate COVID-19 from normal lungs CXR and Bacterial/Viral Pneumonia CXR. The sensitivity and accuracy rates for MobileNetV2 were the highest, at 98.6 and 94.72%. In comparison, the proposed CIDICXR-Net50 has a sensitivity of 99.15% and an accuracy of 99.11% on a relatively large dataset. Wang et al.24 developed a COVID-Net model for multi-class classification using an open-source CXR images dataset COVIDx. Accuracy and sensitivity for the CIDICXR-Net50 were 5.81 and 8.15% higher than reported (93.3 and 91%). Hemdan et al. (31) proposed a binary classification model COVIDX-Net using seven different pre-trained frameworks, including InceptionV3, InceptionResNetV2, Xception, VGG19, DenseNet201, ResNetV2, and MobileNetV2. The researchers trained and tested their model on 50 CXR pictures from 25 COVID-19 instances.

Jain et al. (35) developed a two-step process for detecting COVID-19 in CXR. In phase I, their model uses ResNet-50 to differentiate between bacterial and viral pneumonia in CXR images, including COVID-19. In multi-class classification, their model was 93.01% accurate. Phase II involved classifying COVID-19 CXR images from Viral Pneumonia using a pre-trained model based on ResNet-101. Experiments were performed on a dataset of 1,215 images that is publically accessible, and these experiments are supplemented further by data augmentation techniques. Their ResNet-101-based model achieved 97.22% accuracy. Manokaran et al. (32) suggested the DenseNet-201 base model, which detects COVID-19 CXR images with 94% accuracy. They used a dataset of 8,644 CXR images for experimentation, including 4,000 Normal, 4,000 Pneumonia, and only 644 COVID-19 cases. The results of their model outperformed other models by getting 92.19% accuracy. However, The key constraint was that their model was trained on a limited number of COVID-19 instances, and just 129 COVID-19 cases validated the conclusion.

In contrast, our proposed CIDICXR-Net50 model achieved 99.11% accuracy. Chakraborty et al. (33) proposed a VGG-19-based TL model to classify normal CXR, viral pneumonia CXR, and COVID-19 CXR. The accuracy of their model on the same dataset was 97.11%, whereas our proposed technique achieves 99.11% accuracy. The details of all previously mentioned research with their methods and accuracy are shown in Table 5.

TABLE 5
www.frontiersin.org

Table 5. Comparative performance analysis of CIDICXR-NET50 against other leading techniques.

4. Research limitations

Even though many medical imaging applications have achieved a good level of performance by utilizing deep learning models, many of these applications have failed clinical trials because of several issues, including a restricted training dataset, generalization, and overfitting. Training the CNN model on medical images instead of natural images (ImageNet) is recommended to obtain relevant medical characteristics. In this regard, a massive database of medical images is required to train the algorithm from scratch. Due to the recent disease outbreak and other factors, such as restrictions imposed by legal requirements that prohibit sharing patient CXR images, only a small amount of data is now available in open sources, which is inadequate to train the model from scratch. However, This research delves into the interaction between COVID-19 and Diabetes. However, due to the absence of openly accessible and pertinent electronic health records (EHR), this study did not present its own compiled findings that led to clinical practice.

5. Conclusion and future work

This study proposed CIDICXR-Net50, a deep ResNet50 base model, using a sizeable balanced dataset of CXR images and a TL technique to classify images of viral pneumonia, COVID-19, and standard CXR images. This study further delved into the intricate connection between Diabetes mellitus and its association with COVID-19. It was underscored that diabetic patients exhibit a heightened vulnerability to contracting COVID-19 and are more likely to develop post-acute sequelae of COVID-19 (PASC).To determine how well the suggested model performs compared to six other pre-trained models, including VGG-16, VGG19, DenseNet-121, InceptionV3, ResNet-101, and MobilNetV2. The proposed model outperformed the other selected models’ overall accuracy, efficiently separating patients diagnosed with COVID-19 from those diagnosed with normal or viral pneumonia. The results demonstrate that the proposed fully automated CIDICXR-Net50 model can detect COVID-19 infection with better accuracy. The CIDICXR-Net50 model proposed in this study can accurately detect COVID-19 from a dataset of ternary classes, another achievement of this research. The results of the experiments and assessments based on metrics show that the suggested model is suitable for use as a computer-aided diagnostics (CAD) system in hospitals and other medical facilities to diagnose COVID-19 disease in its early phases. This study supports the belief that deep learning algorithms have enormous potential for optimizing healthcare and improving diagnosis and treatment outcomes. The performance can be enhanced further in future work by increasing the dataset size. Collecting additional CXR images will increase the robustness and power of the proposed CIDICXR-Net50 model. To prevent overfitting issues and maximize generalizability, the developers of COVID-19 DL diagnostic models must train their models on vast and diverse datasets. Additionally, Because of the opaque nature of deep learning models, doctors may hesitate to rely on their results while making life-or-death decisions; therefore, Explainable Artificial Intelligence (XAI) techniques must be explored in the medical domain. Explanations are essential in the medical field, where every mistake might have severe consequences.

Data availability statement

The original contributions presented in the study are included in the article/supplementary material, further inquiries can be directed to the corresponding author.

Author contributions

IA: Conceptualization, Investigation, Methodology, Software, Supervision, Visualization, Writing – original draft, Writing – review & editing. AM: Conceptualization, Investigation, Methodology, Software, Supervision, Validation, Writing – original draft, Writing – review & editing. FA: Conceptualization, Investigation, Methodology, Software, Supervision, Writing – original draft, Writing – review & editing. BS: Conceptualization, Investigation, Methodology, Software, Validation, Visualization, Writing – original draft, Writing – review & editing. AA: Conceptualization, Investigation, Methodology, Software, Supervision, Validation, Visualization, Writing – original draft, Writing – review & editing. MA: Conceptualization, Investigation, Methodology, Software, Supervision, Validation, Visualization, Writing – original draft, Writing – review & editing.

Funding

The author(s) declare financial support was received for the research, authorship, and/or publication of this article. This work was supported by the Researchers Supporting Project number (RSP2023R395), King Saud University, Riyadh, Saudi Arabia.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

The author(s) declared that they were an editorial board member of Frontiers, at the time of submission. This had no impact on the peer review process and the final decision.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

1. Shereen, MA , Khan, S , Kazmi, A , Bashir, N , and Siddique, R . COVID-19 infection: origin, transmission, and characteristics of human coronaviruses. J Adv Res. (2020) 24:91–8. doi: 10.1016/j.jare.2020.03.005

PubMed Abstract | CrossRef Full Text | Google Scholar

2. Islam, MZ , Islam, MM , and Asraf, A . A combined deep CNN-LSTM network for the detection of novel coronavirus (COVID-19) using X-ray images. Informatics Med Unlocked. (2020) 20:100412. doi: 10.1016/j.imu.2020.100412

CrossRef Full Text | Google Scholar

3. Li, Q , Guan, X , Wu, P , Wang, X , Zhou, L , Tong, Y, et al. Early transmission dynamics in Wuhan, China, of novel coronavirus–infected pneumonia. New England J Med. (2020) 382:1199–207. doi: 10.1056/NEJMOA2001316

PubMed Abstract | CrossRef Full Text | Google Scholar

4. Guaman-Bautista, LP , Moreta-Urbano, E , Oña-Arias, CG , Torres-Arias, M , Kyriakidis, NC , Malcı, K, et al. Tracking SARS-CoV-2: novel trends and diagnostic strategies. Diagnostics. (2021) 11. doi: 10.3390/DIAGNOSTICS11111981

PubMed Abstract | CrossRef Full Text | Google Scholar

5. Corman, VM , Landt, O , Kaiser, M , Molenkamp, R , Meijer, A , Chu, DKW, et al. Detection of 2019 novel coronavirus (2019-nCoV) by real-time RT-PCR. Eur Secur. (2020) 25:1. doi: 10.2807/1560-7917.ES.2020.25.3.2000045

PubMed Abstract | CrossRef Full Text | Google Scholar

6. Huang, C , Wang, Y , Li, X , Ren, L , Zhao, J , Hu, Y, et al. Clinical features of patients infected with 2019 novel coronavirus in Wuhan. China Lancet. (2020) 395:497–506. doi: 10.1016/S0140-6736(20)30183-5

PubMed Abstract | CrossRef Full Text | Google Scholar

7. Liao, J , Fan, S , Chen, J , Wu, J , Xu, S , Guo, Y, et al. Epidemiological and clinical characteristics of COVID-19 in adolescents and young adults. Innov. (2020) 1:100001. doi: 10.1016/J.XINN.2020.04.001

PubMed Abstract | CrossRef Full Text | Google Scholar

8. Qian, ZS , Yang, L , Xiang, ZP , Bo, LH , Liu, F , and Sheng, ZR . Recommendations and guidance for providing pharmaceutical care services during COVID-19 pandemic: a China perspective. Res Soc Adm Pharm. (2021) 17:1819–24. doi: 10.1016/J.SAPHARM.2020.03.012

PubMed Abstract | CrossRef Full Text | Google Scholar

9. Vandenberg, O , Martiny, D , Rochas, O , van Belkum, A , and Kozlakidis, Z . Considerations for diagnostic COVID-19 tests. Nat Rev Microbiol. (2020) 19:171–83. doi: 10.1038/s41579-020-00461-z

PubMed Abstract | CrossRef Full Text | Google Scholar

10. Lee, CYP , Lin, RTP , Renia, L , and Ng, LFP . Serological approaches for COVID-19: epidemiologic perspective on surveillance and control. Front Immunol. (2020) 11:879. doi: 10.3389/FIMMU.2020.00879/BIBTEX

PubMed Abstract | CrossRef Full Text | Google Scholar

11. Wang, L , Zhang, Y , Wang, D , Tong, X , Liu, T , Zhang, S, et al. Artificial intelligence for COVID-19: a systematic review. Front Med. (2021) 8:704256. doi: 10.3389/FMED.2021.704256/BIBTEX

CrossRef Full Text | Google Scholar

12. Agrebi, S , and Larbi, A . Use of artificial intelligence in infectious diseases. Artif Intell Precis Heal. (2020):415. doi: 10.1016/B978-0-12-817133-2.00018-5

CrossRef Full Text | Google Scholar

13. Lei, P , Huang, Z , Liu, G , Wang, P , Song, W , Mao, J, et al. Clinical and computed tomographic (CT) images characteristics in the patients with COVID-19 infection: what should radiologists need to know? J Xray Sci Technol. (2020) 28:369–81. doi: 10.3233/XST-200670

PubMed Abstract | CrossRef Full Text | Google Scholar

14. Nishio, M , Kobayashi, D , Nishioka, E , Matsuo, H , and Urase, Y . Deep learning model for the automatic classification of COVID - 19 pneumonia, non - COVID - 19 pneumonia, and the healthy: a multi - center retrospective study. Sci Rep. (2022) 12:1–10. doi: 10.1038/s41598-022-11990-3

PubMed Abstract | CrossRef Full Text | Google Scholar

15. Jaiswal, AK , Tiwari, P , Kumar, S , Gupta, D , Khanna, A , and Rodrigues, JJPC . Identifying pneumonia in chest X-rays: a deep learning approach. Measurement. (2019) 145:511–8. doi: 10.1016/J.MEASUREMENT.2019.05.076

CrossRef Full Text | Google Scholar

16. Wang, X , Deng, X , Fu, Q , Zhou, Q , Feng, J , Ma, H, et al. A weakly-supervised framework for COVID-19 classification and lesion localization from chest CT. IEEE Trans Med Imaging. (2020) 39:2615–25. doi: 10.1109/TMI.2020.2995965

PubMed Abstract | CrossRef Full Text | Google Scholar

17. Ko, H , Chung, H , Kang, WS , Kim, KW , Shin, Y , Kang, SJ, et al. COVID-19 pneumonia diagnosis using a simple 2D deep learning framework with a single chest CT image: model development and validation. J Med Internet Res. (2020) 22:e19569. doi: 10.2196/19569

PubMed Abstract | CrossRef Full Text | Google Scholar

18. Dai, WC , Zhang, HW , Yu, J , Xu, HJ , Chen, H , Luo, SP, et al. CT imaging and differential diagnosis of COVID-19. Can Assoc Radiol J. (2020) 71:195–200. doi: 10.1177/0846537120913033

CrossRef Full Text | Google Scholar

19. Asiri, N , Hussain, M , Al Adel, F , and Alzaidi, N . Deep learning based computer-aided diagnosis systems for diabetic retinopathy: a survey. Artif Intell Med. (2019) 99:101701. doi: 10.1016/J.ARTMED.2019.07.009

CrossRef Full Text | Google Scholar

20. Gaál, G , Maga, B , and Lukács, A . Attention U-net based adversarial architectures for chest X-ray lung segmentation. CEUR Workshop Proc. (2020) 2692. Available at: https://arxiv.org/abs/2003.10304v1

Google Scholar

21. Mohanasundaram, R , Malhotra, AS , Arun, R , and Periasamy, PS . Deep learning and semi-supervised and transfer learning algorithms for medical imaging. Deep Learn Parallel Comput Environ Bioeng Syst. (2019):139–51. doi: 10.1016/B978-0-12-816718-2.00015-4

CrossRef Full Text | Google Scholar

22. Esteva, A , Robicquet, A , Ramsundar, B , Kuleshov, V , DePristo, M , Chou, K, et al. A guide to deep learning in healthcare. Nat Med. (2019) 25:24–9. doi: 10.1038/s41591-018-0316-z

CrossRef Full Text | Google Scholar

23. Whang, SE , Roh, Y , Song, H , and Lee, JG . Data collection and quality challenges in deep learning: a data-centric AI perspective. VLDB J. (2023) 32:791–813. doi: 10.1007/S00778-022-00775-9/FIGURES/22

CrossRef Full Text | Google Scholar

24. Rana, M , and Bhushan, M . Machine learning and deep learning approach for medical image analysis: diagnosis to detection. Multimed Tools Appl. (2023) 82:26731–69. doi: 10.1007/S11042-022-14305-W/TABLES/1

PubMed Abstract | CrossRef Full Text | Google Scholar

25. Alzubaidi, L , Zhang, J , Humaidi, AJ , Al-Dujaili, A , Duan, Y , Al-Shamma, O, et al. Review of deep learning: concepts, CNN architectures, challenges, applications, future directions. Springer International Publishing. (2021) 8:53. doi: 10.1186/s40537-021-00444-8

PubMed Abstract | CrossRef Full Text | Google Scholar

26. Atiya, SU , Ramesh, NVK , and Reddy, BNK . Classification of non-small cell lung cancers using deep convolutional neural networks. Multimed Tools Appl. (2023) 82:1–30. doi: 10.1007/S11042-023-16119-W/TABLES/6

CrossRef Full Text | Google Scholar

27. Aggarwal, P , Mishra, NK , Fatimah, B , Singh, P , Gupta, A , and Joshi, SD . COVID-19 image classification using deep learning: advances, challenges and opportunities. Comput Biol Med. (2022) 144:105350. doi: 10.1016/J.COMPBIOMED.2022.105350

PubMed Abstract | CrossRef Full Text | Google Scholar

28. Wang, L , Lin, ZQ , and Wong, A . COVID-net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images. Sci Rep. (2020) 10:19549–12. doi: 10.1038/s41598-020-76550-z

PubMed Abstract | CrossRef Full Text | Google Scholar

29. Apostolopoulos, ID , and Mpesiana, TA . Covid-19: automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Phys Eng Sci Med. (2020) 43:635–40. doi: 10.1007/s13246-020-00865-4

PubMed Abstract | CrossRef Full Text | Google Scholar

30. Sethy, PK , Behera, SK , Ratha, PK , and Biswas, P . Detection of coronavirus disease (COVID-19) based on deep features and support vector machine. Int J Math Eng Manag Sci. (2020) 5:643–51. doi: 10.33889/IJMEMS.2020.5.4.052

CrossRef Full Text | Google Scholar

31. Hemdan, EE-D , Shouman, MA , and Karar, ME . COVIDX-net: A framework of deep learning classifiers to diagnose COVID-19 in X-ray images. (2020) doi: 10.48550/arXiv.2003.11055

CrossRef Full Text | Google Scholar

32. Manokaran, J , Zabihollahy, F , Hamilton-Wright, A , and Ukwatta, E . Detection of COVID-19 from chest x-ray images using transfer learning. J Med Imaging. (2021) 8:1–12. doi: 10.1117/1.jmi.8.s1.017503

PubMed Abstract | CrossRef Full Text | Google Scholar

33. Chakraborty, S , Paul, S , and Hasan, KMA . A transfer learning - based approach with deep CNN for COVID - 19 - and pneumonia - affected chest X - ray image classification. SN Comput Sci. (2022) 3:17. doi: 10.1007/s42979-021-00881-5

PubMed Abstract | CrossRef Full Text | Google Scholar

34. Ozturk, T , Talo, M , Yildirim, EA , Baloglu, UB , Yildirim, O , and Rajendra, AU . Automated detection of COVID-19 cases using deep neural networks with X-ray images. Comput Biol Med. (2020) 121:103792. doi: 10.1016/j.compbiomed.2020.103792

CrossRef Full Text | Google Scholar

35. Jain, G , Mittal, D , Thakur, D , and Mittal, MK . A deep learning approach to detect Covid-19 coronavirus with X-ray images. Biocybern Biomed Eng. (2020) 40:1391–405. doi: 10.1016/j.bbe.2020.08.008

PubMed Abstract | CrossRef Full Text | Google Scholar

36. Vaid, S , Kalantar, R , and Bhandari, M . Deep learning COVID-19 detection bias: accuracy through artificial intelligence. Int Orthop. (2020) 44:1539–42. doi: 10.1007/s00264-020-04609-7

PubMed Abstract | CrossRef Full Text | Google Scholar

37. Pathak, Y , Shukla, PK , Tiwari, A , Stalin, S , Singh, S , and Shukla, PK . Deep transfer learning based classification model for COVID-19 disease. IRBM. (2020) 43:87–92. doi: 10.1016/j.irbm.2020.05.003

CrossRef Full Text | Google Scholar

38. Karacan, H , and Eryilmaz, F . Covid-19 detection from chest X-ray images and hybrid model recommendation with convolutional neural networks. J Adv Res Nat Appl Sci. (2021) 7:486–503. doi: 10.28979/jarnas.952700

CrossRef Full Text | Google Scholar

39. Narin, A , Kaya, C , and Pamuk, Z . Automatic detection of coronavirus disease (COVID-19) using X-ray images and deep convolutional neural networks. Pattern Anal Applic. (2021) 24:1207–20. doi: 10.1007/s10044-021-00984-y

PubMed Abstract | CrossRef Full Text | Google Scholar

40. Bhardwaj, P , and Kaur, A . A novel and efficient deep learning approach for COVID-19 detection using X-ray imaging modality. Int J Imaging Syst Technol. (2021) 31:1775–91. doi: 10.1002/ima.22627

PubMed Abstract | CrossRef Full Text | Google Scholar

41. He, K , Zhang, X , Ren, S , and Sun, J . Deep residual learning for image recognition. Proc IEEE Comput Soc Conf Comput Vis Pattern Recognit. (2015):770–8. doi: 10.48550/arxiv.1512.03385

CrossRef Full Text | Google Scholar

42. Sindi, AA , Tashkandi, WA , Jastaniah, MW , Bashanfar, MA , Fakhri, AF , Alsallum, FS, et al. Impact of diabetes mellitus and comorbidities on mortality in patients with COVID-19: a single-center retrospective study. Saudi Med J. (2023) 44:67–73. doi: 10.15537/SMJ.2023.44.1.20220462

PubMed Abstract | CrossRef Full Text | Google Scholar

43. Wargny, M , Potier, L , Gourdy, P , Pichelin, M , Amadou, C , Dupuy, O, et al. Predictors of hospital discharge and mortality in patients with diabetes and COVID-19: updated results from the nationwide CORONADO study. (2021). 64:778–94. doi: 10.1007/s00125-020-05351-w/Published

CrossRef Full Text | Google Scholar

44. Ciardullo, S , Zerbini, F , Perra, S , Muraca, E , Cannistraci, R , Lauriola, M, et al. Impact of diabetes on COVID-19-related in-hospital mortality: a retrospective study from northern Italy. J Endocrinol Investig. (2021) 44:843–50. doi: 10.1007/s40618-020-01382-7

PubMed Abstract | CrossRef Full Text | Google Scholar

45. Guan, W , Ni, Z , Hu, Y , Liang, W , Ou, C , He, J, et al. Clinical characteristics of coronavirus disease 2019 in China. N Engl J Med. (2020) 382:1708–20. doi: 10.1056/NEJMOA2002032/SUPPL_FILE/NEJMOA2002032_DISCLOSURES.PDF

PubMed Abstract | CrossRef Full Text | Google Scholar

46. Grasselli, G , Zangrillo, A , Zanella, A , Antonelli, M , Cabrini, L , Castelli, A, et al. Baseline characteristics and outcomes of 1591 patients infected with SARS-CoV-2 admitted to ICUs of the Lombardy region, Italy. JAMA. (2020) 323:1574–81. doi: 10.1001/JAMA.2020.5394

PubMed Abstract | CrossRef Full Text | Google Scholar

47. Richardson, S , Hirsch, JS , Narasimhan, M , Crawford, JM , McGinn, T , Davidson, KW, et al. Presenting characteristics, comorbidities, and outcomes among 5700 patients hospitalized with COVID-19 in the new York City area. JAMA. (2020) 323:2052–9. doi: 10.1001/JAMA.2020.6775

PubMed Abstract | CrossRef Full Text | Google Scholar

48. Kingma, DP , and Ba, JL . Adam: a method for stochastic optimization. 3rd Int Conf Learn Represent ICLR 2015 - Conf Track Proc. (2015). doi: 10.48550/arXiv.1412.6980

CrossRef Full Text | Google Scholar

49. Chowdhury, MEH , Rahman, T , Khandakar, A , Mazhar, R , Kadir, MA , Mahbub, ZB, et al. Can AI help in screening viral and COVID-19 pneumonia? IEEE. Access. (2020) 8:132665–76. doi: 10.1109/ACCESS.2020.3010287

CrossRef Full Text | Google Scholar

Keywords: COVID-19, deep learning, diabetes mellitus, chest x-ray, transfer learning, convolutional neural network, long-Covid

Citation: Ahmad I, Merla A, Ali F, Shah B, AlZubi AA and AlZubi MA (2023) A deep transfer learning approach for COVID-19 detection and exploring a sense of belonging with Diabetes. Front. Public Health. 11:1308404. doi: 10.3389/fpubh.2023.1308404

Received: 06 October 2023; Accepted: 18 October 2023;
Published: 06 November 2023.

Edited by:

Pranav Kumar Prabhakar, Lovely Professional University, India

Reviewed by:

Inam Ullah, Gachon University, Republic of Korea
Muzammil Khan, University of Swat, Pakistan

Copyright © 2023 Ahmad, Merla, Ali, Shah, AlZubi and AlZubi. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Farman Ali, farmankanju@gmail.com

These authors have contributed equally to this work and share first authorship

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.