Next Article in Journal
Pre-Lens Tear Meniscus Height, Lipid Layer Pattern and Non-Invasive Break-Up Time Short-Term Changes with a Water Gradient Silicone Hydrogel Contact Lens
Next Article in Special Issue
Remote Psychotherapy during the COVID-19 Pandemic: A Mixed-Methods Study on the Changes Experienced by Austrian Psychotherapists
Previous Article in Journal
Antibacterial and Antiviral Properties of Tetrahydrocurcumin-Based Formulations: An Overview of Their Metabolism in Different Microbiotic Compartments
Previous Article in Special Issue
Reply to Giansanti, D. Why Has Digital Contact Tracing Worked Differently in Different Countries? Comment on “Cao et al. The Impact of Digital Contact Tracing Apps Overuse on Prevention of COVID-19: A Normative Activation Model Perspective. Life 2022, 12, 1371”
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Computer Aided COVID-19 Diagnosis in Pandemic Era Using CNN in Chest X-ray Images

1
Department of Networks and Communications Engineering, College of Computer Science and Information Systems, Najran University, Najran 61441, Saudi Arabia
2
Faculty of Computer Sciences, Ibadat International University, Islamabad 44000, Pakistan
3
Department of Computer and Information Sciences, Pakistan Institute of Engineering and Applied Sciences (PIEAS), Islamabad 44000, Pakistan
4
Electrical Engineering Department, College of Engineering, Najran University, Najran 61441, Saudi Arabia
5
Department of Information Systems, College of Computer Science and Information Systems, Najran University, Najran 61441, Saudi Arabia
6
Department of Information Systems, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
*
Author to whom correspondence should be addressed.
Life 2022, 12(11), 1709; https://doi.org/10.3390/life12111709
Submission received: 15 September 2022 / Revised: 4 October 2022 / Accepted: 12 October 2022 / Published: 26 October 2022
(This article belongs to the Special Issue The Digital Health in the Pandemic Era)

Abstract

:
Early detection of abnormalities in chest X-rays is essential for COVID-19 diagnosis and analysis. It can be effective for controlling pandemic spread by contact tracing, as well as for effective treatment of COVID-19 infection. In the proposed work, we presented a deep hybrid learning-based framework for the detection of COVID-19 using chest X-ray images. We developed a novel computationally light and optimized deep Convolutional Neural Networks (CNNs) based framework for chest X-ray analysis. We proposed a new COV-Net to learn COVID-specific patterns from chest X-rays and employed several machine learning classifiers to enhance the discrimination power of the presented framework. Systematic exploitation of max-pooling operations facilitates the proposed COV-Net in learning the boundaries of infected patterns in chest X-rays and helps for multi-class classification of two diverse infection types along with normal images. The proposed framework has been evaluated on a publicly available benchmark dataset containing X-ray images of coronavirus-infected, pneumonia-infected, and normal patients. The empirical performance of the proposed method with developed COV-Net and support vector machine is compared with the state-of-the-art deep models which show that the proposed deep hybrid learning-based method achieves 96.69% recall, 96.72% precision, 96.73% accuracy, and 96.71% F-score. For multi-class classification and binary classification of COVID-19 and pneumonia, the proposed model achieved 99.21% recall, 99.22% precision, 99.21% F-score, and 99.23% accuracy.

1. Introduction

The first case of viral disease COVID-19 [1] was registered in December 2019 in China’s city Wuhan, which was subsequently proclaimed in March 2020 as a pandemic by WHO (World Health Organization). Coronavirus is also recognized as SARS-CoV- [2]. It is from the same group as MERS-CoV and SARS-CoV, which were discovered in 2003 & 2015, respectively [3]. As stated by the European Centre for Disease Prevention and Control [4], on 29 July 2021 about 34,435,890 cases were reported as positive for COVID-19, out of which 743,712 deaths were reported. It affects almost every aspect of life including health, education, the economy, etc. A wide part of employees lost their livelihoods due to this outbreak. There are no proper medicines or vaccines discovered yet. However, it can be controlled to some extent through early detection. One of the most common and widely used techniques is RT-PCR [5], which is a real-time detection method. RT-PCR samples are collected through a swab that is inserted into the nose and mouth of the patient to collect the samples. These samples are then sent to labs for testing, but it is a complex, time-consuming manual practice. Automatic detection is an alternative method recommended for the early detection of coronavirus.
Early studies show that chest radiograph images of patients who are infected with coronavirus illustrate some irregularities. The easy availability and accessibility of these radiograph images in areas with limited resources make them better options than PCR [6,7]. However, to examine these radiograph images to detect the infected areas of the lungs, experienced and skilled radiologists are required, but the computer-aided diagnosis system CADx also solves this problem for radiologists. It detects the presence of the virus that causes COVID-19 quickly and with high precision. CADx, using chest X-rays, should have been designed to fight against this virus [8]. Machine learning (ML) and deep learning (DL) play a vital role in the medical field for the detection and treatment of many of the deadliest diseases like brain tumors, chest cancer, etc. During the last couple of decades, deep learning showed vast progress in terms of efficient and accurate predictions. Due to this great ability of generalization, it is able to solve many complex problems of computer vision like image classification, organ detection, disease identification, etc. [9,10].
Deep learning is an advanced field and is a further subclass of machine learning. Its CNN algorithm gives far better results than any other traditional algorithm. One of the best features of CNN is that it automatically extracts features from the images without using handy craft filters. Sometimes, parameter learning through a limited dataset can cause overfitting problems. This problem can be tackled by using pre-trained architectures of CNN like GoogleNet, DenseNet, and VGG-16, which are trained on the ImageNet datasets. By using the transfer learning technique, we can apply the pre-trained architectures to our limited dataset. For this purpose, we have to remove the last few layers of the pre-trained model and then test it on our specific dataset. Proper hyper-parameters and efficient fine-tuning make it a more effective approach [11,12].
In this study, we proposed a COV-Net architecture-based computer-aided diagnosis system for COVID-19 analysis. In the presented work, we used the benchmark dataset which contains images of chest X-rays of viral pneumonia-infected patients, COVID-19 patients, and normal images to train our proposed COV-Net model. In D-HL, boundary homogeneity-related deep features are extracted from the fully connected layer FC-1 of the proposed COV-Net architecture. For structural risk minimization and to enhance the generalization ability of the proposed framework, we used SVM as a classifier for the final prediction. The proposed COV-Net contains four convolutional blocks, and optimized arrangements of layers facilitate better and more efficient learning with fewer parameters as compared to state-of-the-art deep CNNs. The following are the contributions of this study:
  • A new, well fine-tuned CNN architecture named COV-Net with fewer parameters is proposed to diagnose COVID-19 efficiently.
  • Using edges exploitation operation in an optimized structure with the convolutional operator facilitates learning edges-related features of infection patterns in chest X-ray images. It leads to improved detection of COVID-19 in a timely manner.
  • A D-HL-based framework for COVID-19 and pneumonia identification in chest X-ray images was proposed by using new deep CNN and SVM.
  • We exploit the structural and empirical risk error minimization using the proposed COV-Net and ML classifier in hybrid learning (HL) for COVID-19 analysis. In the proposed deep hybrid learning scheme, the learning capability of the proposed CNN is explored and ML classifiers are used to enhance the discrimination proficiency of the proposed framework for chest X-ray analysis.

2. Related Work

Many experiments have been conducted in the last two years to recognize the viral disease COVID-19 by using deep learning methods and traditional machine learning techniques. L. Lin et al. [13] applied a framework that proposed CNN with ResNet50 as its backbone, which extracts 2D as well as 3D features from CT images and then combines them through max-pooling followed by the softmax function, which gives an AUC equal to 0.96. X. Xu et al. [14] devoted classic ResNet architecture to differentiate coronavirus from I-AVP. The model along with the location-attention mechanism provided 86.7% accuracy.
G. Biraja et al. [15] conducted a study to determine uncertainty using drop-weights based on BCNNs. He used a pre-trained model Resnet50-V2 with fully connected layers then applied drop-weights followed by a softmax layer. It gained an accuracy of 89.92%. W. Shuai et al. [16] exploited both static and dynamic data for the detection of patients with the potential to move from a malignant to a critical stage. Static data included a personal and clinical record of the person while a series of CT images served as dynamic data. They combined static data with dynamic and fed them to MLP, which then served as input for the long short-term memory (LSTM). J. Cheng et al. [17] designed a model which classifies four categories including COVID-19, influenza A/B, CAP, and non-pneumonia patients by using the U-Net-34 2D segmentation network. Resent-152 is the backbone of the 2D classification deep learning network and achieved 94.98% accuracy with an area under an AUC of 97.71. J. Shuo et al. [18] created and installed an AI system within four weeks for the detection of COVID-19 to reduce the burden on radiologists and clinicians.
They used UNet++ for lung segmentation of CT images along with ResNet50 and got a specificity of 0.922 and sensitivity of 0.974. N. Ali et al. [19] performed three different types of two-class classifications with four different classes (viral pneumonia, COVID-19, bacterial pneumonia, and normal). Due to the limited availability of the dataset, the transfer learning technique was used, which uses five pre-trained DL architectures: ResNet101, ResNet52, ResNet50, Inception- ResNet-V2, and Inception. Resnet50 showed the best results for all three binary classifications (classification 1: 96.1%, classification 2: 99.3%, classification 3: 99.7%). They also applied approaches with and without pre-training of COVID-CAP, and achieved 95.7% and 98.3% accuracy, respectively. L. Wang et al. [20] created a dataset called COVIDx containing 13,975 chest X-beam images and used the model COVID-Net for recognition of COVID-19, obtaining an accuracy of 92.4%. M. Abed Mohammed et al. [21] associated deep learning models (like DarkNet, GoogleNet, ResNet50, MobileNets V2, and Xception) and traditional ML models (like KNN, decision tree, ANN, SVM with linear kernel, and RBF), and results demonstrated that DL frameworks outperformed ML frameworks and achieved 98.8% accuracy with ResNet50 architecture, while ML model SVM achieved its best accuracy of 95% and 94% with RBF kernel. D.Hemdan et al. [22] used the COVIDX-Net framework which includes seven different CNN models (Visual Geometry Group Network (VGG19), Inception-ResNet-V2, DenseNet121, InceptionV3, ResNetV2, Xception, and MobileNetV2) to categorize COVID-19 negative or positive cases. Architectures VGG19 and DenseNet121 gave almost similar results for the detection of normal and COVID-19 and gave F1-scores of 0.89 and 0.91, respectively.
A. Khandakar et al. [23] developed a vigorous method for the automatic recognition of coronavirus and pneumonia from chest X-ray scans and used pre-trained DL models to maximize the accuracy of detection. H.S. Maghdid et al. [24] purposed a simple CNN model to detect COVID-19 for early diagnosis. V. Chauhan et al. [25] applied transfer learning methodology and used pre-trained models to extract features. The results of pre-trained models were combined with a prediction vector and majority voting was used for the final prediction. T. Rahman et al. [26] have proposed three different schemes of classifications: normal/pneumonia classification, bacterial/viral pneumonia classification, and normal/bacterial/viral pneumonia classification. M. Loey et al. [27] exploited the transfer learning technique with GAN to detect coronavirus using chest X-rays. GAN helped in decreasing the overfitting issue produced by the small dataset and increased the dataset to 30 times more than the original dataset. A. Degerli et al. [28] proposed a novel strategy that not only detects coronavirus but also quantifies the severity by creating infection maps. They tried two configurations: first, they froze the encoder layers, then they permitted them to fluctuate. A. O. Ibrahim et al. [29] proposed an automatic DL structure for coronavirus-infected areas. They trained and tested the proposed model to check the effectiveness and generalization by using slices of 2D CT.
Generally reported work in literature lakes advocated the following points:
  • Most of the work presented in the past has been assessed using only accuracy, but recall, precision, and F-score are better performance measures to evaluate the generalization of the model for the complex dataset.
  • In most of the previous works, only COVID-19 detection is performed. However, simply detecting COVID-19 is insufficient to diagnose other severe abnormalities, e.g., pneumonia.
  • In COVID-19 analysis, the detection rate of infected X-ray images from normal individuals is still challenging because of fewer inter-class variations.
To overcome these limitations, we proposed a multi-class chest X-ray classification method using standardized performance evaluation matrices like recall, precision, F-score, and accuracy for improved diagnosis.

3. Methods and Materials

In the proposed work, COVID-19 detection was performed by using the proposed COV-Net CNN and the ML classifier and included some phases. First, X-ray images went through the preprocessing pipeline, which included data augmentation. At that point, a preprocessed dataset was split into training and testing datasets. We trained our proposed COV-Net-based model by using a training dataset. Training accuracy and loss were computed after every epoch. Testing data were used to evaluate the performance of the proposed method by following the appraisal metrics of accuracy, precision, recall, and F-score. A detailed overview of the proposed methodology is demonstrated in Figure 1.

3.1. Dataset

In this work, we used the chest X-rays dataset. From the dataset, 300 normal chest X-ray pictures, 300 images of viral pneumonia, and only 300 images of coronavirus-infected patients were selected. All images were collected from the publicly available Kaggle repository [30]. The exhibition of the framework greatly depended upon the accuracy of the dataset. For this reason, we first sampled the data before using them. In data sampling, we only used those images that were useful and eliminated falsified images. The dataset contained chest X-rays of three classes (COVID-19/pneumonia/normal). All images are in JPEJ format as shown in Figure 2; the first one shows a normal chest X-ray, the second one shows a COVID-19 X-ray, & the third one shows a pneumonia X-ray.

3.2. Data Augmentation

Data augmentation is a method to increase the data samples during the training of the model. After employing data balancing and sampling, we contained 300 images of each class for better and generalized model training. We applied the data augmentation method to enhance and increase the dataset instances for better training of the model and to avoid overfitting [31]. Different data augmentation methods were applied in random rotation and random horizontal translation, as described in Table 1, which yielded an augmented dataset batch during training of the proposed model.

3.3. Proposed CNN Architecture

The proposed CNN architecture COV-Net used in this study included four convolutional blocks. Each block was constituted of a convolutional layer, batch normalization, and activation function, namely ReLU, followed by max-pooling as shown in Figure 3. In convolutional layers, filters convolved over the input image. The convolutional function performed the dot product of filter and valued and extracted features from the input images. CNN used a backpropagation algorithm for dynamic feature extraction. One of the advantages of CNN over ANN is that it automatically extracts domain-specific features from the images. By further using an edge operator (max-pooling), it learned profoundly discriminative features to train the model. In the pooling, layer down-sampling was also performed, which enhanced the performance of the model by making a small variation in the input image and by decreasing the non-linear dimensions of the resulting feature maps.
To highlight the features for classification, resulting feature maps were extracted from a fully connected layer. A dropout layer was added at the end to avoid overfitting. Detailedd layer wise description of propsed imodel is illusterated in Figure 4. The cross-entropy function was used as a cost function along with the softmax function. To categorize COVID-19, healthy people, and viral pneumonia, we used traditional ML classifiers, namely, random forest, Naïve Bayes, support vector machine (SVM), k-Nearest Neighbor (k-NN), and ensemble model.
In this study, we used MATLAB to run the code. In the training phase of our proposed COV-Net model, we used the “rmsprop” function as an optimizer. It is a gradient-based method. It normalized the gradient by balancing the momentum, diminishing the progression for a large gradient to obtain from exploding, and expanding the progression for a small gradient to obtain from vanishing [32]. After an experimental analysis, an optimal learning rate of “0.0001” was selected. To reduce computational complexity, the batch size was set to 16 per epoch, which is a small size. To improve generalization, L1 regularization was used. As a cost function, the cross-entropy function was used along with the softmax function.

3.4. Implementation Details

The “RMSPROP” function was used as an optimizer. In the beginning, “0.0001” learning rate was selected randomly and 50 epochs were used, meaning each photo of training data was examined 50 times. As only 50 epochs were selected due to the limited dataset, we chose a large number of epoch models to move towards overfitting, which means instead of training, the model started removing the available small dataset. For this reason, we chose to lose many epochs to avoid overfitting.

3.5. Initial Training

We split the data into two parts: training and testing; 80% of them were used for training while 20% were set aside for testing according to Pareto’s Principle [33]. We saved 10% of the 80% of the training dataset for validation, and the remaining 70% was utilized to train the model. Initial training helped us to check what our model can yield as a baseline model. Before starting training of the model, many different preprocessing techniques were used to boost the performance of the model. As we proposed, a CNN model was used so the training starts from scratch. In our proposed COV-Net model, we used the softmax function along with the cross-entropy cost function for classification.

3.6. Feature Extraction Using Proposed CNN Architecture

In the proposed work, we proposed new CNN architecture to obtain deep features from chest X-rays. The proposed CNN architecture extracts the most discriminative and deep features. The first fully connected layer (FC-1) extracted 4096 features from the images, which we used as a feature vector. Figure 5 shows the resulting feature maps from various layers of the CNN model of sample images of chest X-rays.
At the primary level, almost complete data that are present in the input image are saved by activations.
(a)
As we go to the higher layer, activation started to keep fewer data.
(b)
At a deep level, the information became more detailed.
The uprising of the data into a more detailed and higher level was associated with each layer of the proposed CNN COV-Net (the deeper the network, the more composite the data and information). The proposed architecture COV-Net extracted features from input images. We extracted 4096 highlights from the FC-1 layer, and these highlight vectors were fed into different conventional machine learning classifiers as input to discover if the inspected patient was positive for COVID-19, viral pneumonia-infected, or just a normal patient. The dynamic features we used in our proposed model were driven by the FC-1 layer as shown in Table 2.

3.7. Classification Using Conventional ML Classifiers

The proposed CNN COV-Net architecture was used to extract features from the augmented dataset. We extracted features from the FC-1 layer, and details are shown in Table 2. After extracting the features, these features were passed as input to conventional ML classifiers to train them. Different ML classifiers like Naïve Bayes, decision trees, KNN, and SVM determine the robustness of the classification. The performance of these models was measured by classifying COVID-19, pneumonia-infected, and healthy patients. The accuracy of classification attained by using conventional ML classifiers performed better than the softmax function. This is because it extracted the most highlighted features from chest X-rays of different patients by using the most abstract feature extraction techniques.

3.7.1. SVM

SVM is a linear model. It can tackle linear and non-linear issues. Its basic idea is that it makes a line to separate two classes. New data components are assigned to one class based on predictive analysis. As a rule, a parallel classifier expects that the data being referred to contain two potential objective variables. It utilizes a procedure called kernel trick to change the data and then find boundaries between them. It groups data and trains models inside really limited levels of extremity, making a three-dimensional order model that simply follows the X/Y prescient axis [34].
L γ , α , β = 1 2 γ 2 i = 1 m β i yi γ x + α 1

3.7.2. k_NN

This is used for regression as well as classification. Its calculation utilizes highlight closeness to anticipate the upsides of any new information focuses, implying that the new point is allocated a worth dependent on how intently it resembles training dataset points [32].
i = 1 n q i p i 2  

3.7.3. Naïve Bayes

It is a group of algorithms that are based on the “Bayes Theorem”. They work on the principle that every pair of classifying features is independent [35].
P U | V = P V | U P U P V

3.7.4. Random Forest

It is fundamentally a supervised method. It is an ensemble model which contains multiple decision trees. It collects results from all decision trees and then, based on the highest voting, makes a decision [36].
R F f i i = j a l l   t r e e s   n o r m f i i j   T

3.8. Performance Metrics

Classification performance of the model is calculated through different performance metrics, for example, accuracy [37], recall [38], precision [38], and F-score [39], etc. When classifying medical images, we use different terms like false negative, false positive, etc.

3.8.1. Precision

It is the proportion of correct positive predictions to the total positive prediction. It indicates the rate of correct positive predictions. It is calculated as:
P r e c i s i o n = T P   T P + F P           × 100

3.8.2. Recall

In this, we calculate true positive predictions from total positive predictions that might have been made. It shows a number of missing positive predictions. It is calculated as:
R e c a l l = T P   T P + F N           × 100

3.8.3. Accuracy

It is the most regular performance measure. It gives correct predictions to the total predictions.
A c c u r a c y = T N + T P F P + F N + T P + T N

3.8.4. F-Score

It shows steadiness between recall and precision.
F s c o r e = 2 × P r e c i s i o n + R e c a l l     P r e c i s i o n + R e c a l l

4. Results

In our research, we presented a CNN model which extracted features from the augmented dataset. We had a small dataset, so we applied the data augmentation method to enhance the dataset. The augmented dataset also played an important part in accuracy improvement because of its high generalization ability. The proposed model was trained with 50 epochs under a batch size of 8. Deep and discriminative features were extracted from the proposed CNN architectures. The extracted features were passed as input to some conventional ML classifiers, e.g., Naïve Bayes, KNN, random forest, and support vector machine. In the event of binary classification of COVID-19 and pneumonia, KNN and SVM achieved 100% accuracy, recall, precision, and F1-score, shown in Table 3 and Table 4.
We also evaluated our proposed D-HL method with the baseline proposed COV-Net to emphasize the performance improvement of our proposed method. Table 5 proved that our proposed technique enhanced the discrimination strength of our proposed model in accuracy (1.73%) and F-score (1.68%).

5. Discussion

In the presented D-HL architecture, the softmax layer was replaced with a machine learning classifier. The CNN learning algorithm utilized empirical risk minimization as a method to reduce false positives and false negatives during training. When the back-propagation algorithm reaches the first hyperplane that separates, the training phase ends, and progress generally stops as a result. Another limitation of CNN is that it frequently assigns one output neuron a high value (around +1) while assigning low values to the other neurons (close to 1).
This makes it very difficult to reject implementation errors. Softmax classifiers provide us with likelihoods for each class label. On the other hand, conventional ML techniques help us develop a robust rejection strategy. The generalization ability of CNN is weaker compared to that of SVM DL approaches, in contrast to conventional ML methods, are the least understandable from an AI aspect and are assumed to as a black box.
We performed classification with three classes as well as with two classes. In three classes, pneumonia, normal, and COVID-19 were included and in binary classifications, we used COVID-19 and pneumonia. SVM gave the highest accuracy with three classes. We achieved outstanding accuracy in binary classification with SVM and KNN. In the case of three classes, SVM gave an accuracy of 96.7%, recall of 96.6%, precision equal to 96.7%, and F1-score equal to 96.7%. Table 3 shows the detailed overview of the proposed CNN architecture with all four conventional ML classifiers. Confusion matrixes based on the performance analysis of classifiers are demonstrated in Figure 5. We compared results obtained by the proposed method with other existing works based on different performance metrics. Apostolopoulos et al. [40] used five different CNN pre-trained architectures to classify between three classes(COVID-19, normal, and pneumonia) and gave a sensitivity of 98.66%, accuracy of 94.72%, and specificity of 96.46%. H.S. Maghdid et al. [24] used the transfer learning technique with the AlexNet model and got 94.1% accuracy, 72% sensitivity, and 100% specificity. S.S Khan et al. [41] applied a convolutional auto-encoder to achieve 0.7652 area under a curve. A. Narin et al. [19] also used five CNN models (ResNet50, ResNet101, ResNet152, inception-ResNetV2, and InceptionV3) to perform binary classification of four classes and achieve an accuracy of 96.1%, recall of 91.8%, specificity of 96.6%, F1-score of 83.5%, and precision of 76.5% with COVID-19 & normal binary classification. R. Kumar et al. [42] performed an experiment with DenseNet & GoogleNet and attained an F-score equal to 0.91, AUC: 0.97. Similarly, Makris A. et al. [43,44] used five different pre-trained CNN models and achieved 95% accuracy. Arora, R. et al [45] proposed stochastic deep learning model using ensemble of slandered convolutional models and evaluate developed model on standard dataset contain three classes: COVID-19, normal and pneumonia and attain an accuracy and AUC of 0.91 and 0.97, respectively. A detailed comparison is illustrated in Figure 6 and Table 6.
Experimental results show that our proposed models outperform all these experiments and achieved 96.69% recall, 96.72% precision, 96.73% accuracy, and 96.71% F-score, as shown in Table 5 and Figure 7.
Certain limitations still apply to our research investigation. The training period for feature extraction was lengthy due to the tiny batch sizes employed to extract the runtime features, which would have typically required a large amount of GPU RAM. Second, the proposed framework must go through a thorough clinical trial before radiologists’ professional judgment may be utilized to resolve the patient data.

6. Conclusions

Well-timed identification of COVID-19 infection is vital to preserve the patient’s life and control the further spread of this life-threatening disease. In this study, a new CNN-based scheme for the detection of COVID-19 is proposed. COVID-19 analysis is performed using chest X-ray images containing three categories (pneumonia, COVID-19, and normal). Experimental results proved that the hybrid learning-based framework has shown improved performance compared to other methods. When the proposed framework’s performance is compared with the state-of-the-art deep models’, it shows that the proposed deep hybrid learning-based method achieved 96.69% recall, 96.72% precision, 96.73% accuracy, and 96.71% F-score for multi-class classification, and for COVID-19 and pneumonia we achieved 99.21% recall, 99.22% precision, 99.21% F-score, and 99.23% accuracy. The proposed COV-Net is less complex than pre-trained and custom-designed networks, and it is feasible to run it on ordinary current PCs. This is conceivable because the algorithm requires fewer resources for both training and execution. Performance analysis is carried out to attain the generalized model and it is likely to assist radiologists in making decisions in their clinical practice.

Author Contributions

Conceptualization, supervision, M.M.Z. and R.N.; methodology, M.M.Z.; software, validation, A.F. and A.S.; formal analysis, M.I. and A.A. (Ali Alqahtani); investigation, A.A. (Abdulmajeed Alqhatani); resources, M.Z. and A.A. (Ali Alqahtani); writing—original draft preparation, R.N., A.A.C. and A.F.; writing—review and editing, S.R. and A.A.A.; project administration, M.Z. and M.M.Z.; funding acquisition, A.A. (Abdulmajeed Alqhatani), A.A. (Ali Alqahtani); and M.I. All authors have read and agreed to the published version of the manuscript.

Funding

The authors acknowledge the support from the Deanship of Scientific Research, Najran University, Kingdom of Saudi Arabia, for funding this work under the research group funding program grant code number (NU/RG/SERC/11/3).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are available in publicly accessible repositories which are described in Section 3.1.

Acknowledgments

The authors acknowledge the support from the Deanship of Scientific Research, Najran University, Kingdom of Saudi Arabia, for funding this work under the research group funding program grant code number (NU/RG/SERC/11/3).

Conflicts of Interest

The authors declare that they have no conflicts of interest to report regarding the present study.

References

  1. Roosa, K.; Lee, Y.; Luo, R.; Kirpich, A.; Rothenberg, R.; Hyman, J.; Yan, P.; Chowell, G. Real-time forecasts of the COVID-19 epidemic in China from February 5th to February 24th, 2020. Infect. Dis. Model. 2020, 5, 256–263. [Google Scholar] [CrossRef] [PubMed]
  2. Coronaviridae Study Group of the International Committee on Taxonomy of Viruses. The species Severe acute respiratory syndrome-related coronavirus: Classifying 2019-nCoV and naming it SARS-CoV-2. Nat. Microbiol. 2020, 5, 536–544. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Rabaan, A.A.; Al-Ahmed, S.H.; Haque, S.; Sah, R.; Tiwari, R.; Malik, Y.S.; Dhama, K.; Yatoo, M.I.; Bonilla-Aldana, D.K.; Rodriguez-Morales, A.J. SARS-CoV-2, SARS-CoV, and MERS-COV: A comparative overview. Infez. Med. 2020, 28, 174–184. [Google Scholar] [PubMed]
  4. Evans, R. European Centre for Disease Prevention and Control. Nurs. Stand. 2014, 29, 30. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Ren, L.-L.; Wang, Y.-M.; Wu, Z.-Q.; Xiang, Z.-C.; Guo, L.; Xu, T.; Jiang, Y.-Z.; Xiong, Y.; Li, Y.-J.; Li, X.-W.; et al. Identification of a novel coronavirus causing severe pneumonia in human: A descriptive study. Chin. Med. J. 2020, 133, 1015–1024. [Google Scholar] [CrossRef] [PubMed]
  6. Wan, Z.; Zhang, Y.; He, Z.; Liu, J.; Lan, K.; Hu, Y.; Zhang, C. A Melting Curve-Based Multiplex RT-qPCR Assay for Simultaneous Detection of Four Human Coronaviruses. Int. J. Mol. Sci. 2016, 17, 1880. [Google Scholar] [CrossRef] [Green Version]
  7. Khan, A.; Khan, S.H.; Saif, M.; Batool, A.; Sohail, A.; Khan, M.W. A Survey of Deep Learning Techniques for the Analysis of COVID-19 and their usability for Detecting Omicron. arXiv 2022, arXiv:2202.06372. [Google Scholar]
  8. He, J.-L.; Luo, L.; Luo, Z.-D.; Lyu, J.-X.; Ng, M.-Y.; Shen, X.-P.; Wen, Z. Diagnostic performance between CT and initial real-time RT-PCR for clinically suspected 2019 coronavirus disease (COVID-19) patients outside Wuhan, China. Respir. Med. 2020, 168, 105980. [Google Scholar] [CrossRef] [PubMed]
  9. Palagi, L.; Pesyridis, A.; Sciubba, E.; Tocci, L. Machine Learning for the prediction of the dynamic behavior of a small scale ORC system. Energy 2019, 166, 72–82. [Google Scholar] [CrossRef]
  10. Zahoor, M.M.; Qureshi, S.A.; Bibi, S.; Khan, S.H.; Khan, A.; Ghafoor, U.; Bhutta, M.R. A New Deep Hybrid Boosted and Ensemble Learning-Based Brain Tumor Analysis Using MRI. Sensors 2022, 22, 2726. [Google Scholar] [CrossRef] [PubMed]
  11. Guo, Y.; Liu, Y.; Oerlemans, A.; Lao, S.; Wu, S.; Lew, M.S. Deep learning for visual understanding: A review. Neurocomputing 2016, 187, 27–48. [Google Scholar] [CrossRef]
  12. Zahoor, M.M.; Qureshi, S.A.; Khan, A.; Rehman, A.U.; Rafique, M. A novel dual-channel brain tumor detection system for MR images using dynamic and static features with conventional machine learning techniques. Waves Random Complex Media 2022, 1–20. [Google Scholar] [CrossRef]
  13. Li, L.; Qin, L.; Xu, Z.; Yin, Y.; Wang, X.; Kong, B.; Bai, J.; Lu, Y.; Fang, Z.; Song, Q.; et al. Using artificial intelligence to detect COVID-19 and community-acquired pneumonia based on pulmonary CT: Evaluation of the diagnostic accuracy. Radiology 2020, 296, E65–E71. [Google Scholar] [CrossRef] [PubMed]
  14. Xu, X.; Jiang, X.; Ma, C.; Du, P.; Li, X.; Lv, S.; Yu, L.; Chen, Y.; Su, J.; Lang, G. Deep Learning System to Screen novel Coronavirus Disease 2019 Pneumonia. Engineering 2020, 6, 1122–1129. [Google Scholar] [CrossRef] [PubMed]
  15. Ghoshal, B.; Tucker, A. Estimating Uncertainty and Interpretability in Deep Learning for Coronavirus (COVID-19) Detection. arXiv 2020, arXiv:2003.10769. [Google Scholar]
  16. Wang, S.; Kang, B.; Ma, J.; Zeng, X.; Xiao, M.; Guo, J.; Cai, M.; Yang, J.; Li, Y.; Meng, X.; et al. A deep learning algorithm using CT images to screen for Corona Virus Disease (COVID-19). Eur. Radiol. 2021, 31, 6096–6104. [Google Scholar] [CrossRef]
  17. Jin, C.; Chen, W.; Cao, Y.; Xu, Z.; Tan, Z.; Zhang, X.; Deng, L.; Zheng, C.; Zhou, J.; Shi, H.; et al. Development and evaluation of an artificial intelligence system for COVID-19 diagnosis. Nat. Commun. 2020, 11, 5088. [Google Scholar] [CrossRef]
  18. Jin, S.; Wang, B.; Xu, H.; Luo, C.; Wei, L.; Zhao, W.; Hou, X.; Ma, W.; Xu, Z.; Zheng, Z.; et al. AI-assisted CT imaging analysis for COVID-19 screening: Building and deploying a medical AI system in four weeks. medRxiv 2020. [Google Scholar] [CrossRef] [Green Version]
  19. Narin, A.; Kaya, C.; Pamuk, Z. Automatic detection of coronavirus disease (COVID-19) using X-ray images and deep convolutional neural networks. Pattern Anal. Appl. 2021, 24, 1207–1220. [Google Scholar] [CrossRef]
  20. Wang, L.; Lin, Z.Q.; 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. [Google Scholar] [CrossRef]
  21. Mohammed, M.A.; Abdulkareem, K.; Garcia-Zapirain, B.; Mostafa, S.A.; Maashi, M.S.; Al-Waisy, A.S.; Subhi, M.A.; Mutlag, A.A.; Le, D.-N. A Comprehensive Investigation of Machine Learning Feature Extraction and Classification Methods for Automated Diagnosis of COVID-19 Based on X-Ray Images. Comput. Mater. Contin. 2021, 66, 3289–3310. [Google Scholar] [CrossRef]
  22. El-Din Hemdan, E.; Shouman, M.A.; Karar, M.E. COVIDX-Net: A Framework of Deep Learning Classifiers to Diagnose COVID-19 in X-Ray Images. arXiv 2020, arXiv:2003.11055. [Google Scholar]
  23. Chowdhury, M.E.H.; Rahman, T.; Khandakar, A.; Mazhar, R.; Kadir, M.A.; Bin Mahbub, Z.; Islam, K.R.; Khan, M.S.; Iqbal, A.; Al Emadi, N.; et al. Can AI Help in Screening Viral and COVID-19 Pneumonia? IEEE Access 2020, 8, 132665–132676. [Google Scholar] [CrossRef]
  24. Maghdid, H.S.; Asaad, A.T.; Ghafoor, K.Z.G.; Sadiq, A.S.; Mirjalili, S.; Khan, M.K.K. Diagnosing COVID-19 pneumonia from x-ray and CT images using deep learning and transfer learning algorithms. In Proceedings of the Multimodal Image Exploitation and Learning 2021, Online, 12–17 April 2021; p. 26. [Google Scholar] [CrossRef]
  25. Nour, M.; Cömert, Z.; Polat, K. A Novel Medical Diagnosis model for COVID-19 infection detection based on Deep Features and Bayesian Optimization. Appl. Soft Comput. 2020, 97, 106580. [Google Scholar] [CrossRef]
  26. Rahman, T.; Chowdhury, M.E.H.; Khandakar, A.; Islam, K.R.; Mahbub, Z.B.; Kadir, M.A.; Kashem, S. Transfer Learning with Deep Convolutional Neural Network (CNN) for Pneumonia Detection Using Chest X-ray. Appl. Sci. 2020, 10, 3233. [Google Scholar] [CrossRef]
  27. Loey, M.; Smarandache, F.; Khalifa, N.E.M. Within the Lack of Chest COVID-19 X-ray Dataset: A Novel Detection Model Based on GAN and Deep Transfer Learning. Symmetry 2020, 12, 651. [Google Scholar] [CrossRef] [Green Version]
  28. Degerli, A.; Ahishali, M.; Yamac, M.; Kiranyaz, S.; Chowdhury, M.E.H.; Hameed, K.; Hamid, T.; Mazhar, R.; Gabbouj, M. COVID-19 infection map generation and detection from chest X-ray images. Health Inf. Sci. Syst. 2021, 9, 15. [Google Scholar] [CrossRef]
  29. Alirr, O.I. Automatic deep learning system for COVID-19 infection quantification in chest CT. arXiv 2020, arXiv:2010.01982. [Google Scholar] [CrossRef]
  30. Rahman, T.; Chowdhury, M.; Khandakar, A. COVID-19 Radiography Database. Kaggle. Available online: https://www.kaggle.com/datasets/tawsifurrahman/covid19-radiography-database (accessed on 11 October 2022).
  31. Perez, L.; Wang, J. The Effectiveness of Data Augmentation in Image Classification using Deep Learning. arXiv 2017, arXiv:171204621. [Google Scholar]
  32. Reddi, S.J.; Kale, S.; Kumar, S. On the Convergence of Adam and Beyond. arXiv 2019, arXiv:1904.09237. [Google Scholar]
  33. Manthiramoorthi, M.; Mani, M.; Murthy, A.G. Application of Pareto’s Principle on Deep Learning Research Output: A Scientometric Analysis. In Proceedings of the International Conference on Machine Learning and Smart Technology–ICMLST, Chennai, India, 2021; Available online: https://www.researchgate.net/profile/Ganesa-Murthy-Arasakumar/publication/355753261_Application_of_Pareto’s_Principle_on_Deep_Learning_Research_Output_A_Scientometric_Analysis/links/617c1b213c987366c300002b/Application-of-Paretos-Principle-on-Deep-Learning-Research-Output-A-Scientometric-Analysis.pdf (accessed on 11 October 2022).
  34. Alpaydın, E. Machine Learning Textbook: Introduction to Machine Learning; MIT Press: Cambridge, MA, USA, 2020. [Google Scholar]
  35. Guo, G.; Wang, H.; Bell, D.; Bi, Y.; Greer, K. KNN Model-Based Approach in Classification. In Proceedings of the OTM 2003: On the Move to Meaningful Internet Systems 2003: CoopIS DOA, and ODBASE, Catania, Italy, 3–7 November 2003; Lecture Notes in Computer Science. Springer: Berlin/Heidelberg, Germany, 2003; Volume 2888, pp. 986–996. [Google Scholar] [CrossRef]
  36. Breiman, L. Random forests. Mach. Lang. 2001, 45, 5–32. [Google Scholar]
  37. Diebold, F.X.; Mariano, R.S. Comparing Predictive Accuracy. J. Bus. Econ. Stat. 2002, 20, 134–144. [Google Scholar] [CrossRef]
  38. Buckland, M.; Gey, F. The relationship between recall and precision. J. Am. Soc. Inf. Sci. 1994, 45, 12–19. [Google Scholar] [CrossRef]
  39. Sokolova, M.; Japkowicz, N.; Szpakowicz, S. Beyond Accuracy, F-Score and ROC: A Family of Discriminant Measures for Performance Evaluation. In Proceedings of the AI 2006: Advances in Artificial Intelligence, Hobart, Australia, 4–8 December 2006; pp. 1015–1021. [Google Scholar]
  40. Apostolopoulos, I.D.; Mpesiana, T.A. Covid-19: Automatic detection from X-ray images utilizing transfer learning with convolutional neural networks. Phys. Eng. Sci. Med. 2020, 43, 635–640. [Google Scholar] [CrossRef]
  41. Khan, S.S.; Khoshbakhtian, F.; Ashraf, A.B. Anomaly Detection Approach to Identify Early Cases in a Pandemic using Chest X-rays. arXiv 2021, arXiv:2010.02814. [Google Scholar] [CrossRef]
  42. Kumar, R.; Arora, R.; Bansal, V.; Sahayasheela, V.J.; Buckchash, H.; Imran, J.; Narayanan, N.; Pandian, G.N.; Raman, B. Classification of COVID-19 from chest x-ray images using deep features and correlation coefficient. Multimed. Tools Appl. 2022, 81, 27631–27655. [Google Scholar] [CrossRef] [PubMed]
  43. Makris, A.; Kontopoulos, I.; Tserpes, K. COVID-19 detection from chest X-Ray images using Deep Learning and Convolutional Neural Networks. medRxiv 2020. [Google Scholar] [CrossRef]
  44. Irfan, M.; Iftikhar, M.; Yasin, S.; Draz, U.; Ali, T.; Hussain, S.; Bukhari, S.; Alwadie, A.; Rahman, S.; Glowacz, A.; et al. Role of Hybrid Deep Neural Networks (HDNNs), Computed Tomography, and Chest X-rays for the Detection of COVID-19. Int. J. Environ. Res. Public Health 2021, 18, 3056. [Google Scholar] [CrossRef]
  45. Arora, R.; Bansal, V.; Buckchash, H.; Kumar, R.; Sahayasheela, V.J.; Narayanan, N.; Pandian, G.N.; Raman, B. AI-based diagnosis of COVID-19 patients using X-ray scans with stochastic ensemble of CNNs. Phys. Eng. Sci. Med. 2021, 44, 1257–1271. [Google Scholar] [CrossRef]
Figure 1. Block-based figure of proposed COVID-19 analysis model.
Figure 1. Block-based figure of proposed COVID-19 analysis model.
Life 12 01709 g001
Figure 2. Sample images from dataset of three classes (normal, COVID-19, pneumonia).
Figure 2. Sample images from dataset of three classes (normal, COVID-19, pneumonia).
Life 12 01709 g002
Figure 3. Detailed overview of proposed COV-Net.
Figure 3. Detailed overview of proposed COV-Net.
Life 12 01709 g003
Figure 4. Architectural detail of proposed COV-Net.
Figure 4. Architectural detail of proposed COV-Net.
Life 12 01709 g004
Figure 5. Features maps representation from three different layers of proposed COVID-Net architecture, (a) layer1, (b) layer3, and (c) layer5.
Figure 5. Features maps representation from three different layers of proposed COVID-Net architecture, (a) layer1, (b) layer3, and (c) layer5.
Life 12 01709 g005
Figure 6. Confusion matrix-based performance analysis of competitive ML classifiers.
Figure 6. Confusion matrix-based performance analysis of competitive ML classifiers.
Life 12 01709 g006
Figure 7. Comparative analysis of proposed COV-Net and D-HL with existing literature using accuracy and F-score [19,24,40,43,45].
Figure 7. Comparative analysis of proposed COV-Net and D-HL with existing literature using accuracy and F-score [19,24,40,43,45].
Life 12 01709 g007
Table 1. Augmentation parameter details.
Table 1. Augmentation parameter details.
ParametersValues
Random Rotation[−5, 5]
Random Horizontal Translation[−0.5, 1]
Random Vertical Translation[−0.5, 1]
Table 2. Extracted features detail of proposed architecture.
Table 2. Extracted features detail of proposed architecture.
Features LayerFeature Dimension
FC-11 × 1 × 4096
Table 3. Performance comparison using ML classifiers for two classes (Pne = pneumonia, Cov = COVID-19). The Bold shows results of proposed method.
Table 3. Performance comparison using ML classifiers for two classes (Pne = pneumonia, Cov = COVID-19). The Bold shows results of proposed method.
ClassifiersParametersTypeTPFPFNRecall
(%)
Precision
(%)
F1-Score
(%)
Accuracy
(%)
KNNK = 2Cov6000100100100100
Pne6000
K = 3Cov6000100100100100
Pne6000
K = 4Cov6000100100100100
Pne6000
K = 5Cov591099.299.299.299.2
Pne6001
SVMLinearCov600199.2199.2299.2199.23
Pne5910
RBFCov600199.296.297.799.2
Pne5910
GaussianCov600199.299.299.299.2
Pne5010
PolyOrder-2Cov6000100100100100
Pne6000
PolyOrder-3Cov600199.299.299.299.2
Pne5910
PolyOrder-4Cov6000100100100100
Pne6000
PolyOrder-5Cov6000100100100100
Pne6000
Decision tree Cov55519595.295.195.0
Pne5915
Naïve Bayes Cov591198.398.398.398.3
Pne5911
RFmax no. of splits 5Cov591099.1599.299.299.2
Pne6001
Table 4. Performance comparison of proposed framework using ML classifiers for three classes (Nor = normal, Cov = COVID-19, Pne = pneumonia). The Bold shows results of proposed method.
Table 4. Performance comparison of proposed framework using ML classifiers for three classes (Nor = normal, Cov = COVID-19, Pne = pneumonia). The Bold shows results of proposed method.
ClassifiersParametersTypeTPFPFNRecall
(%)
Precision
(%)
F1-Score
(%)
Accuracy (%)
K-Nearest NeighborsK = 2Cov564592.292.292.292.2
Pne5644
Nor5465
K = 3Cov563393.393.393.393.3
Pne5825
Nor5463
K = 4Cov573593.393.393.393.3
Pne5824
Nor5373
K = 5Cov537392.292.492.392.2
Pne5828
Nor5553
Decision Tree Cov50101181.181.181.181.1
Pne481211
Nor481212
Naïve Bayes Cov573692.292.392.292.2
Pne5643
Nor5375
Random Forestmax no. of splits 5Cov56429595.195.195.0
Pne6005
Nor5552
SVMLinearCov564296.696.796.796.7
Pne6002
Nor5822
GaussianCov573594.594.594.594.4
Pne5823
Nor5552
RBFCov564593.993.993.993.9
Pne5823
Nor5553
Poly- Order3Cov573395.695.695.695.6
Pne6003
Nor5552
Poly- Order4Cov57339595.195.0395.0
Pne6004
Nor5462
Poly- Order5Cov564394.4394.594.594.4
Pne6005
Nor5462
Table 5. Proposed hybrid learning method comparison with proposed COV-Net.
Table 5. Proposed hybrid learning method comparison with proposed COV-Net.
ModelRecallPrecisionAccuracyF-Score
Proposed COV-Net95.0%95.07%95.0%95.03%
Proposed D-HL-based Framework96.69%96.72%96.73%96.71%
Table 6. Proposed hybrid learning method comparison with existing techniques on publicly available dataset. The Bold shows results of proposed method.
Table 6. Proposed hybrid learning method comparison with existing techniques on publicly available dataset. The Bold shows results of proposed method.
AuthorMethodologyRecallPrecisionAccuracyF-score
Apostolopoulos et al. (2020) [40]VGG19, MobileNet, Inception, Xception, Inception ResNet v2.98.6%-94.72%-
H.S Maghdid et al. (2021) [24]Transfer learning with AlexNet model72%-94.1%-
A. Narin et al.
(2020) [19]
Pre-trained CNN architectures: ResNet50, ResNet101, ResNet152,
inception-ResNetV2 and InceptionV3
91.8%76.5%96%83.5%
Arora, R. et al.
(2021) [45]
CNN architecture DenseNet & GoogleNet91%--91%
Makris A. et al.
(2020) [43]
5 pre-trained CNNs--95%-
Proposed DH-L
Framework
Proposed COV-Net with conventional ML classifier96.69%96.72%96.73%96.71%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Alqahtani, A.; Zahoor, M.M.; Nasrullah, R.; Fareed, A.; Cheema, A.A.; Shahrose, A.; Irfan, M.; Alqhatani, A.; Alsulami, A.A.; Zaffar, M.; et al. Computer Aided COVID-19 Diagnosis in Pandemic Era Using CNN in Chest X-ray Images. Life 2022, 12, 1709. https://doi.org/10.3390/life12111709

AMA Style

Alqahtani A, Zahoor MM, Nasrullah R, Fareed A, Cheema AA, Shahrose A, Irfan M, Alqhatani A, Alsulami AA, Zaffar M, et al. Computer Aided COVID-19 Diagnosis in Pandemic Era Using CNN in Chest X-ray Images. Life. 2022; 12(11):1709. https://doi.org/10.3390/life12111709

Chicago/Turabian Style

Alqahtani, Ali, Mirza Mumtaz Zahoor, Rimsha Nasrullah, Aqil Fareed, Ahmad Afzaal Cheema, Abdullah Shahrose, Muhammad Irfan, Abdulmajeed Alqhatani, Abdulaziz A. Alsulami, Maryam Zaffar, and et al. 2022. "Computer Aided COVID-19 Diagnosis in Pandemic Era Using CNN in Chest X-ray Images" Life 12, no. 11: 1709. https://doi.org/10.3390/life12111709

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

Article Metrics

Back to TopTop