Next Article in Journal
Convolution Neural Network with Coordinate Attention for Real-Time Wound Segmentation and Automatic Wound Assessment
Next Article in Special Issue
Effect of Neonatal Hearing Screening Results on the Lost to Follow-Up at the Diagnostic Level
Previous Article in Journal
Determinants of Working Practice Location for Clinicians According to High School, Medical School, and Resident Training Locations in Korea
Previous Article in Special Issue
Longitudinal Data to Enhance Dynamic Stroke Risk Prediction
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Artificial Intelligence Based COVID-19 Detection and Classification Model on Chest X-ray Images

by
Turki Althaqafi
1,
Abdullah S. AL-Malaise AL-Ghamdi
1,2 and
Mahmoud Ragab
3,4,*
1
Information Systems Department, HECI School, Dar Al-Hekma University, Jeddah 34801, Saudi Arabia
2
Information Systems Department, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
3
Information Technology Department, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
4
Mathematics Department, Faculty of Science, Al-Azhar University, Naser City 11884, Cairo, Egypt
*
Author to whom correspondence should be addressed.
Healthcare 2023, 11(9), 1204; https://doi.org/10.3390/healthcare11091204
Submission received: 8 February 2023 / Revised: 6 April 2023 / Accepted: 18 April 2023 / Published: 22 April 2023
(This article belongs to the Special Issue Clinical Informatics and Data Analysis in Healthcare)

Abstract

:
Diagnostic and predictive models of disease have been growing rapidly due to developments in the field of healthcare. Accurate and early diagnosis of COVID-19 is an underlying process for controlling the spread of this deadly disease and its death rates. The chest radiology (CT) scan is an effective device for the diagnosis and earlier management of COVID-19, meanwhile, the virus mainly targets the respiratory system. Chest X-ray (CXR) images are extremely helpful in the effective diagnosis of COVID-19 due to their rapid outcomes, cost-effectiveness, and availability. Although the radiological image-based diagnosis method seems faster and accomplishes a better recognition rate in the early phase of the epidemic, it requires healthcare experts to interpret the images. Thus, Artificial Intelligence (AI) technologies, such as the deep learning (DL) model, play an integral part in developing automated diagnosis process using CXR images. Therefore, this study designs a sine cosine optimization with DL-based disease detection and classification (SCODL-DDC) for COVID-19 on CXR images. The proposed SCODL-DDC technique examines the CXR images to identify and classify the occurrence of COVID-19. In particular, the SCODL-DDC technique uses the EfficientNet model for feature vector generation, and its hyperparameters can be adjusted by the SCO algorithm. Furthermore, the quantum neural network (QNN) model can be employed for an accurate COVID-19 classification process. Finally, the equilibrium optimizer (EO) is exploited for optimum parameter selection of the QNN model, showing the novelty of the work. The experimental results of the SCODL-DDC method exhibit the superior performance of the SCODL-DDC technique over other approaches.

1. Introduction

COVID-19 revolutionized the healthcare system worldwide. Along with global economics, healthcare, transportation, and education have all been changed [1]. This disease may lead to severe respiratory sickness, but it can be healed with proper treatment. However, human-to-human interaction and community proliferation are the most dangerous side effects of the virus. In cluster cases, a prediction-based artificial intelligence (AI) can identify cases using these methods [2]. In addition, prior medical data are used for making the healthcare data prediction. AI involves a set of algorithms and mathematical models that are designed to simulate human intelligence. Moreover, AI can understand and describe the progression of the COVID-19 vaccine [3,4]. The current patient screening, tracking, predicting, and analyzing must be conducted to accurately predict COVID-19 cases that might assist in the prediction of infected persons in the future [5,6]. Now, AI is often used to find novel compounds to help combat COVID-19. Substantial research has been performed to find new treatments to cure the disease [7], along with computational methods to identify infected persons using medicinal image processing of X-ray pictures and CT scans.
In recent years, Convolutional Neural Networks (CNN) have become the most conventional technique in AI. CNN was effectively applied in medical image analyses such as ultrasonography, magnetic resonance imaging (MRI), X-rays, computed tomography (CT) scans, and so on [8,9,10,11,12]. Additionally, CNN has been highly successful in computer vision (CV), speech recognition, natural language processing (NLP), and audio recognition. Moreover, a neural network (NN) is a sequence of algorithms that identify relationships in a series of data that are exactly the same as the operation of the human brain [13]. For image processing and pattern recognition, this technique is highly successful. It takes an image as the input and constructs a model that processes the image to extract the features and identify a pattern. With these patterns, CNN can recognize similarities of new input images [14,15]. This technique is highly successful due to its adaptability, simple structure, the low complexity of the network model, and reduced training parameters. COVID-19 detection using CNN became a powerful method after the first cases became a global pandemic [16]. One study found outstanding CNN-based research using CT and X-ray images to identify and classify COVID-19. These are not an alternative to actual testing methods, although the CNN technique has had remarkable success [17]. This technique is highly beneficial when used with actual testing methods, but before commercial use, further research and development must be conducted.
This study designs a sine cosine optimization with deep learning-based disease detection and classification (SCODL-DDC) for COVID-19 on chest X-ray (CXR) images. The proposed SCODL-DDC technique examines the CXR images to identify and classify the presence of COVID-19. In particular, the SCODL-DDC technique uses the EfficientNet model for feature vector generation and its hyperparameters can be adjusted by the SCO algorithm. Furthermore, the quantum neural network (QNN) model can be employed for accurate COVID-19 classification process. Finally, an equilibrium optimizer (EO) is used for optimum parameter selection in the QNN model. The experimental outcomes of the SCODL-DDC method are tested on a benchmark CXR dataset.
The rest of the paper is organized as follows: Section 2 provides the related works and Section 3 offers the proposed model. Then, Section 4 gives the result analysis and Section 5 concludes the paper.

2. Related Works

In [18], the authors introduced an LW-CORONet method, which is a lightweight CNN method that encompasses a sequence of convolution layers, pooling layers, the two fully connected (FC) layers, and the rectified linear unit (ReLU). This method facilitates the extraction of useful features from CXR images with five learnable layers. Gupta and Bajaj [19] devised a robust structure utilizing deep learning (DL)-based techniques and chest CT-scan images for automatic screening of COVID-19. In this study, two pre-trained DL methods, DarkNet19 and MobileNetV2, publicly accessible CT-scan image data, and a lightweight DL technique were employed for automatic screening of COVID-19. In [20], a new technique was modelled to enrich the classification and screening of COVID-19 patients related to their CXR images. In this method, by integrating the conventional data augmentation methods with the generative adversarial networks (GANs), the author not only solved the data limitation issue, but also allowed a deeper extraction of attributes through the implementation of different filter banks such as the Gabor filters, Sobel, and Laplacian of Gaussian (LoG).
Ravi et al. [21] devised largescale learning techniques, including a stacked ensemble Meta classifier and a DL-related feature fusion technique for the classification of COVID-19. The extraction of attributes from global average pooling (penultimate layer) belonging to EfficientNet-related pre-trained methods was completed, and utilizing kernel principal component analysis (PCA), the dimensionality of extracted features was minimalized. Then, to join the features of different mined features, a method called the fusion approach was used. Lastly, for classification purposes, a stacked ensemble meta-classifier-based approach was used. In [22], the authors proposed an innovative Bayesian optimization-based CNN technique for recognizing CXR imageries. This method has two major elements. The first element uses CNN to learn and extract deep features. The second element is a Bayesian-based optimizer that can be exploited for tuning the CNN hyperparameter as per an objective function.
Mansour et al. [23] devised a new, unsupervised DL-based variational autoencoder (UDL-VAE) method for the recognition and classification of COVID-19. To enhance the image quality, the proposed method included an adaptive Wiener filtering (AWF)-related preprocessing method. Additionally, InceptionV4 included the Adagrad method utilized as a feature extractor. For classification, an unsupervised VAE technique was implemented. A set of experiments was conducted to identify the potential outcome of the UDL-VAE method and to validate its detection accuracy. Shankar and Perumal [24] presented a fusion model handcrafted with DL features (FM-HCF-DLF) as a method for the classification and diagnosis of COVID-19. The FM method integrated the handcrafted feature with a local binary pattern (LBP) and DL features, and used the CNN-based InceptionV3 method. To additionally enhance the InceptionV3 model performance, a learning rate scheduler utilizing the Adam optimizer (AO) was implemented. Finally, to effectuate the classification process, a multilayer perceptron (MLP) was used.
In [25], a new artificial neural network (ANN), convolution capsule network (CapsNet), for recognition of COVID-19 was presented by utilizing CXR images with CapsNets. The presented method was intended to offer correct and quick diagnostics for COVID-19 with binary and multi-class classifications. Almalki et al. [26] examined a new approach, CoVIRNet (COVID Inception-ResNet method), which exploits the CXRs for automatically diagnosing people with COVID-19. The presented method has various inception residual blocks which provide data-utilizing various depths, mapping features at various scales, with several layers. These features can be concatenated at every presented classification block, utilizing the average-pooling layer, and concatenated features can be passed to the FC layer. Shorfuzzaman et al. [27] presented a new CNN-based DL fusion structure utilizing the transfer learning (TL) method, but parameters (weights) in various methods were integrated as a single method for extracting features in images that were provided to the custom classifier to forecast. Bekhet et al. [28] examined an AI-based approach for primary COVID-19 analysis in CXR images utilizing medical experience and deep CNNs. Finally, a DL technique was generated carefully and fine-tuned for achieving maximal performance in COVID-19 recognition.
Although several ML and DL models for COVID-19 classification are available in the literature, there is still a need to enhance the classification performance. Due to the continuous deepening of the model, the number of parameters of DL models also increases quickly, which results in model overfitting. At the same time, different hyperparameters have a significant impact on the efficiency of the CNN model. Particularly, hyperparameters, such as epoch count, batch size, and learning rate selection, are essential to attain effectual outcomes. Since the trial-and-error method for hyperparameter tuning is a tedious and erroneous process, metaheuristic algorithms can be applied. Therefore, in this work, we employed SCO and EO algorithms used for the parameter selection of the EfficientNet and QNN models, respectively.

3. The Proposed Model

In this study, we introduced a new SCODL-DDC algorithm for automated and accurate COVID-19 classification models on CXR images. The proposed SCODL-DDC technique examines the CXR images to identify and classify the presence of COVID-19. To accomplish this, it encompasses the EfficientNet feature extractor, SCO-based hyperparameter tuning, QNN-based classification, and EO-based parameter tuning. The overall procedure of the SCODL-DDC algorithm is illustrated in Figure 1.

3.1. Feature Extraction Using EfficientNet

In this work, the SCODL-DDC technique used the EfficientNet model for feature vector generation. Tan and Le recently studied the connection between the depth and width of the CNN and proposed a powerful approach to design a CNN model with few parameters, but a great classification performance [29]. They developed seven models, which they represented as EfficientNetB0 to EfficientNetB7. Together, they were named the EfficientNet CNN model. Once the EfficientNet CNN model was employed in the ImageNet datasets, it was demonstrated that their model outperformed every new model with respect to the number of parameters and Top-1 accuracy. New technology for CNN scaling is the basis for the EfficientNet family. It exploits a powerful and straightforward compound coefficient. Unlike classical techniques that scale features of organizations, such as goal, width, and profundity, EfficientNet scales every aspect with an appropriate set of scaling coefficients. Scaling individual aspects acts on model implementation but adjusting each organization component with respect to the available resources works on implementation.
EfficientNet is considerably smaller than other models with comparable accuracy to ImageNet. As found in the Keras application, for example, the ResNet50 model has 23,534,592 boundaries. It still needs to meet the expectation of the small EfficientNet (named EfficientNetB0) model, which has 5,330,564 boundaries. An effective model is proposed on the basis of EfficientNetB3 CNN since it strikes a proper balance between computational power and accuracy. The mobile inverted-bottleneck convolution (MBConv) is a building block of the EfficientNet family. The concept of the MobileNet model is the basis for MBConv. The fundamental concept is to apply depthwise separable convolution that involves a depthwise and a pointwise convolutional layer. The two basic concepts, (1) Linear bottlenecks and (2) Residual connections that were inverted are taken from MobileNetV2:
The EfficientNet family starts with its stem which is common to every eight models and the last layers. After the stem, there exist seven blocks. In addition, this block has different sub-blocks, and the number rises as they progress from EfficientNetB0 to EfficientNetB7. The total number of layers in EfficientNetB0 is 237, whereas the total number of layers in EfficientNetB7 is 813. The next module is the basis for the initial sub-block of the seven major blocks, except the first. Module Three brings together each sub-block through a skip connection. The skip connection in the initial sub-block is merged with Module Four. Module Five connects with each sub-block through a skip fashion to the one before it. Lastly, a sub-block is generated by combining the module with being used in a specific way in the block.

3.2. Hyperparameter Tuning

The hyperparameters of the EfficientNet model can be chosen by the SCO algorithm at this stage. In 2016, Seyedali Mirjalili proposed an SCO, a newly established metaheuristic technique that is used to resolve real-time engineering problems [30]. The mathematical model is based primarily on the sine and cosine rules, and SCO changes many initial random solutions to the best possible region of convergence. Furthermore, SCO uses variables that pose adaptive and random behaviors for relocating a bad solution into the best possible region with ease. For this reason, the algorithm was extensively used. The SCO uses two fundamental processes for search: population and local search strategies. Both strategies are responsible for local exploitation and global exploration. The broad applicability of SCO is due to its hassle-free, adaptive, and simple structure. The SCO has been hybridized with different approaches for robust mathematical optimization. Due to this feature, SCO is widely employed to resolve various optimization problems, such as feature selection, scheduling, economic power dispatch planning, power energy, classification, and benchmark functions.
The candidate solution in SCO was expressed as a matrix without losing any generality:
X = x ( 1,1 ) x ( 1,2 ) x ( 1 , d ) x ( 2,1 ) x ( 2,2 ) x ( 2 , d ) x ( n , 1 ) x ( n , 2 ) x ( n , d )
In Equation (1), the row vector can be signified for the subsequent entries X n = [ x n , 1 , x n , 2 , , x n , . d ] . Like other optimization techniques, the initialization technique has a matrix formation that consists of size ( N × d ) . Furthermore, the location updating expression depends on the assessment of trigonometric function with an encoding step. The sine and cosine functions are used for updating the position, as follows:
Y i t + 1 = Y i t + r 1 × s i n r 2 × r 3 j i t Y i t
Y i t + 1 = Y i t + r 1 × c o s r 2 × r 3 j i t Y i t
Here, Y i t denotes the location of the present solution in i t h parameter at t t h iteration. Furthermore, randomness is added by incorporating r 1 / r 2 / r 3 . Equations (2) and (3) characterize the location update to attain the desired destination point at i t h parameter. Furthermore, the updated formula uses the absolute value of the difference as follows:
Y i t + 1 = { Y i t + m 1 × s i n ( r 2 ) × r 3 j i t Y i t
Y i t + 1 = { Y i t + m 1 × c o s ( r 2 ) × r 3 j i t Y i t
In Equations (4) and (5), j i τ represents the local optimum solution, random integer within [ 0 ,   2 π ] . Therefore, the search direction can be aggregated to the global optimum solution by incorporating the sine and cosine rules. r 3 is the uniform distribution random number between [ 0 , 2]. Furthermore, the bridging is provided with the help of a monotonically decreasing linear function, m 1 . This number decreases with the increment in iterative count increasing.
m 1 = a t a T m a x
In Equation (6), a denotes the constant, t and T m a x denote the present iteration and m a x iteration count which determines the ending condition for the optimization algorithm. As mentioned before, the balancing between the exploitation and exploration stages can be performed by using m1. The success of optimization algorithm greatly depends on these parameters.
Fitness selection is a crucial factor in the SCO approach. Solution encoding is exploited for assessing the aptitude (goodness) of candidate solution. Now, the accuracy value is the main condition utilized for designing a fitness function
F i t n e s s = m a x P
P = T P T P + F P
where the true positive value can be represented as T P and the false positive value can be denoted as F P .

3.3. Optimal QNN-Based Classification

For COVID-19 classification, the QNN model is used. The architecture of the quantum neuron model is based on quantum logic gate, involving the reverse rotation part, phase rotation part, output part, input part, and aggregation part [31]. The working process of QNN is given as follows:
Step 1: let | x i = ( c o s t i , s i n t i ) T , as well as define the qubit phase rotation gate using Equation (9):
R θ = cos θ sin θ sin θ cos θ
Next, with the aggregation, the equation becomes
i = 1 n R ( θ i ) | x i = [ c o s θ s i n θ ] T ,
where θ = a r g ( i = 1 n R ( θ i ) | x i ) = a r g t a n ( i = 1 n s i n ( t i + θ i ) / i = 1 n c o s ( t i + θ i ) ) .
Step 2: the outcomes of Equation (7) make the reverse rotation operation by the controlled-NOT gate:
U γ = cos f γ π 2 2 θ 0 sin f γ π 2 2 θ 0 sin f γ π 2 2 θ 0 cos f γ π 2 2 θ 0 ,
where f denotes the sigmoid function as
U ( γ ) i = 1 n R ( θ j ) | x j = [ c o s π 2 f γ θ s i n π 2 f γ θ ] T
Thus, the relationships between the input and output of the quantum neuron models are defined below:
y = s i n π 2 f γ θ = s i n π 2 f ( γ ) a r g ( i = 1 n R ( θ j ) | x j ) .
The ship-steering controller design is created by using the quantum neuron model. The hidden layer (HL), output layer, and input layer are the three layers of the presented method. The QNN is used in the layer that is between the input layers and HLs; there is p conventional neuron in the output layer, n quantum neuron in the input layer, and m quantum neuron in the HL. Taking the qubit as the transfer function of the hidden layer, then the output of the QNN can be expressed as follows:
y k = g ( j = 1 m w j k h j ) = g j = 1 m w j k s i n π 2 f γ j a r g i = 1 m R θ i j x i ,
where i = 1,2 , , n ; j = 1,2 , , m ; and k = 1,2 , , p .
In Equation (14), y k represents the output of QNN, | x i denotes the input variable, h j denotes the output of HL, w j k indicates the network weight for the output layer and HL, and R ( θ i j ) shows the quantum rotation gate between the input and the HLs for updating the qubits. Figure 2 illustrates the architecture of the QNN method.
At the final stage, the EO algorithm is used for parameter optimization purposes. Using the dynamic mass balance, the main concept of single objective EO was established [32]. These characteristics could maintain the balance between detection and exploitation and the ability to maintain flexibility amongst every individual solution. At first, EO exploits a certain group, whereas every particle describes the vector focus that has a solution to the problems.
Y j i n i t i a l = l b + r a n d j u b l b , j = 0 , 1 , 2 , 3 , . . . , n
where Y j i n i t i a l represents the vector focus on j t h particles, u b and l b characterize the upper and lower limits of the problem, r a n d j specifies the randomly generated number within [ 0 , 1 ] , and n indicates the number of particles. In the exploration and exploitation approaches, the five equilibrium candidates help EO. The first four candidates search for optimum exploration. However, the fifth candidate with average values searches for modification from exploitation.
C e q , p o o l = C e q 1 , C e q 2 , C e q 3 , C e q 4 , C e q a v e
The upgrade of concentration assists EO in equally balancing exploration and exploitation:
F = e λ ( t t 0 )
where λ specifies the randomly generated number within [0, 1], and t minimizes as the iteration amount increases.
t = ( 1 I t M a x i t ) a 2 I t M a x i t
where I t and M a x i t represent the present and maximal amount of the iteration, and a 2 denotes the constant control of the ability for exploitation. Another variable, a 1 , was exploited for enhancing exploration and exploitation:
t = 1 λ l n a 1 s i g n r O . 5 1 e λ t + t
The generation rate can be represented by as G rises exploitation:
G = G 0 e l ( t t 0 )
where l indicates the randomly generated number [ 0 , 1 ] , and the initial generation rate is denoted as G 0 :
G 0 = G C P C e q λ C
G C P = 0.5 r 1 , r 2 G P 0 , r 2 < G P
where t r 1 and r 2 represent the randomly generated number ranges within [ 0 , 1 ] . The vector G C P signifies the control variable which controls the generation rate implemented for the upgrading stage.
C = C + C C e q . F + C λ V 1 F
The value of V corresponds to 1. The EO method not only derives a fitness function to accomplish superior accuracy of the classification but also delineates a positive integer to characterize the remarkable performance of the solution candidate. The reduction in the classification error rate is regarded as a fitness function.
f i t n e s s x i = C l a s s i f i e r E r r o r R a t e x i = n u m b e r   o f   m i s c l a s s i f i e d   s a m p l e s T o t a l   n u m b e r   o f   s a m p l e s 100

4. Results and Discussion

The proposed model is simulated using Python 3.7 on PC i5-8600k, GeForce 1050Ti 4 GB, 16 GB RAM, 250 GB SSD, and 1 TB HDD. The QNN model is implemented in Python using a quantum computing library called Qiskit. Qiskit supports several different backends, including simulators and real quantum devices. The parameter settings are given as follows: learning rate: 0.01, dropout: 0.5, batch size: 5, and number of epochs: 50.
In this section, the experimental validation of the SCODL-DDC technique is tested on the CXR image dataset [33], comprising 305 samples with different classes as defined in Table 1. Figure 3 represents the sample images.
In Figure 4, the COVID-19 detection results from the SCODL-DDC technique are demonstrated in the form of confusion matrices. This figure revealed that the SCODL-DDC technique identifies different classes efficaciously.
In Table 2, an overall classification outcome of the SCODL-DDC technique is studied under varying sizes of TRP and TSP. These results showcase the enhanced results of the SCODL-DDC technique in all cases. For instance, on 70% of TRP, the SCODL-DDC technique attains an average a c c u y of 97.81%, a p r e c n of 92.10%, a s e n s y of 80.56%, a s p e c y of 97.08%, and an F s c o r e of 85.32%. Meanwhile, on 30% of TSP, the SCODL-DDC technique attains an average a c c u y of 98.55%, a p r e c n of 95.94%, a s e n s y of 92.61%, a s p e c y of 97.80%, and an F s c o r e of 93.95%. Eventually, on 80% of TRP, the SCODL-DDC method achieves an average a c c u y of 99.04%, a p r e c n of 94.75%, a s e n s y of 90.02%, a s p e c y of 99.16%, and an F s c o r e of 92.01%.
The TACY and VACY of the SCODL-DDC method are inspected on COVID-19 detection performance in Figure 5. The figure reveals that the SCODL-DDC approach has demonstrated superior performance with maximum values of TACY and VACY. It can be observed that the SCODL-DDC method has attained higher TACY outcomes.
The TLOS and VLOS of the SCODL-DDC method are tested on COVID-19 detection performance in Figure 6. The figure implies that the SCODL-DDC approach has illustrated superior performance with the lowest values of TLOS and VLOS. It is demonstrated that the SCODL-DDC method has resulted in minimum VLOS outcomes.
A clear precision-recall analysis of the SCODL-DDC technique under a test database is portrayed in Figure 7. The figure indicates that the SCODL-DDC approach results in improved values of precision-recall values in all classes.
A brief ROC examination of the SCODL-DDC approach under a test database is depicted in Figure 8. The outcomes represented by the SCODL-DDC approach show its ability in classifying various classes.
The comparison study of the SCODL-DDC technique with other COVID-19 classifiers is given in Table 3 [34]. Based on s e n s y , the SCODL-DDC technique reaches an increasing s e n s y of 99.65% while the fusion, Inception v3, ResNet-50, VGG-16, DLS-SCD, DLA-CVD, AD-TLCNN, and FM-HCF-DLF models attain a decreasing s e n s y of 92.86%, 94.26%, 88.17%, 86.57%, 86.21%, 87.22%, 99.46%, and 93.59%, respectively. Meanwhile, based on s p e c y , the SCODL-DDC method obtained a maximum s p e c y of 99.71% whereas the fusion, InceptionV3, ResNet50, VGG16, DLS-SCD, DLA-CVD, AD-TLCNN, and FM-HCF-DLF techniques obtain a decreasing s p e c y of 98.45%, 97.68%, 97.85%, 97.80%, 86.66%, 87.59%, 97.18%, and 94.77%, respectively. Based on a c c u y , the SCODL-DDC method reaches an increasing a c c u y of 99.45% while the fusion, Inception v3, ResNet-50, VGG-16, DLS-SCD, DLA-CVD, AD-TLCNN, and FM-HCF-DLF methods accomplish a decreasing a c c u y of 98.97%, 97.65%, 97.08%, 96.59%, 86.44%, 89.69%, 95.07%, and 94.71%, respectively. Meanwhile, based on F s c o r e , the SCODL-DDC method obtains an increasing F s c o r e of 97.97% whereas the fusion, InceptionV3, ResNet50, VGG16, DLS-SCD, DLA-CVD, AD-TLCNN, and FM-HCF-DLF models accomplish a decreasing F s c o r e of 93.16%, 90.43%, 84.07%, 83.26%, 86.01%, 76.36%, 92.33%, and 93.60%, respectively. These results support the enhanced COVID-19 classification outcomes of the SCODL-DDC technique.

5. Conclusions

In this study, we introduced a new SCODL-DDC algorithm for automated and accurate COVID-19 classification algorithms on CXR images. The proposed SCODL-DDC technique examines the CXR images to identify and classify the presence of COVID-19. To accomplish this, it encompasses the EfficientNet feature extractor, SCO-based hyperparameter tuning, QNN-based classification, and EO-based parameter tuning. Moreover, the SCODL-DDC technique uses the EfficientNet model for feature vector generation and its hyperparameters can be adjusted by the SCO algorithm. Lastly, the EO algorithm with the QNN model is employed for an accurate COVID-19 classification process. The experimental results of the SCODL-DDC technique were tested on benchmark CXR datasets and the outcomes exhibited superior performance over other approaches. In the future, feature fusion with ensemble voting classifiers can be designed to enhance the performance of the SCODL-DDC algorithm.

Author Contributions

Conceptualization, T.A.; Methodology, M.R.; Software, A.S.A.-M.A.-G.; Validation, A.S.A.-M.A.-G. and T.A.; Writing—original draft, T.A. and M.R.; Writing—review and editing, M.R. and T.A.; Visualization, A.S.A.-M.A.-G. and M.R.; Supervision, A.S.A.-M.A.-G.; Project administration, M.R.; Funding acquisition, T.A. All authors have read and agreed to the published version of the manuscript.

Funding

This research project was funded by the Vice Presidency for Graduate Studies, Business, and Scientific Research (GBR) at Dar Al-Hekma University, Jeddah, under grant no. (RFC/22-23/001).

Institutional Review Board Statement

This article does not contain any studies with human participants performed by any of the authors.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data sharing is not applicable to this article as no datasets were generated during the current study.

Acknowledgments

This research project was funded by the Vice Presidency for Graduate Studies, Business, and Scientific Research (GBR) at Dar Al-Hekma University, Jeddah, under grant no. (RFC/22-23/001). The authors, therefore, acknowledge with thanks GBR for technical and financial support.

Conflicts of Interest

The authors declare that they have no conflicts of interest. The manuscript was written through contributions of all authors. All authors have given approval to the final version of the manuscript.

References

  1. Aslani, S.; Jacob, J. Utilisation of deep learning for COVID-19 diagnosis. Clin. Radiol. 2023, 78, 150–157. [Google Scholar] [CrossRef] [PubMed]
  2. Shahin, O.R.; Alshammari, H.H.; Taloba, A.I.; El-Aziz, R.M.A. Machine Learning Approach for Autonomous Detection and Classification of COVID-19 Virus. Comput. Electr. Eng. 2022, 101, 108055. [Google Scholar] [CrossRef] [PubMed]
  3. Mercaldo, F.; Belfiore, M.P.; Reginelli, A.; Brunese, L.; Santone, A. Coronavirus COVID-19 detection by means of explainable deep learning. Sci. Rep. 2023, 13, 1–11. [Google Scholar] [CrossRef]
  4. Nabizadeh, M.; Singh, A.; Jamali, S. Structure and Dynamics of Force Clusters and Networks in Shear Thickening Suspensions. Phys. Rev. Lett. 2022, 129, 068001. [Google Scholar] [CrossRef]
  5. Roshani, G.H.; Hanus, R.; Khazaei, A.; Zych, M.; Nazemi, E.; Mosorov, V. Density and velocity determination for single-phase flow based on radiotracer technique and neural networks. Flow Meas. Instrum. 2018, 61, 9–14. [Google Scholar] [CrossRef]
  6. Subramanian, N.; Elharrouss, O.; Al-Maadeed, S.; Chowdhury, M. A review of deep learning-based detection methods for COVID-19. Comput. Biol. Med. 2022, 143, 105233. [Google Scholar] [CrossRef]
  7. Katip, I.; Ragab, M. Heap Based Optimization with Deep Quantum Neural Network Based Decision Making on Smart Healthcare Applications. J. Comput. Syst. Sci. Eng. 2023, 46, 3749–3765. [Google Scholar] [CrossRef]
  8. Li, M.; Li, X.; Jiang, Y.; Zhang, J.; Luo, H.; Yin, S. Explainable multi-instance and multi-task learning for COVID-19 diagnosis and lesion segmentation in CT images. Knowledge-Based Syst. 2022, 252, 109278. [Google Scholar] [CrossRef] [PubMed]
  9. Hussain, E.; Hasan, M.; Rahman, M.A.; Lee, I.; Tamanna, T.; Parvez, M.Z. CoroDet: A deep learning based clas-sification for COVID-19 detection using chest X-ray images. Chaos Solitons Fractals 2021, 142, 110495. [Google Scholar] [CrossRef]
  10. Ragab, M.; Alshehri, S.; Alhakamy, N.A.; Mansour, R.F.; Koundal, D. Multiclass classification of chest X-ray im-ages for the prediction of COVID-19 using capsule network. Comput. Intell. Neurosci. 2022, 2022, 6185013. [Google Scholar] [CrossRef] [PubMed]
  11. Ragab, M.; Eljaaly, K.; Alhakamy, N.A.; Alhadrami, H.A.; Bahaddad, A.A.; Abo-Dahab, S.M.; Khalil, E.M. Deep ensemble model for COVID-19 diagnosis and classification using chest CT images. Biology 2022, 11, 43. [Google Scholar] [CrossRef] [PubMed]
  12. AL-Ghamdi, A.S.; Ragab, M.; AlGhamdi, S.A.; Asseri, A.H.; Mansour, R.F.; Koundal, D. Detection of dental dis-eases through X-ray images using neural search architecture network. Comput. Intell. Neurosci. 2022, 2022, 3500552. [Google Scholar] [CrossRef]
  13. 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. J. Exp. Theor. Artif. Intell. 2023, 1–43. [Google Scholar] [CrossRef]
  14. Nillmani; Sharma, N.; Saba, L.; Khanna, N.N.; Kalra, M.K.; Fouda, M.M.; Suri, J.S. Segmentation-Based Classification Deep Learning Model Embedded with Explainable AI for COVID-19 Detection in Chest X-ray Scans. Diagnostics 2022, 12, 2132. [Google Scholar] [CrossRef] [PubMed]
  15. Constantinou, M.; Exarchos, T.; Vrahatis, A.G.; Vlamos, P. COVID-19 Classification on Chest X-ray Images Using Deep Learning Methods. Int. J. Environ. Res. Public Heal. 2023, 20, 2035. [Google Scholar] [CrossRef] [PubMed]
  16. Akhtar, A.; Akhtar, S.; Bakhtawar, B.; Kashif, A.A.; Aziz, N.; Javeid, M.S. COVID-19 Detection from CBC using Machine Learning Techniques. Int. J. Technol. Innov. Manag. (IJTIM) 2021, 1, 65–78. [Google Scholar] [CrossRef]
  17. Nassif, A.B.; Shahin, I.; Bader, M.; Hassan, A.; Werghi, N. COVID-19 detection systems using deep-learning al-gorithms based on speech and image data. Mathematics 2022, 10, 564. [Google Scholar] [CrossRef]
  18. Nayak, S.R.; Nayak, D.R.; Sinha, U.; Arora, V.; Pachori, R.B. An Efficient Deep Learning Method for Detection of COVID-19 Infection Using Chest X-ray Images. Diagnostics 2022, 13, 131. [Google Scholar] [CrossRef]
  19. Gupta, K.; Bajaj, V. Deep learning models-based CT-scan image classification for automated screening of COVID-19. Biomed. Signal Process. Control. 2023, 80. [Google Scholar] [CrossRef]
  20. Barshooi, A.H.; Amirkhani, A. A novel data augmentation based on Gabor filter and convolutional deep learning for improving the classification of COVID-19 chest X-Ray images. Biomed. Signal Process. Control. 2021, 72, 103326. [Google Scholar] [CrossRef]
  21. Ravi, V.; Narasimhan, H.; Chakraborty, C.; Pham, T.D. Deep learning-based meta-classifier approach for COVID-19 classification using CT scan and chest X-ray images. Multimedia Syst. 2021, 28, 1401–1415. [Google Scholar] [CrossRef] [PubMed]
  22. Loey, M.; El-Sappagh, S.; Mirjalili, S. Bayesian-based optimized deep learning model to detect COVID-19 patients using chest X-ray image data. Comput. Biol. Med. 2022, 142, 105213. [Google Scholar] [CrossRef] [PubMed]
  23. Mansour, R.F.; Escorcia-Gutierrez, J.; Gamarra, M.; Gupta, D.; Castillo, O.; Kumar, S. Unsupervised deep learn-ing based variational autoencoder model for COVID-19 diagnosis and classification. Pattern Recognit. Lett. 2021, 151, 267–274. [Google Scholar] [CrossRef] [PubMed]
  24. Shankar, K.; Perumal, E. A novel hand-crafted with deep learning features based fusion model for COVID-19 diagnosis and classification using chest X-ray images. Complex Intell. Syst. 2020, 7, 1277–1293. [Google Scholar] [CrossRef] [PubMed]
  25. Toraman, S.; Alakus, T.B.; Turkoglu, I. Convolutional capsnet: A novel artificial neural network approach to de-tect COVID-19 disease from X-ray images using capsule networks. Chaos Solitons Fractals 2020, 140, 110122. [Google Scholar] [CrossRef] [PubMed]
  26. Almalki, Y.E.; Qayyum, A.; Irfan, M.; Haider, N.; Glowacz, A.; Alshehri, F.M.; Alduraibi, S.K.; Alshamrani, K.; Alkhalik Basha, M.A.; Alduraibi, A.; et al. A novel method for COVID-19 diagnosis using artificial intelli-gence in chest X-ray images. Healthcare 2021, 9, 522. [Google Scholar] [CrossRef]
  27. Shorfuzzaman, M.; Masud, M.; Alhumyani, H.; Anand, D.; Singh, A. Artificial neural network-based deep learn-ing model for COVID-19 patient detection using X-ray chest images. J. Healthc. Eng. 2021, 2021, 1–16. [Google Scholar] [CrossRef] [PubMed]
  28. Bekhet, S.; Hassaballah, M.; Kenk, M.A.; Hameed, M.A. An Artificial Intelligence Based Technique for COVID-19 Diagnosis from Chest X-ray. In Proceedings of the 2020 2nd Novel Intelligent and Leading Emerging Sciences Conference (NILES), Giza, Egypt, 24–26 October 2020; pp. 191–195. [Google Scholar] [CrossRef]
  29. Lasloum, T.; Alhichri, H.; Bazi, Y.; Alajlan, N. SSDAN: Multi-Source Semi-Supervised Domain Adaptation Network for Remote Sensing Scene Classification. Remote. Sens. 2021, 13, 3861. [Google Scholar] [CrossRef]
  30. Ali, S.; Bhargava, A.; Saxena, A.; Kumar, P. A Hybrid Marine Predator Sine Cosine Algorithm for Parameter Se-lection of Hybrid Active Power Filter. Mathematics 2023, 11, 598. [Google Scholar] [CrossRef]
  31. Guan, W.; Zhou, H.; Su, Z.; Zhang, X.; Zhao, C. Ship steering control based on quantum neural net-work. Complexity 2019, 2019, 3821048. [Google Scholar]
  32. Wang, J.; Yang, B.; Li, D.; Zeng, C.; Chen, Y.; Guo, Z.; Zhang, X.; Tan, T.; Shu, H.; Yu, T. Photovoltaic cell pa-rameter estimation based on improved equilibrium optimizer algorithm. Energy Convers. Manag. 2021, 236, 114051. [Google Scholar] [CrossRef]
  33. COVID-19 Dataset. Available online: https://github.com/ieee8023/covid-chestxray-dataset (accessed on 17 December 2022).
  34. Reddy, A.S.K.; Rao, K.B.; Soora, N.R.; Shailaja, K.; Kumar, N.S.; Sridharan, A.; Uthayakumar, J. Multi-modal fusion of deep transfer learning based COVID-19 diagnosis and classification using chest x-ray images. Multimed. Tools Appl. 2023, 82, 12653–12677. [Google Scholar]
Figure 1. Overall procedure of the SCODL-DDC approach.
Figure 1. Overall procedure of the SCODL-DDC approach.
Healthcare 11 01204 g001
Figure 2. Architecture of the QNN.
Figure 2. Architecture of the QNN.
Healthcare 11 01204 g002
Figure 3. Sample images (A: airways; B: breathing; C: circulation; D: disability; R: Rotation; Arrow Mark: Opacities).
Figure 3. Sample images (A: airways; B: breathing; C: circulation; D: disability; R: Rotation; Arrow Mark: Opacities).
Healthcare 11 01204 g003
Figure 4. Confusion matrices of the SCODL-DDC approach (a,b) TRP/TSP of 70:30 and (c,d) TRP/TSP of 80:20.
Figure 4. Confusion matrices of the SCODL-DDC approach (a,b) TRP/TSP of 70:30 and (c,d) TRP/TSP of 80:20.
Healthcare 11 01204 g004
Figure 5. TACY and VACY outcome of the SCODL-DDC approach.
Figure 5. TACY and VACY outcome of the SCODL-DDC approach.
Healthcare 11 01204 g005
Figure 6. TLOS and VLOS outcome of SCODL-DDC method.
Figure 6. TLOS and VLOS outcome of SCODL-DDC method.
Healthcare 11 01204 g006
Figure 7. Precision-recall outcome of the SCODL-DDC approach.
Figure 7. Precision-recall outcome of the SCODL-DDC approach.
Healthcare 11 01204 g007
Figure 8. ROC curve outcome of the SCODL-DDC approach.
Figure 8. ROC curve outcome of the SCODL-DDC approach.
Healthcare 11 01204 g008
Table 1. Details of the database.
Table 1. Details of the database.
LabelClassNumber of Images
C-0ARDS15
C-1COVID-19220
C-2No Finding27
C-3Pneumocystis15
C-4SARS11
C-5Streptococcus17
Total Number of Images305
Table 2. Classifier outcome of the SCODL-DDC approach on varying sizes of TRP/TSP.
Table 2. Classifier outcome of the SCODL-DDC approach on varying sizes of TRP/TSP.
Labels A c c u y P r e c n S e n s y S p e c y F s c o r e
Training Phase (70%)
C-097.6577.7870.0099.0173.68
C-195.3194.4199.3585.0096.82
C-297.6589.4785.0098.9687.18
C-399.0690.9190.9199.5090.91
C-499.06100.0071.43100.0083.33
C-598.12100.0066.67100.0080.00
Average97.8192.1080.5697.0885.32
Testing Phase (30%)
C-0100.00100.00100.00100.00100.00
C-195.6595.6598.5188.0097.06
C-295.6580.0057.1498.8266.67
C-3100.00100.00100.00100.00100.00
C-4100.00100.00100.00100.00100.00
C-5100.00100.00100.00100.00100.00
Average98.5595.9492.6197.8093.95
Training Phase (80%)
C-099.1891.6791.6799.5791.67
C-199.1898.86100.0097.1899.43
C-298.3688.0095.6598.6491.67
C-398.3690.0075.0099.5781.82
C-499.18100.0077.78100.0087.50
C-5100.00100.00100.00100.00100.00
Average99.0494.7590.0299.1692.01
Testing Phase (20%)
C-0100.00100.00100.00100.00100.00
C-198.36100.0097.87100.0098.92
C-298.3680.00100.0098.2588.89
C-3100.00100.00100.00100.00100.00
C-4100.00100.00100.00100.00100.00
C-5100.00100.00100.00100.00100.00
Average99.4596.6799.6599.7197.97
Table 3. Comparative outcome of the SCODL-DDC method with other models [34].
Table 3. Comparative outcome of the SCODL-DDC method with other models [34].
MethodsAccuracySensitivitySpecificityF-Score
SCODL-DDC99.4599.6599.7197.97
Fusion Model98.9792.8698.4593.16
Inception V3 Model97.6594.2697.6890.43
ResNet-50 Model97.0888.1797.8584.07
VGG-16 Model96.5986.5797.8083.26
DLS-SCD86.4486.2186.6686.01
DLA-CVD89.6987.2287.5976.36
AD-TLCNN95.0799.4697.1892.33
FM-HCF-DLF94.7193.5994.7793.60
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Althaqafi, T.; AL-Ghamdi, A.S.A.-M.; Ragab, M. Artificial Intelligence Based COVID-19 Detection and Classification Model on Chest X-ray Images. Healthcare 2023, 11, 1204. https://doi.org/10.3390/healthcare11091204

AMA Style

Althaqafi T, AL-Ghamdi ASA-M, Ragab M. Artificial Intelligence Based COVID-19 Detection and Classification Model on Chest X-ray Images. Healthcare. 2023; 11(9):1204. https://doi.org/10.3390/healthcare11091204

Chicago/Turabian Style

Althaqafi, Turki, Abdullah S. AL-Malaise AL-Ghamdi, and Mahmoud Ragab. 2023. "Artificial Intelligence Based COVID-19 Detection and Classification Model on Chest X-ray Images" Healthcare 11, no. 9: 1204. https://doi.org/10.3390/healthcare11091204

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