key: cord-0952508-g8q6rq7w authors: Taresh, Mundher Mohammed; Zhu, Ningbo; Ali, Talal Ahmed Ali; Alghaili, Mohammed; Hameed, Asaad Shakir; Mutar, Modhi Lafta title: KL-MOB: automated COVID-19 recognition using a novel approach based on image enhancement and a modified MobileNet CNN date: 2021-09-20 journal: PeerJ Comput Sci DOI: 10.7717/peerj-cs.694 sha: b0c842a6d17ea2491a27402b66f78e74fef9d0cf doc_id: 952508 cord_uid: g8q6rq7w The emergence of the novel coronavirus pneumonia (COVID-19) pandemic at the end of 2019 led to worldwide chaos. However, the world breathed a sigh of relief when a few countries announced the development of a vaccine and gradually began to distribute it. Nevertheless, the emergence of another wave of this pandemic returned us to the starting point. At present, early detection of infected people is the paramount concern of both specialists and health researchers. This paper proposes a method to detect infected patients through chest x-ray images by using the large dataset available online for COVID-19 (COVIDx), which consists of 2128 X-ray images of COVID-19 cases, 8,066 normal cases, and 5,575 cases of pneumonia. A hybrid algorithm is applied to improve image quality before undertaking neural network training. This algorithm combines two different noise-reduction filters in the image, followed by a contrast enhancement algorithm. To detect COVID-19, we propose a novel convolution neural network (CNN) architecture called KL-MOB (COVID-19 detection network based on the MobileNet structure). The performance of KL-MOB is boosted by adding the Kullback–Leibler (KL) divergence loss function when trained from scratch. The KL divergence loss function is adopted for content-based image retrieval and fine-grained classification to improve the quality of image representation. The results are impressive: the overall benchmark accuracy, sensitivity, specificity, and precision are 98.7%, 98.32%, 98.82% and 98.37%, respectively. These promising results should help other researchers develop innovative methods to aid specialists. The tremendous potential of the method proposed herein can also be used to detect COVID-19 quickly and safely in patients throughout the world. The novel coronavirus 2019 (COVID-19) is a recently recognized disease caused by the severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2). Being highly 2021), white balance followed by CLAHE (Siddhartha & Santra, 2020) , intensity normalization followed by CLAHE (N-CLAHE) (Horry et al., 2020; El Asnaoui & Chawki, 2020) , Perona-Malik filter (PMF), unsharp masking (UM) (Rezaul Karim et al., 2020) , Bi-histogram equalization with adaptive sigmoid function (BEASF) (Haghanifar et al., 2020) , the gamma correction (GC) (Rahman et al., 2021b) , histogram stretching (HS) (Wang et al., 2021; Zhang et al., 2021) , Moment Exchange algorithm (MoEx), CLAHE (Lv et al., 2021) , local phase enhancement (LPE) , image contrast enhancement algorithm (ICEA) (Canayaz, 2021) , and Gaussian filter (Medhi, Jamil & Hussain, 2020) are, as far as we are aware, the only adopted techniques in COVID-19 recognition to date. An overview of these works is listed in Table 1 . It should be noted that the CLAHE algorithm has widely used by the majority, while some pursued a hybridization method. Moreover, the utilized filters can result in blurry (by Gaussian filter) or blocky (by PMF) features in the processed image. Accordingly, there is still room to incorporate more effective preprocessing techniques to further increase the accuracy of these systems. Motivated by the outstanding results in the previously mentioned works as well as the need for close-to-perfect recognition models, this paper integrates novel image preprocessing enhancement with deep learning to meet the challenges arising from data deficiency and complexity. Specifically, we combine an adaptive median filter (AMF) and a non-local means filter (NLMF) to remove the noise from the images. Numerous works have already analyzed the performance of these two filters for denoising x-ray imagery (Kim, Choi & Lee, 2020; Raj & Venkateswarlu, 2012; Rabbouch, Messaoud & Saâdaoui, 2020; Sawant et al., 1999; Mirzabagheri, 2017) , demonstrating their superiority over various filters, including the ones in the cited works in terms of removing impulsive, Poisson, and speckle noise while preserving the useful image details. We then utilize the CLAHE approach that has been already applied for the enhancement of contrast in medical images (Zhou et al., 2016; Sonali et al., 2019; Wen, Qi & Shuang, 2016) , to enhance the contrast of the denoised images. The enhanced images are finally fed into the state-of-the-art convolution neural network (CNN) called MobileNet (Howard , which has been recently utilized for the same classification task by (Apostolopoulos, Aznaouridis & Tzani, 2020; Apostolopoulos & Mpesiana, 2020) . MobileNets are small, low-latency, low-power models parameterized to meet the resource constraints of a variety of use cases. The motivation behind choosing a MobileNet CNN is that it not only helps to reduce overfitting but also runs faster than a regular CNN and has significantly fewer parameters (4.24) (Howard et al., 2017; Yu et al., 2020) . Moreover, MobileNets employ two global hyperparameters based on depthwise separable convolutions to strike a balance between efficiency and accuracy. KL divergence is one of the measures that reflect the distribution divergence between different probabilities, which has been widely used in the problem of classification imbalanced datasets (Su et al., 2015; Feng et al., 2018) . The KL divergence loss function is more commonly used when using models that learn to approximate a more complex function than simply multiclass classification, such as in the case of an autoencoder used for learning a dense feature representation under a model that must reconstruct the original input. Indeed, the lack of necessary extracted features from the images sometimes cannot provide expected accuracy in the classification result. In this work, inspired by the variational autoencoder learning (Kingma & Welling, 2013; Alfasly et al., 2019; Alghaili, Li & Ali, 2020) the Kullback-Leibler (KL) divergence is adopted to devise more efficient and accurate representations and measure how far we are from the optimal solution during the iterations. We evaluated the performance of the proposed framework on the COVIDx dataset in terms of a wide variety of metrics: accuracy, sensitivity, specificity, precision, area under the curve, and computational efficiency. Simulation results reveal that the proposed framework significantly outperforms state-of-the-art models from both quantitative and qualitative perspectives. The novelty of this study is not only to clarify significant features in the CXR images by developing a hybrid algorithm but also proposes a novel approach in how to devise more efficient and accurate by using KL loss. The intent behind this study is not only to achieve a high classification accuracy but to achieve this by training an automated end-to-end deep learning framework based on CNN. This method is superior to transfer learning for evaluating the importance of features derived from imagery, as it is not relying on features previously learned by the pretrained model, which was first trained on nonmedical images. The main contributions of this work can be summarized as follows: For COVID-19 recognition, we propose an automated end-to-end deep learning framework based on MobileNet CNN with KL divergence loss function. We propose an impressive approach to ensure a sufficiently diverse representation by predicting the output of the mean μ and standard-deviation σ of the Gaussian distribution. We incorporate a novel preprocessing enhancement technique consisting of AMF, NLMF, and CLAHE to meet the challenges arising from data deficiency and complexity. We analyze the performance of the preprocessing enhancement scheme to demonstrate its role in enhancing the discrimination capability of the proposed model. The rest of this paper is organized as follows: "Proposed Method" describes the phases of the proposed method. "Results" highlights the experimental results. "Discussion" discusses these results, and the conclusion is presented in the "Conclusion". In this section, we briefly describe the scenario of the methodology used to achieve the purpose of this study. The proposed method is depicted in Fig 2, which generally consists of two phases: (a) image preprocessing, to overcome the existing drawbacks mentioned in the previous section; (b) training and testing dedicated to image classification. In this work, we used the COVIDx dataset used by Wang, Lin & Wong (2020) to train and evaluate the proposed model. In brief, the COVIDx dataset is an open-source dataset that can be downloaded from https://github.com/lindawangg/COVID-Net/blob/master/ docs/COVIDx.md. The instructions given by Wang, Lin & Wong (2020) were followed to set up the new dataset. Since few CXR images of positive COVID-19 cases are available, we downloaded more COVID-19 x-ray images from https://github.com/ml-workgroup/ covid-19-image-repository, and from https://github.com/armiro/COVID-CXNet/tree/ master/chest_xray_images/covid19. Duplicated images were omitted from the new dataset to ensure that the proposed training model is more accurate. Thus, the actual number of images in the COVID-19 class is 2,128 instead of the 1,770 images from COVIDx (updated on January 28, 2021). We used the same test set that was used for evaluation by Wang, Lin & Wong (2020), making only a slight change by increasing the number of COVID-19 images to 100 instead of 92. We further split the training data keeping 70% data for training and 30% data for validation. Table 2 summarizes the number of images in each class and the total number of images used for training and testing. In this study, we attempt to provide an algorithm that would increase the image quality by using a hybrid technique consisting of noise reduction and contrast enhancement. Specifically, two efficient filters are used for noise reduction while CLAHE is used for contrast enhancement. The first filter is the AMF, which removes impulse noise (Ning, Liu & Qu, 2009; Khare & Chugh, 2014) . This filter is followed by the NLMF algorithm that calculates similarity based on patches instead of pixels. Given a discrete noisy image u = u (i) for pixel I, the estimated value of NL[u](i) is the weighted average of all pixels: NL½uðiÞ ¼ X j2i wði; jÞ:uðjÞ; (1) where the weight family w(i,j)j depends on the similarity between the pixels i and j. The similarity between the two pixels i and j is defined by the similarity of the intensity of gray-level vectors u(N i ) and u(N j ), where N l signifies a square neighborhood of fixed size and centered at a pixel L. The similarity is measured as a function to minimize the weighted Euclidean distance, kuðN i Þ À uðN j Þk 2 ð2;aÞ where a > 0 is the Gaussian kernel standard deviation. The pixels with a similar gray-level neighborhood with u(N i ) have larger weights in average. These weights are defined as; where Z(i) is the normalizing constant: , and the parameter h acts as a degree of filtering. Next, CLAHE is applied to the denoised images to achieve an acceptable visualization and to compensate for the effect of filtration that may contribute to some blurring on the images (Huang et al., 2016; Senthilkumar & Senthilmurugan, 2014) . Since there are many homogeneous regions in medical images, CLAHE is suitable for optimizing medical images as the CLAHE algorithm creates non-overlapping homogeneous regions. We used a deep neural network structure called a MobileNet neural network (Howard et al., 2017) . All images were resized to 224 × 224 × 3 before being used as input to the neural network. Figure 3 depicts the architecture of the proposed neural network. Apart from the first layer, which is a full convolution, the MobileNets are constructed using depthwise separable convolutions. Depthwise separable convolution is a factorized convolution that factorizes the standard convolution into a depthwise convolution and a 1 × 1 convolution called pointwise convolution. This procedure reduces the computations and model size drastically. The overall architecture of the MobileNet is shown in Table 3 . The deep convolutional neural network is used to extract high context features per input instance. The global average pooling layer is used here to reduce the spatial dimensions of the features extracted. The output is a feature vector of size 1,024 for each time step. Then, a dropout layer is used with a probability of 0.001. The output of the dropout layer goes to two fully connected layers that generate an output of size 128. One fully connected layer is used to predict the mean μ, which is used to extract the most significant features from those features extracted in previous layers. The other is used to predict the standard deviation σ of a Gaussian distribution, which is used to calculate the KL loss function. The output of the fully connected layer, which used to predict the mean μ goes to the last layer (Softmax classifier), which is defined by where v indicates the output vector, o indicates the objective vector, and pj indicates the input to the neuron j. The categorical cross-entropy loss function is generally used to address such a multiclass classification problem. The three classes are provided with labels such as "0" being a COVID-19 case, "1" being a normal case, and "2" being pneumonia. We adopted Kullback-Leibler divergence loss function to devise more efficient and accurate representations. Moreover, the combined KL loss with the categorical cross-entropy loss function would enforce the network to give a consistent output, in addition to the preprocessing applied to the input image. The KL divergence distribution between the μ;σ and the prior is considered as a regularization that aids in addressing the issue of overfitting. KL loss function is defined by where n is the output vector of the average pooling layer with the size of 1,024, μ is the mean, which is predicted from one fully connected layer, and σ is the standard deviation of a Gaussian distribution, which is predicted from the other fully connected layer in the network, Fig. 3 . The multitask learning loss function for our proposed network is now defined by We use a weighted loss function as illustrated in Eq. (5). The weight of KL loss α is empirically set to (0:1) to be used as a one-hot vector, which not only ensures a clear representation of the true class, but also helps in addressing the large variance arising due to unbalanced data. The dataset used for training is divided into 70% as a training set and 30% as a validation set. The total number of parameters is 3,488,426, where the number of trainable parameters is 3,466,660, and the nontrainable parameters are 21,766. In the training period, 200 epochs were completed to check the KL-MOB model accuracy and loss, which are shown in Figs. 5 and 6. Beforehand, the impact of different feature sizes on training accuracy has been investigated via conducting extensive experiments. Original images perform best when the length is set to 256, with an accuracy of 93.24%, whereas the enhanced images perform best when the length is set to 128 with an accuracy of 96.06%, as shown in Table 4 . This can be attributed to the fact that the KL divergence between μ; σ distribution and the prior is considered as a regularization which helps to overcome the overfitting problem. The performance of the proposed preprocessing technique was quantified by using various evaluation metrics such as mean average error (MAE) and peak signal-to-noise Ratio (PSNR). These metrics are desirable because they can be rapidly quantified. Definition: x(i,j) denotes the samples of the original image, y(i, j) denotes the samples of the output image. M and N are the number of pixels in row and column directions, respectively. MAE is calculated as in Eq. (6), where a large value means that the images are of poor quality. The limited value PSNR implies that the images are of low quality. PSNR is described in terms of Mean Square Error MSE as follows: where MAX 2 i is the maximum possible pixel intensity value 255 when the pixel is represented by 8 bits. The test set described in the previous section was used to evaluate KL-MOB. The classification outcome has four cases: True Positive (TP), False Positive (FP), True Negative (TN) and False Negative (FN). The metrics used to measure the performance are accuracy (ACC), sensitivity (TPR), specificity (SPC), and precision (PPV) and are defined as follows: The graph of true positive rate (TPR) and false positive rate (FPR) is the receiver operating characteristic (ROC) curve. The FPR is calculated as follows: In the experiments, noise reduction and contrast enhancement performance were evaluated independently, since they are two separate issues. The average value was computed for all images in each class. Tables 5 and 6 show the results for noise reduction and image enhancement, respectively. Figure 7 shows the noise reduction techniques that were applied to the original image and the hybrid method used in this work. Although the denoising filters could smooth and blur the resulting images, this can be enhanced by improving the image edges and by highlighting the high-frequency components to remove the residual noise. Figure 8 displays the original images and their enhanced versions. The performance of the proposed KL-MOB was evaluated separately for each class of the test set. Table 7 compares the performance of the KL-MOB model for the classification problem involving original and enhanced images. Note that the proposed method boosts the performance of the KL-MOB model in COVID-19 detection, as shown in Figs. 9 and 10. This work proposes an approach that combines noise-reduction algorithms with contrast enhancement. This approach introduces a type of hybrid filtering and contrast enhancement for the data set of images used for COVID-19 detection. The well-known measurable methods PSNR and MAE were used as image quality measurements for assessing and comparing image quality. The results of Table 5 show that using an AMF followed by a NLMF is entirely favorable for eliminating noise. The proposed hybrid algorithm is applied to the entire image instead of just parts of the image and preserves important details. Figure 11 illustrates the difference between the original CXRs and CXRs enhanced by applying the method proposed herein. Furthermore, we judge the lung damage in the enhanced image to be more perspicuous than in the original image. In addition, CLAHE with a bin of 256 gives the best PSNR, as shown in Table 6 . To show the impact of the KL divergence loss on the efficacy of the proposed method, we performed several experiments using the categorical entropy loss function (CCE) and Table 8 show that the proposed method has a great impact on the performance of KL-MOB, thereby justifying the selection of the proposed network architecture and its associated training/learning schemes. Figure 12 shows the confusion matrix of the proposed network: all classes are identified with high true positives. Note that the COVID-19 cases are 99% correctly classified by the KL-MOB model. Only 1% of COVID-19 cases are misclassified as pneumonia (non-COVID-19), and 1.4% of the normal cases are misclassified as pneumonia. Only 0.2% of pneumonia (non-Covid-19) cases are wrongly classified as COVID-19. These results demonstrate that the proposed KL-MOB has a strong potential for detecting COVID-19. In particular, with limited COVID-19 cases, the results show that no confusion arises between normal patients and COVID-19 patients. In our experiment of 100 patients with COVID-19, only one was misclassified with a 99.0% PPV for COVID-19, which compares favorably with previous results of 98.9% and 96.12% for Wang, Lin & Wong (2020) and Rezaul Karim et al. (2020) , respectively. In addition, we compare the results obtained from the KL-MOB model with those from previous studies that used the same or similar datasets for evaluation (see Table 9 ). Not included in the comparison are studies that used smaller datasets (Farooq & Hafeez, 2020; Afshar et al., 2020; Hirano, Koga & Takemoto, 2020; Ucar & Korkmaz, 2020) . The results show that, for all performance metrics [accuracy, sensitivity (TPR), specificity, and PPV for overall detection], the KL-MOB model produces superior results compared with the models of Wang, Lin & Wong (2020) and Rezaul Karim et al. (2020) . The promising deep learning models used for the detection of COVID-19 from radiography images indicate that deep learning likely still has untapped potential and can play a more significant role in fighting this pandemic. There is definitely still room for improvement through: (a) the other preprocesses such as increasing the number of images, implementing another preprocessing technique, i.e., data augmentation, utilizing different noise filters, and enhancement techniques. (b) design a model that deals with multiple This work proposes a novel CNN-based MobileNet-structured neural network for detecting COVID-19 using COVIDx, which is the most widely used public dataset of CXR images to date. The evaluation of this approach shows that it outperforms the recent approach in terms of accuracy, specificity, sensitivity, and precision (98.7%, 98.%, 98.32% and 98.37%, respectively). The proposed method relies on image manipulation by applying a hybrid technique to enhance the visibility of CXR images. This advanced preprocessing technique facilitates the task of the KL-MOB model to extract features, allowing complex patterns in medical images to be recognized at a level comparable to that of an experienced radiologist. The KL divergence is used to boost the performance of the KL-MOB model, which outperforms recent approaches, as shown by the results. The KL divergence between the μ;σ distribution and the prior is considered as a regularization, which aids to overcome the overfitting problem. Moreover, it is also believed that the notion of using KL divergence can be extended to other similar scenarios such as content-based image retrieval and fine-grained classification to improve the quality of object representation. Considering several essential factors such as the pattern by which COVID-19 infections spread, image acquisition time, scanner availability, and costs, we hope that these findings will make a useful contribution to the fight against COVID-19 and increase the acceptance of artificial-intelligence-assisted applications in clinical practice. In future work, we will further enhance the proposed method's performance by including lateral views of CXR images in the training data because, in some cases, frontalview CXR images do not permit a clear diagnosis of pneumonia cases. Besides, this work lacked in applying some of the techniques such as progressive resizing (Bhatt, Ganatra & Kotecha, 2021a) , which can be applied to CNNs to carry out imaging-based diagnostics. Furthermore, visual ablation studies (Bhatt, Ganatra & Kotecha, 2021b; Joshi, Walambe & Kotecha, 2021; Gite et al., 2021) can be performed along with deep learning, which will significantly improve the detection of COVID-19 manifestations in the CXR images. Since only a limited number of CXR images are available for COVID-19 infection, out-of-distribution issues may arise, so more data from related distributions is needed for further evaluation. There are several techniques that would be another way to overcome this problem, include, but are not limited to data augmentation techniques (Chaudhari, Agrawal & Kotecha, 2019), transfer learning Bhatt, Ganatra & Kotecha, 2021a) , domain-adaptation (Zhang et al., 2020; Jin et al., 2021) and adversarial learning (Goel et al., 2021; Rahman et al., 2021a; Motamed, Rogalla & Khalvati, 2021) , etc. Finally, the image enhancement must be verified by a radiologist, which we have not yet been able to do due to the emerging conditions. This work was supported by the National Natural Science Foundation (61572177). No additional external funding received for this study. The funders had no role in study design, data collection and analysis, decision to publish, or preparation of the manuscript. The following grant information was disclosed by the authors: National Natural Science Foundation: 61572177. Mohammed Alghaili performed the computation work, authored or reviewed drafts of the paper, and approved the final draft. Asaad Shakir Hameed analyzed the data, prepared figures and/or tables, and approved the final draft. Modhi Lafta Mutar analyzed the data, prepared figures and/or tables, and approved the final draft. The following information was supplied regarding data availability: The data are available at GitHub: -https://github.com/lindawangg/COVID-Net/blob/ master/docs/COVIDx.md. -https://github.com/ml-workgroup/covid-19-image-repository. -https://github.com/armiro/COVID-CXNet/tree/master/chest_xray_images/covid19. The python code for training and evaluation are available as Supplemental Files. Supplemental information for this article can be found online at http://dx.doi.org/10.7717/ peerj-cs.694#supplemental-information. COVID-CAPS: a capsule network-based framework for identification of COVID-19 cases from x-ray images Reconet: multi-level preprocessing of chest x-rays for COVID-19 detection using convolutional neural networks A deep neural network to distinguish COVID-19 from other chest diseases using x-ray images Variational representation learning for vehicle re-identification Facefilter: face identification with deep learning and filter algorithm Extracting possibly representative COVID-19 biomarkers from x-ray images with deep learning approach and image data related to pulmonary diseases Covid-19: automatic detection from x-ray images utilizing transfer learning with convolutional neural networks Covid-19 pulmonary consolidations detection in chest x-ray using progressive resizing and transfer learning techniques A multi-task pipeline with specialized streams for classification and segmentation of infection manifestations in COVID-19 scans Covid-resnet: a deep learning framework for screening of covid19 from radiographs Learning a distance metric by balancing kl-divergence for imbalanced datasets Explainable stock prices prediction from financial news articles using sentiment analysis Automatic screening of COVID-19 using an optimized generative adversarial network Covid-cxnet: detecting COVID-19 in frontal chest x-ray images using deep learning Covidx-net: a framework of deep learning classifiers to diagnose COVID-19 in x-ray images Vulnerability of deep neural networks for detecting COVID-19 cases from chest x-ray images to universal adversarial attacks COVID-19 detection through transfer learning using multimodal imaging data Mobilenets: efficient convolutional neural networks for mobile vision applications Noise removal and contrast enhancement for x-ray images An analysis of x-ray image enhancement methods for vertebral bone segmentation Domain adaptation based self-correction model for COVID-19 infection segmentation in CT images A review on explainability in multimodal deep neural nets An efficient adaptive median filtering approach for the removal of impulse noise Effectiveness of non-local means algorithm with an industrial 3 mev linac high-energy x-ray system for non-destructive testing Adam: a method for stochastic optimization Auto-encoding variational bayes Towards an effective and efficient deep learning model for COVID-19 patterns detection in x-ray images A Cascade-SEME network for COVID-19 detection in chest x-ray images Diagnosing COVID-19 pneumonia from x-ray and ct images using deep learning and transfer learning algorithms A critic evaluation of methods for COVID-19 automatic detection from x-ray images Automatic detection of COVID-19 infection from chest x-ray using deep learning A new adaptive method for removing impulse noise from medical images Randgan: randomized generative adversarial network for detection of COVID-19 in chest x-ray Automatic detection of coronavirus disease (COVID-19) using x-ray images and deep convolutional neural networks Research on removing noise in medical image based on median filter method Automated detection of COVID-19 cases using deep neural networks with x-ray images Filters used in x-ray chest images for initial stage tuberculosis detection Automated diagnosis of COVID-19 with limited posteroanterior chest x-ray images using fine-tuned deep neural networks Chest x-ray image phase features for improved diagnosis of COVID-19 using convolutional neural network Multi-scaled non-local means parallel filters for medical image denoising Adversarial examples-security threats to COVID-19 deep learning systems in medical iot devices Exploring the effect of image enhancement techniques on COVID-19 detection using chest x-ray images Denoising of magnetic resonance and x-ray images using variance stabilization and patch based algorithms Fast and accurate detection of COVID-19-related pneumonia from chest x-ray images with novel deep learning model DeepCOVIDExplainer: explainable COVID-19 diagnosis based on chest x-ray images Covid-19 detection in chest x-ray images using a deep learning approach Adaptive median filter algorithm to remove impulse noise in x-ray and CT images and speckle in ultrasound images Triad histogram to enhance chest x-ray image Detection of coronavirus disease (COVID-19) based on deep features Covidlite: a depth-wise separable deep neural network with white balance and clahe for detection of COVID-19 An approach for de-noising and contrast enhancement of retinal fundus image using clahe Improving part algorithm with kl divergence for imbalanced classification The authors declare that they have no competing interests. Mundher Mohammed Taresh conceived and designed the experiments, performed the experiments, analyzed the data, performed the computation work, authored or reviewed drafts of the paper, and approved the final draft. Ningbo Zhu performed the computation work, prepared figures and/or tables, and approved the final draft. Talal Ahmed Ali Ali conceived and designed the experiments, authored or reviewed drafts of the paper, and approved the final draft.