key: cord-0765659-amyxece0 authors: nan title: Applying Different Machine Learning Techniques for Prediction of COVID-19 Severity date: 2021-09-28 journal: IEEE Access DOI: 10.1109/access.2021.3116067 sha: f335b6614493e40a850e660eef4dc8a944dda053 doc_id: 765659 cord_uid: amyxece0 Due to the increase in the number of patients who died as a result of the SARS-CoV-2 virus around the world, researchers are working tirelessly to find technological solutions to help doctors in their daily work. Fast and accurate Artificial Intelligence (AI) techniques are needed to assist doctors in their decisions to predict the severity and mortality risk of a patient. Early prediction of patient severity would help in saving hospital resources and decrease the continual death of patients by providing early medication actions. Currently, X-ray images are used as early symptoms in detecting COVID-19 patients. Therefore, in this research, a prediction model has been built to predict different levels of severity risks for the COVID-19 patient based on X-ray images by applying machine learning techniques. To build the proposed model, CheXNet deep pre-trained model and hybrid handcrafted techniques were applied to extract features, two different methods: Principal Component Analysis (PCA) and Recursive Feature Elimination (RFE) were integrated to select the most important features, and then, six machine learning techniques were applied. For handcrafted features, the experiments proved that merging the features that have been selected by PCA and RFE together (PCA + RFE) achieved the best results with all classifiers compared with using all features or using the features selected by PCA or RFE individually. The XGBoost classifier achieved the best performance with the merged (PCA + RFE) features, where it accomplished 97% accuracy, 98% precision, 95% recall, 96% f1-score and 100% roc-auc. Also, SVM carried out the same results with some minor differences, but overall it was a good performance where it accomplished 97% accuracy, 96% precision, 95% recall, 95% f1-score and 99% roc-auc. On the other hand, for pre-trained CheXNet features, Extra Tree and SVM classifiers with RFE achieved 99.6% for all measures. Predicting the severity risk of any disease at an early stage is a crucial task and has many effects, like reducing the mortality rate, consuming hospital resources, and supporting doctors in their decision making. In the current critical period, during the spread of coronavirus around the world and the increasing number of patients and deaths, the number of COVID-19 patients reached nearly 230 million while the number of deaths was 4.7 million around the world till now during writing this research, according to statistics from Johns Hopkins University [1] . The associate editor coordinating the review of this manuscript and approving it for publication was Derek Abbott . The United States is the head of the countries, followed by Brazil, India, France, Russia, Italy, and many other countries. The reasons behind this growth in numbers are the high prevalence of COVID-19, late diagnosis, and lack of resources in many hospitals to absorb this pandemic. Therefore, predicting the severity risk of COVID-19 patients is a critical task and has many positive outcomes, such as providing the required health care for each patient according to his severity, good consumption of hospital resources that give the highest priority to the high-risk patient, and assisting doctors in making their decisions that will lead to improvement in the patient's treatment. Three main resources that could be used to detect COVID-19: X-ray images, computed tomography (CT) and VOLUME 9, 2021 This work is licensed under a Creative Commons Attribution 4.0 License. For more information, see https://creativecommons.org/licenses/by/4.0/ reverse transcription-polymerase chain reaction (RT-PCR). The best type is RT-PCR, but it is very expensive, not available in all hospitals and takes a lot of time to get the results. Therefore, many doctors depend on chest radiological imaging such as X-rays and CT for early diagnosis and treatment of this disease [2] . CT is a very sensitive tool, but its results can be observed after a long time according to the onset of symptoms, where normal CT takes from zero to two days to see its findings [3] , so CT is difficult to use in monitoring patients periodically. Chest-X ray (CXR) radiography is less sensitive than CT and RT-PCR, but it is one of the most commonly used and accessible methods for rapid examination of lung conditions. X-ray findings are observed in a short time and it is not an expensive technique, so it can be used periodically to monitor the patient's status. Feature extraction is a big challenge, especially when the dataset size is small. The features of an image are quantitative data values or pixel intensities that hold meaningful information about pixels of an image in terms of local and/or global variations. It is the process of locating a feature vector representation of input images, and effectively isolating the most critical variables relevant to the aim of the intended application. Currently, two main approaches are used for feature extraction in X-ray images, namely non-handcrafted (deep learning) and handcrafted feature extraction. The deep learning technique extracts local features from images as much as possible, but it is more suitable for large datasets. Most of the published research that has relied on chest X-ray images in its work so far focuses either on the diagnosis the disease itself or the distinction between COVID-19 and other types of pneumonia, as in [4] - [9] . These studies depended on the Convolutional Neural Network (CNN) techniques and different pre-trained models like ResNet, DenseNet, CheXNet, Xception, VGG, and others. In [10] , the authors used X-ray images to detect specific severity scores of COVID-19 as a regression problem with a pre-trained deep learning model called DenseNet where X-ray images were scored retrospectively by experts in terms of the extent of lung involvement, which is called geographic extent score (range 0-8), as well as the degree of opacity, which is named lung opacity score (range 0-6), and mean absolute error (MAE) was calculated to evaluate the model. Unfortunately, sometimes deep learning models may suffer from over-fitting problems [11] , cause high bias because they extract unknown and abstract features [12] , and need high-dimensional datasets to obtain higher performance. To overcome such problems, some researchers used pre-trained transfer learning models to take advantage of the potential of deep learning techniques. On the other hand, the handcrafted techniques manually extract more known or meaningful features designed for a specific problem. The important advantages of this approach are that it does not require a large dataset as well as the extraction of more related features. Examples of these papers are [13] - [16] , in which the authors built a detection model to identify COVID-19 disease from other types of pneumonia based on X-ray images and used a combination of handcrafted methods to extract the features, then applied a machine learning algorithm for the detection task, where the results are promising. Selecting the most effective image features is an important step that has a significant impact on the quality and performance of the prediction model. It aims to remove all noise, redundant, and interrelated features. Finally, only the most informative features will be retained. The outcome of this step will come back to the high performance of classifiers because the number of features has become smaller and more informative. There are a lot of methods for feature selection, such as Filter-based [17] , Forward Selection, Backward Elimination, Recursive Feature Elimination (RFE), Principal Component Analysis (PCA), Linear Discriminant Analysis (LDA) [18] , [19] , and optimization techniques [20] - [22] . Some of these techniques were utilized for selecting features from X-ray images [23] , [24] for Covid-19 detection. X-ray images have important characteristics where they are used as the initial step for disease detection and to monitor the patient's condition in both the hospital and ICU. For this reason, they are used in most of the current research work to detect and diagnose diseases, but, to our knowledge, not used in any research work for severity prediction. Therefore, in this study, a prediction model has been built to predict different types of severity risks of a patient based on a public dataset of X-ray images [25] . The proposed model can predict early the dangers of death and severity risks of the patient to determine the resources required to deal with the patient's condition. It may predict whether the patient will need to enter the Intensive Care Unit (ICU) or not, as well as report his death. The model is designed to predict different levels of patient severity using handcrafted and pre-trained CheXNet techniques to extract the features of images. Then, merge the features produced by Principal Component Analysis (PCA) and Recursive Feature Elimination (RFE). Finally, classical and ensemble machine learning algorithms are applied. The paper is organized as follows, Section II presents the material and methods of the proposed framework. Then, Section III demonstrates the experimental setup details and Section IV shows the results and discussion. After that, Section V reveals the limitations of the proposed study. Finally, Section VI concludes the study. The details of the proposed framework for COVID-19 severity level prediction are presented in this section. First, the overall architecture of the framework is described, then the applied methodology for predicting the severity level is discussed. The proposed framework consists of four main phases, as shown in Fig. 1 . Firstly, the input X-ray dataset is passed to data pre-processing to resize and normalize the images. Then, different feature extraction methods are applied to extract the features. After that, feature selection techniques are executed to select the most important features in the images, and finally, different machine learning classifiers are applied to build the models. The main phases of the proposed framework are briefly described in this section. The data pre-processing phase aims at preparing the data to be used in the prediction model. Usually, data are messy and come from different sources with different sizes and resolutions. So, this phase is crucial for cleaning up and normalizing the data to reduce the complexity and increase the accuracy of the prediction model. Different types of transformations could be executed according to the dataset like, re-sizing, rotating, shifting, normalizing, and so on. The four steps of preprocessing are sequentially executed on the dataset as described in Fig. 1 . Firstly, transform the image to grayscale to better display diagnostically important information and optimize the radiographic information content [26] . Secondly, for handcrafted features, resize the image to 512 × 512 dimension as recommended by [16] , [27] , [28] to guarantee that the image retains the most informative information about the patient's severity level. Otherwise, being smaller than 512 × 512 may lead to a loss in information related to the same assigned class of the whole image. For deep features, resize images to 224 × 224 to be suitable for the required input for the CheXNet pre-trained model. Third, normalizing the image by min-max technique to rescale the image pixels in the range of 0-1, then applying Adaptive Histogram Equalization (AHE) to enhance the image contrast and improve the medical image. Fig. 2 shows examples of X-ray images before and after the data preprocessing phase. In this study, due to the small size of the used dataset and the motivating results of using the handcrafted techniques and pre-trained models for extracting features from medical images in other published papers [8] , [9] , [13] , [14] , [29] - [31] , so the features would be extracted using two different techniques: the pre-trained CheXNet deep model and a set of handcrafted descriptors. CheXNet Deep Features: CheXNet [32] is a 121-layer convolutional neural network based on the DenseNet architecture [33] . It trained over 100 000 frontal view chest X-ray images for 14 pneumonia diseases. The performance of CheXNet was compared with four academic radiologists who annotated a test set and is said to exceed average radiologist performance in detection. The summary design of the used pre-trained CheXNet model is outlined in Fig. 3 . It consists of five convolution blocks and a max-pooling layer to extract features from X-ray images. The model generates 9216 features used by the proposed prediction model. Handcrafted Features: The features are extracted in the spatial and frequency domains as described in 1) Fast Fourier Transform (FFT) is a technique for transforming digital images into a series of sine and cosine waves with different frequencies and amplitudes. The transformed content varies according to the different frequency ranges, where the higher frequency ranges have more significant texture components. Then, the same texture features mentioned above are extracted from the transformed image. 2) Wavelet transform is a technique for transforming images into time and frequency representations. Practically, it uses low-pass and high-pass filters for the high and low scales to decompose each picture into four components: approximation (I LL ), horizontal (I LH ), vertical (I HL ), and diagonal (I HH ) coefficients. After that, the 14 texture features were extracted from the transformed coefficients. Finally, all the texture features that were extracted by the mentioned methods are combined to form the image features. Two different methods are used for selecting the most significant features: Principal Component Analysis (PCA) and Recursive Feature Elimination (RFE). They are fast, popular in many domains, have fewer parameters, simple implementation, and require low computations. Principal Component Analysis (PCA) is an orthogonal transformation that converts a group of possibly correlated features into a smaller number of interrelated features called principal components [34] . The objective of PCA is to reduce the dimensionality of the dataset while retaining most of the original variability in the data. It is done by projecting the original dataset into the reduced space of PCA using the eigenvectors of the correlation/covariance matrix. The resulting projected data are linear combinations of the original data describing most of the variance in the data where the first component contains the largest amount of data variance. After that, each subsequent component has the remaining data variability as possible. Algorithm 1 presents the steps of PCA for reducing dimensionality. Input: Image features, the number of features. Output: The most principal components 1: Standardize data by Z scored to transform all variables to be in the same scale; 2: Compute the covariance matrix (A) of the standardized data for each two variables X and Y; 3: Calculate the eigenvectors (v) and eigenvalues (λ) of the covariance matrix and store the eigenvalues in a descending order;v where I is the identity matrix. 4: Sort the eigenvectors according to their decreasing order of eigenvalues; 5: Choose k eigenvectors with the largest eigenvalues; 6: Transform the data from the original dimensions to the reduced ones (k) represented by the principal components; 7: return the most k principal components. Recursive Feature Elimination (RFE) [35] is a backward wrapper feature selection algorithm that uses a machine learning classifier to select the optimal features. The classifier is used as an objective function and RFE tries to find the most effective features that increase the classification result. The process of RFE for feature selection works as presented in Algorithm 2: Fit the classifier with all features; 3: Rank features according to its importance for the model results; 4: Remove the weakest feature; 5: if the desired number of features are reached, stop. else, go to step 2; 6: end while 7: return the best selected features. To build a robust predictive model, different machine learning classifiers were compared. Six classifiers: K Nearest Neighbors (KNN), Random Forest (RF), Extra Tree (ET), Bagging, eXtreme Gradient Boosting (XGBoost), and Support vector machine (SVM) were used. K Nearest Neighbors (KNN) is a supervised algorithm developed by Thomas Cover [36] for classification and regression problems. It uses a feature similarity method to predict the label of a new given point, which further means that the new test point will be classified according to the majority vote of the nearest K neighbours in the training set, where K is the number of neighbours. It is characterized as simple, easy-to-implement, depending on only a single parameter (K), and effective classifiers. Bootstrap aggregating, also known as (Bagging), is one of the simplest ensemble-based techniques that was developed by Breiman [37] . It is used for variance reduction for those algorithms that have high variance, like decision tree classifiers. It is designed to make decision trees more robust and to achieve better performance. The idea behind the bagging classifier is to gather the predictions of several ''weak learners'' to form a ''strong learner'' with a more accurate output. Here, each decision tree refers to a ''weak learner'', whereas a combination of these trees together is a ''strong learner''. It uses the bootstrap concept to generate new training sets from the original dataset with replacements, where the generated dataset is called the Bootstrapped dataset. The size of the bootstrapped dataset is typically the same or smaller than the size of the original dataset. The steps of the classifier are as following: 1) Sample many new random training sets from the original dataset with replacements (Bootstrapped datasets); 2) Build a decision tree classifier for each created bootstrapped dataset; 3) Feed the original dataset into each of the previously built classifiers and keep track of the determined classification; 4) Use the determined classification to select the final decision by majority voting. The Random Forest (RF) is an ensemble classifier and an improved version of the original bagging classifier. The forest consists of many decision trees and the final classification result is determined by aggregating all classification results of these composed trees and taking the majority vote of classification results from them [38] . It differs from the bagging algorithm by using a learning algorithm that selects a random subset of the features at each split in the growing phase. The reason for doing this is to make all the decision trees different because each tree uses a random different subset of data. Extra Tree (ET) is a supervised ensemble classifier proposed by Geurts et al. [39] . It is also based on a set of decision trees, uses majority voting for the final decision on classification problems, and randomly selects a subset of features when choosing the partition of each node like RF. The difference between ET and any other ensemble algorithm is that it contains a bias/variance analysis where it uses the whole original samples rather than bootstrapped samples that will reduce the bias. On the other hand, the selection of cut points to split nodes in the tree is random, which will reduce the variance. The performance is similar to other ensemble classifiers, but ET can be computationally faster [40] . EXtreme Gradient Boosting (XGBoost) is an ensemble supervised classifier [40] . It is a scalable machine learning system for gradient tree boosting. XGBoost builds one tree at a time in a forward manner; each new tree is created and added to the ensemble model to correct the errors made by the previous ones sequentially until no further improvements can be made; and then, the trees added together to predict the final result. It is named gradient boosting because it uses the gradient descent algorithm to decrease the loss when adding new trees. It differs from RF, where RF builds each tree independently, while XGBoost adds each one sequentially. Also, RF combines the results of the trees at the end of the process by voting for the majority result, whereas XGBoost combines the results along the way. The most important advantage of this classifier is that it uses a more regularized model formalization to reduce over-fitting and enhance performance. Support vector machine (SVM) is a supervised machine learning algorithm proposed by Cortes and Vapnik [41] . The objective of SVM is to find the optimal decision boundary with a maximum margin hyperplane between the different classes of samples. To achieve that, SVM needs to convert the space of the input data from a low-dimensional space into a higher-dimensional space to separate datasets into different samples with the optimal boundary. This conversion is implemented by a technique called a kernel. The kernel converts non-separable problems into separable problems by adding more dimensions to data. The commonly used kernel methods include Radial basis kernel, Polynomial kernel, and Linear kernel. VOLUME 9, 2021 In this section, all the details of the used dataset, feature selection techniques, machine learning classifiers, and evaluation metrics are described. A public-available dataset developed by Cohen JP [25] has been used. The dataset contains data about COVID-19 patients and other pneumonia patients. It includes information about the patient like patient-id, age, X-ray image, type of disease, survival or not, and went-ICU or not. The cohort of the paper was built by first excluding all patients less than 18 years old; selecting only the confirmed COVID-19 patients that had a positive RT-PCR test: 40% female and 60% male patients; and then, using the variables that represent patient status, such as survival or not, as well as went-ICU to classify the patients. The aforementioned variables are used to label the severity of patients. Actually, two main variables are used to identify the severity level, namely survival and went-ICU variables. The classification of the severity is done according to the following rules: • if survival is false, it is called high severity; • if survival and went-ICU are true, it is termed moderate severity; • if survival is true and went-ICU is false, it is named low severity. These classification rules include mortality patients with a high severity class, patients who need to enter ICU as a moderate severity class, and patients with stable conditions who do not need to enter ICU as a low severity class, where the size of the cohort is 127 images. The splitting of the dataset is done by an 80/20 percentage for train/test sets and grouped by the patient-id to ensure that all X-ray images relating to each patient are distributed to only one (train/test) set. The aforementioned PCA steps were applied to the original data. Fig. 4 shows the variance ratio of different components for handcrafted and it is noted that 24 components represent 95% of the variance of the original data, so the number of selected principal components is 24 for handcrafted features. On the other hand, the variance ratio of CheXNet components is 103 components, which represents 95% of the variance of the original features. There are two types of hyperparameters required: the number of features to be selected and the algorithm to be used as an objective function in the feature selection process. Various algorithms have been tried, like gradient boosting, logistic regression, decision tree, random forest, and perceptron with different numbers of features. Every outcome of selected features by these experiments has been tested on the used machine learning classifiers in this study. Due to the large number of results, only the best hyper-parameter selection values are mentioned here, where the best estimator algorithm is perceptron and the optimal number of features is 28 for handcrafted and 100 for CheXNet deep features that performed well with the classifiers. For the hyper-parameters of the used classifiers, the grid search algorithm and a try and error approach were applied to find out the best values for them. Table. 1 reports the hyper-parameter values of the used classifiers. In order to evaluate the performance of the models, various scores were measured to ensure the results, like accuracy, macro-avg of sensitivity/recall, precision, f1 scores, and AUROC. The variable C refers to the number of classes and i ∈ C indicates to a specific class. TP, TN, FP, and FN stand for True Positive, True Negative, False Positive, and False Negative, respectively. • The precision score measures the ratio of correctly predicted positive observations to the total predicted positive observations by (4) . • Recall/Sensitivity calculates the ratio of correctly predicted positive observations to all observations in a true class using (5) . • F1-score is the weighted average between Precision and Recall calculations and is computed by (6) . It can be documented that this score is more useful than accuracy because it takes into account false positive and false negative measurements. • Accuracy simply calculates the ratio of correctly predicted observations to the total observations, as in (7). • To evaluate the general performance of different classifiers, the Macro-avg score has been chosen and computed as (8) for averaging calculation by classes. • The Area Under the Receiver Operating Characteristics (AUROC) is computed. It is an important performance measurement for classification problems. It computes the capability of the model to distinguish between the different classes, which means that the model with a higher AUC value can predict the class sample as its actual value. It is important to mention that all these measurements were computed for all different classifiers in all performed experiments. It is worth mentioning that many experiments have been executed and, due to the large number of results, only the main experiments are presented here. The paper experiments were implemented in the Python programming language using the sklearn package with its libraries for reporting the results like classification report, confusion matrix, roc curve, and AUC. All experiments were performed on the dataset mentioned in section III-A. Firstly, the preprocessing steps and the feature extraction techniques mentioned in II-B1 and II-B2 were applied. Then, the feature selection step is performed in different ways, as follows: 1) All extracted features were used (No feature selection methods were used). 2) PCA is applied to the extracted features. The results in Tables. 3, 4, 5, 6, 7, and 8 demonstrate that using the combined features of PCA and RFE over the handcrafted extracted features achieved the best results on all scores: accuracy, precision, recall, F1-score, and Roc-AUC with all classifiers compared with using all extracted features, PCA features, or RFE features alone. Also, the findings in Tables. 3 and 8 show that using the selected features by PCA was better than using the selected features by RFE with KNN and SVM classifiers respectively. It is appeared that RFE surpassed PCA with the Bagging classifier as described in Table 6 , while in the remaining results there were no big differences between using PCA or RFE with ensemble classifiers like Random Forest, XGBoost, and Extra Tree as presented in Tables. 4, 5, and 7 respectively. The compared results in Fig. 5 show that SVM and XGBoost achieved the best accuracy (97%) by using the merged features (PCA + RFE) compared with other classifiers. The details about the number of used CheXNet features for each experiment are described in Table. 9. For CheXNet deep features, the results in Tables. 10, 11, 12, 13, 14, and 15 demonstrate that RFE has achieved the best results with all classifiers compared with VOLUME 9, 2021 techniques in the COVID-19 pandemic would improve the healthcare system all over the world. This paper follows most of the proposed recommendations in [12] , like implementation replicability, where the source code has been uploaded on GitHub at https://github.com/safynaz/Cov-Sev,. The data pre-processing methods and the techniques for every step in the prediction model have been explained in sufficient detail as described in Section II. Also, the demographics of the used dataset did not include any pediatric images, but patients less than 18 years old were excluded, where most of the used cohort started at 20 years old and were 40% female and 60% male. The paper used two different techniques for feature extraction: handcrafted and deep learning techniques, not deep learning only like in some studies, which may cause high bias and overfitting. The most interesting thing is that the results have not been compared with the RT-PCR tests as the ground truth because some papers doubt that the RT-PCR test may be negative but the patient has COVID-19 whereas the paper results are compared with the ground truth of what happened with COVID-19 patients in the three levels of severity, whether patients would enter ICU, die or not. The target of this study is to propose a prediction model for early severity for COVID-19 patients, but the proposed models suffer from some limitations that can be solved in future work. Firstly, due to the small size of the available dataset, the proposed model used specific feature extraction techniques like deep transfer learning CheXNet and handcrafted descriptors rather than building and training deep models based on large and different types of COVID-19 severity images. Secondly, the proposed models were only validated internally and lack external validation due to data privacy and hospitals are not allowed to give any data. Third, although the prediction model based on the deep extracted features achieved perfect results with all measurements, it lacks interpretability and transparency because the extracted features are unknown and abstract over several model layers and neurons. Furthermore, most of the available images are compressed into JPEG and PNG, not the original DICOM formats, causing a loss in image quality and a lack of consistency. This study proposes a new predictive framework for the severity and mortality risk of COVID-19 patients to help doctors, hospitals, and medical facilities in their decision making about which patients need to get attention first before others, and at the same time, to keep hospitals' resources for high-risk priority patients. The proposed model is based on a public X-ray image dataset for confirmed patients with COVID-19 disease. The dataset is classified into three severity classes: high, moderate and low severity labels. The high severity class means that a patient may die, while the moderate severity class refers that a patient will need to enter the ICU, whereas the low severity indicates that a patient will not need to enter the ICU. Pre-trained deep CheXNet and hybrid handcrafted techniques were applied to extract the features from X-ray images, then two feature selection techniques were merged together: PCA and RFE, and many predictive models were built based on machine learning algorithms like KNN, Random Forest (RF), XGboosting, Bagging, Extra Tree, and SVM to compare and ensure the results. Many experiments were executed and the results revealed that, for handcrafted features, merging the selected features by PCA and RFE (PCA + RFE) achieved the best results with all classifiers where the number of used features is 52, which is nearly 25% of the original number of extracted features (252). Also, XGboost and SVM surpassed other classifiers with an accuracy of 97% and 100% roc-AUC with (PCA + RFE) selected features. On the other hand, for CheXNet deep features, RFE has achieved promising results with all measures by all classifiers and 99.6% for all measures with SVM and Extra tree classifiers where the number of selected features is 100 from originally 9216 features. COVID-19 Dashboard by the Center for Systems Science and Engineering (CSSE) at Johns Hopkins University (JHU) A perspective from China,'' Radiology Relationship to duration of infection,'' Radiology COVID-net: A tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images Automated detection of COVID-19 cases using deep neural networks with X-ray images CoroNet: A deep neural network for detection and diagnosis of COVID-19 from chest X-ray images A modified deep convolutional neural network for detecting COVID-19 and pneumonia from chest X-ray images based on the concatenation of xception and ResNet50 V2 Ensemble of CheXNet and VGG-19 feature extractor with random forest classifier for pediatric pneumonia detection A deep convolutional neural network for COVID-19 detection using chest X-rays Predicting COVID-19 pneumonia severity on chest X-ray with deep learning Analysing the limitations of deep learning for developmental robotics Common pitfalls and recommendations for using machine learning to detect and prognosticate for COVID-19 using chest radiographs and CT scans COVID-19 identification in chest X-ray images on flat and hierarchical classification scenarios Artificial intelligencebased chest X-Ray test of COVID-19 patients New machine learning method for image-based diagnosis of COVID-19 COVID-classifier: An automated machine learning model to assist in the diagnosis of COVID-19 infection in chest X-ray images A feature selection model based on genetic rank aggregation for text sentiment classification A multiobjective weighted voting ensemble classifier based on differential evolution algorithm for text sentiment classification Lda-based topic modelling in text sentiment classification: An empirical analysis A hybrid machine learning approach to identify coronary diseases using feature selection mechanism on heart disease dataset A bi-stage feature selection approach for COVID-19 prediction using chest CT images A binary clonal flower pollination algorithm for feature selection A machine learning-based framework for diagnosis of COVID-19 from chest X-ray images COVID-19 detection in chest X-ray through random forest classifier using a hybridization of deep CNN and DWT optimized features COVID-19 image data collection: Prospective predictions are the future Image processing in digital radiography: Basic concepts and applications Interpretable artificial intelligence framework for COVID-19 screening on chest X-rays Optimizing the performance of breast cancer classification by employing the same domain transfer learning from hybrid deep convolutional neural network model GLCM based feature extraction and medical X-ray image classification using machine learning techniques,'' in Proc Study of statistical methods for texture analysis and their modern evolutions Detection of pneumonia in chest X-ray images by using 2D discrete wavelet feature extraction with random forest CheXNet: Radiologist-level pneumonia detection on chest X-rays with deep learning Densely connected convolutional networks Principal component analysis Gene selection for cancer classification using support vector machines An introduction to kernel and nearest-neighbor nonparametric regression Bagging predictors Random decision forests Extremely randomized trees XGBoost: A scalable tree boosting system Support-vector networks She has many scientific research articles published in international journals in the topics of artificial intelligence, machine learning, and natural inspired optimization algorithms with the Faculty of Computers and Artificial Intelligence, Cairo University. She has more than 50 publications in local and international periodicals and conferences which qualified her to obtain the scientific publication award many times from Cairo University. Her research interests include quality assurance, knowledge-based system measurement, semantic networks, anthology development, social network analysis, and recommendation systems.SABAH SAYED MOHAMMAD received the M.Sc. degree in text mining field, titled with ''Text Classification and Clustering'' from the Computer Science Department, Faculty of Computers and Artificial Intelligence, Cairo University, Egypt, and the Ph.D. degree in computer science field, titled with ''A Computational Framework for Colorectal Cancer'' from the Computer Science Department, Faculty of Computers and Artificial Intelligence, Cairo University, in 2019. She is currently a Teacher with the Computer Science Department, Faculty of Computers and Artificial Intelligence, Cairo University. She has many scientific research articles published in international journals in the topics of bioinformatics, artificial intelligence, and machine learning. Her research interests include bioinformatics, cloud computing, soft computing, artificial intelligence, image processing, data mining, high performance computing, and meta-heuristics techniques.