Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

An interpretable machine learning framework for diagnosis and prognosis of COVID-19

  • Yongxian Fan ,

    Roles Funding acquisition, Project administration, Supervision, Writing – review & editing

    yongxian.fan@gmail.com

    Affiliation School of Computer Science and Information Security, Guilin University of Electronic Technology, Guilin, 541004, China

  • Meng Liu,

    Roles Data curation, Investigation, Software, Visualization

    Affiliation School of Computer Science and Information Security, Guilin University of Electronic Technology, Guilin, 541004, China

  • Guicong Sun

    Roles Supervision, Validation, Writing – review & editing

    Affiliation School of Computer Science and Information Security, Guilin University of Electronic Technology, Guilin, 541004, China

Abstract

Coronaviruses have affected the lives of people around the world. Increasingly, studies have indicated that the virus is mutating and becoming more contagious. Hence, the pressing priority is to swiftly and accurately predict patient outcomes. In addition, physicians and patients increasingly need interpretability when building machine models in healthcare. We propose an interpretable machine framework(KISM) that can diagnose and prognose patients based on blood test datasets. First, we use k-nearest neighbors, isolated forests, and SMOTE to pre-process the original blood test datasets. Seven machine learning tools Support Vector Machine, Extra Tree, Random Forest, Gradient Boosting Decision Tree, eXtreme Gradient Boosting, Logistic Regression, and ensemble learning were then used to diagnose and predict COVID-19. In addition, we used SHAP and scikit-learn post-hoc interpretability to report feature importance, allowing healthcare professionals and artificial intelligence models to interact to suggest biomarkers that some doctors may have missed. The 10-fold cross-validation of two public datasets shows that the performance of KISM is better than that of the current state-of-the-art methods. In the diagnostic COVID-19 task, an AUC value of 0.9869 and an accuracy of 0.9787 were obtained, and ultimately Leukocytes, platelets, and Proteina C reativa mg/dL were found to be the most indicative biomarkers for the diagnosis of COVID-19. An AUC value of 0.9949 and an accuracy of 0.9677 were obtained in the prognostic COVID-19 task and Age, LYMPH, and WBC were found to be the most indicative biomarkers for identifying the severity of the patient.

Introduction

Since December 2019, coronaviruses have spread worldwide, affecting many people’s lives. Globally, as of 5:48 pm, CET on November 2, 2022, COVID-19 cases have been reported to WHO, including 6,572,800 deaths. As of October 31, 2022, 6,283,553 have been confirmed cases [1]. Coronaviruses pose a massive threat to the health and lives of people worldwide. However, the large number of asymptomatic individuals shown by COVID-19 symptomatology makes differentiating between COVID-19 positive and negative individuals a challenge [2]. At the same time, the severity of SARS-CoV-2 pneumonia puts considerable pressure on intensive care resources (ICU) in hospitals without adequate resources [3]. Therefore, it is believed that a correct diagnosis of COVID-19 and a correct prognosis based on COVID-19 severity will be crucial for pandemic containment [4].

The clinical diagnosis of COVID-19 is based on clinical presentation, reverse transcriptase polymerase chain reaction (RT-PCR) [5], molecular diagnosis of the viral genome by chest X-ray or CT scan [6,7], and serologic blood tests. Most countries have opted for reverse transcriptase polymerase chain reaction testing of respiratory samples. But the high demand for RRT-PCR testing has exposed the limitations of this diagnostic on a large scale, such as long turnaround times [8,9], the need for trained personnel, expensive equipment, and demand for reagents outstripping supply [10]. The rapid antigen test is a screening test that identifies COVID-positive patients within 15 minutes but is less sensitive than the PCR test [11]. Therefore, an urgent search for other inexpensive and more accessible tests or complementary methods is essential.

On the other hand, although more than 80% of patients with COVID-19 are mild to moderate cases, approximately 14% of patients are severely ill, and 5% are critically ill [1]. Critically ill cases often develop acute respiratory distress syndrome (ARDS) or multiple organ dysfunction syndromes (MODS) within just two weeks of infection [12], consuming most of the healthcare resources and leading to high morbidity and mortality rates (up to 49%) [13]. Early prediction of COVID-19 severity can help to rapidly classify patients (isolation, hospitalization, ICU assignment, etc.) and optimize the use of medical resources and timely medical intervention [14,15]. There is an intense interest in using machine learning tools to combat the COVID-19 pandemic, including disease diagnosis, prediction, prevention, treatment, and prognosis. Davide Brinati et al. demonstrated the feasibility of applying routine, low-cost blood tests to machine learning studies and evaluating predictive models in large-scale screening of potentially COVID-19-infected individuals [16]. Several clinical studies have shown that COVID-19 patients exhibit considerable variation in blood parameters and that the identification of these parameters can play a vital role in the initial screening for COVID-19 [1720]. It isn’t easy even for experienced physicians to fully extract all the information in routine blood tests. However, machine learning algorithms can effectively learn and distinguish between the various associations observed in the parameters of regular blood tests. As a result, some initial efforts have begun to develop artificial intelligence methods for the diagnosis of COVID-19 and mortality from regular blood samples [19,2123]. In addition, there are also some research methods utilizing novel approaches to predict disease diagnosis [2426]. However, research efforts are still in their infancy.

Explainable machine learning refers to machine learning models that can explain why specific predicted results are made. In healthcare, there is a need for more than just delivering traditional machine learning metrics. Furthermore, clinical providers and other decision-makers prioritize the interpretability of the model’s underlying predictive patterns [27,28]. Physicians and others involved need to have confidence in the model’s predictions for such important decisions [29]. There is a close connection between interpretability and feature importance in machine learning. Feature importance helps us understand which features in the model have a greater influence on the prediction results. By analyzing feature importance, we can determine which features are key factors in the model’s decision-making process, thereby aiding our understanding of the model’s prediction process. Feature importance provides an explanation for the model’s prediction results. When a feature has higher importance, we can infer that it contributes more to the prediction results. This inference helps us understand why the model makes specific predictions and enhances trust and reliability in the model’s predictions.

In this study, we propose an interpretable machine learning framework KISM for the diagnosis and prognosis of COVID-19. First, we perform data pre-processing. Among them, we utilize the K-Nearest Neighbors Imputer(KNNImputer) algorithm to handle null values, employ the isolation Forest (iForest) for outlier detection, and then apply the Synthetic Minority Over-Sampling Technique (SMOTE) [30] for data distribution balancing. Second, machine learning algorithms- Support Vector machine(SVM), Extra Tree (ET), Random Forest(RF), Gradient Boosting Decision Tree(GBDT), eXtreme Gradient Boosting (XGB), Logistic Regression(LR), and ensemble model(REGX) are used. Finally, feature importance is reported by Feature_Importances [31] and SHapley Additive exPlanations (SHAP) [32] to meet the need for model interpretability in the healthcare setting. We conduct comparative experiments on two benchmark datasets.

Materials and methods

Method overview

In this section, we introduce KISM, a machine learning framework for the diagnosis and prognosis of COVID-19 that is designed to be interpretable. The framework utilizes various machine learning algorithms including Support Vector Machine (SVM), Extra Tree (ET), Random Forest (RF), Gradient Boosting Decision Tree (GBDT), eXtreme Gradient Boosting (XGB), Logistic Regression (LR), and ensemble learning. The framework is shown in Fig 1.

thumbnail
Fig 1. Framework of KISM for COVID-19 diagnosis and prognosis.

https://doi.org/10.1371/journal.pone.0291961.g001

SVM is a binary classification algorithm that aims to find a hyperplane to separate the samples. The goal is to maximize the distance between the line and the nearest sample points of the two categories.

ET is an integrated learning technique that combines the results of multiple decision trees collected in a forest to output classification results. Each decision tree in the extreme random tree is constructed from the original training samples.

RF is a model composed of multiple decision trees. Instead of building a large decision tree with the entire training dataset, RF constructs several small decision trees with different subsets of data and characteristic attributes. These trees are then merged to create a more powerful model.

GBDT is an iterative decision tree algorithm that constructs a set of weak learners (trees). The results of multiple decision trees are added up to produce the final prediction output.

XGB is an integrated machine learning algorithm based on decision trees. It uses a gradient-boosting framework and is suitable for classification and regression problems.

LR is a classification and prediction algorithm that predicts the probability of future results based on the performance of historical data.

Ensemble learning(REGX) is a machine learning method that combines the results of multiple learners to achieve better learning results than a single learner. In this framework, we use a two-stage classifier, where the output of the first-stage classifier (RF, ET, GBDT, XGB) is fed to the second-stage classifier (SVM) to improve the overall classifier performance. In addition, The name for this ensemble learning comes from the first-stage classifier model. The specific training process is shown in Fig 2.

thumbnail
Fig 2. A flowchart of the internal running of the REGX model.

https://doi.org/10.1371/journal.pone.0291961.g002

Then, to explain the model, this paper uses Feature_ Importance_ and SHAP to evaluate the contribution of each feature to the prediction as a way to show some vital feature markers that physicians may overlook.

For the parameter settings, all the parameters in this paper use the grid search algorithm. Improper selection of hyperparameters can lead to underfitting and overfitting of the model. The grid search can be well used to optimize the model performance by traversing the given parameter combinations, which is a training and comparison process. The selected hyper-parameter values are as follows in Table 1.

To prevent model overfitting, ten-fold cross-validation was applied to all machine learning models in this study. For ensemble models, the first-level models were built using ten-fold cross-validation and data shuffling. The experimental results were evaluated based on 100 repetitions. In each repetition, a random sample of the dataset was taken, with 80% used for training and 20% for testing model performance. The average value and 95% confidence interval of these 100 repetitions were calculated using the randomly selected datasets. The sample size for each repetition was set to 80% of the entire dataset. You can find more detailed model information on our GitHub homepage. The specific URL is https://github.com/liumeng2026/bookish-guacamole/.

Benchmark datasets

In this study, we evaluate the advantages of KISM on two authoritative datasets. The first dataset [33] was obtained from laboratory results of patients attending the Israel Albert Einstein Hospital in São Paulo, Brazil. It contains data from routine blood tests for both COVID-19 and non-COVID-19 cases. Following the work of Talha Burak Alakus et al, we selected 19 laboratory characteristics that are essential for the diagnosis of COVID-19 [34]. The final dataset contained ages and 18 laboratory test results for 600 patients. Of these patients, 520 had no findings, and 80 were COVID-19 patients. It contains 19 input features and one output feature.

The second dataset [35] was obtained from 196 COVID-19 patients diagnosed at Wuhan Red Cross Hospital between February 1, 2020, and March 15, 2020. The cases were classified as Mild-Moderate and Severe-Critically Severe [36]. The dataset contained 67 mild to moderate and 129 severe patients with eight input features and one output feature (Severity). For convenience, we denote the two datasets as Dataset1, and Dataset2, respectively. Detailed statistics are shown in Table 2.

thumbnail
Table 2. Details of the input and output characteristics of the COVID-19 datasets.

https://doi.org/10.1371/journal.pone.0291961.t002

Data preparation

Data pre-processing is essential in building machine learning models, and choosing the appropriate processing method helps reduce data redundancy and avoid noisy data, thus improving model performance. Preparing the data is divided into three steps.

(1) Handling of missing values.

KNNImputer is used to estimate missing values using k-nearest neighbors to fill in missing values such as None. The missing values for each sample are calculated using the average of the n_neighbors nearest neighbors found in the training set.

(2) Outlier detection.

We use iForest to remove outliers from the original data. iForest is suitable for detecting outliers in continuous data, where outliers are points that are sparsely distributed and far away from dense areas. In statistical terms, a sparse region in the data space means the probability of the data occurring in this region is low. Therefore, the data falling in these regions can be considered anomalous. Forest consists of isolated trees; each isolation tree is a binary tree structure. iForest is implemented in the following steps:

  • Randomly select several sample points as subsamples from the training data and put them into the root node of the tree.
  • A feature is randomly selected as a new node, and a cut point P is randomly generated in the current feature data: the cut point is generated between the maximum and minimum values of the specified dimension in the current node data.
  • A hyperplane is generated with this cut point. Then the current node data space is divided into two subspaces: data less than P in the specified dimension is placed in the left child of the current node, and data greater than or equal to P is placed in the right child of the current node.
  • Recursively execute the above two steps in the child nodes, and keep constructing new child nodes until there is only one data in the child nodes (no more cuts can be made), or the child nodes have reached the limited height of the tree.

After obtaining T isolation trees, the training of iForest is completed, and the generated iForest can be used to evaluate the test data. For every training data point x, it needs to traverse each isolation tree and determine the level at which x eventually resides in each tree. Thus, we can calculate the average path length of x in each tree, which allows us to derive the anomaly score for each instance based on the average path lengths.

In this paper, we adjust two parameters of iForest: n_estimators and contamination. After removing the outliers, the dataset is divided into an 80% training set and a 20% testing set.

(3) Balanced datasets.

The Dataset1 contains 87% SARS-CoV-2 negative patients and about 13% SARS-CoV-2 positive patients. The Dataset2 contains 34% mild to moderate patients and 66% severe patients. The up-sampling and down-sampling strategies are primary methods to solve the class imbalance problem. Up-sampling means increasing the number of minority class samples, and down-sampling means decreasing the majority class samples. We use SMOTE to achieve class balancing, which does not directly resample the minority classes but designs algorithms to artificially synthesize some new minority samples. The synthesis strategy of SMOTE is as follows:

  • For each sample a in the minority class, calculate its distance to all samples in the minority class sample set in terms of Euclidean distance to get its k-nearest neighbors.
  • Set a sampling ratio according to the sample imbalance ratio to determine the sampling multiplicity N. For each minority class sample a, select several samples randomly from their k-nearest neighbors, assuming that the selected nearest neighbor is b.
  • For each randomly selected nearest neighbor b, respectively, construct a new sample c with the original sample a according to the following formula:

(1) where represents a randomly selected number between 0 and 1.

Interpretability

Interpretability is not limited to machine learning models but also includes other aspects, such as intrinsic or ex-post classification, pre-model, intra-model, or post-model, and classification based on model results [37]. Explainable models provide essential insights into why predictions are made. However, they impose constraints on the model, representation(features), and user expertise. In contrast, model-independent explanatory systems provide a general framework for interpretability, allowing for flexible choices of model, representation, and user expertise [38]. Model-independent interpretability is critical in making machine learning more trustworthy and, ultimately, more beneficial [39].

An important step in classification models is the selection of appropriate features. The importance of a feature measures the magnitude and direction of the feature’s influence on the prediction, whether positive or negative. There are several methods used to determine feature importance. In this study, we use Feature_Importances_ and SHAP to evaluate the importance of features in predicting COVID-19.

The Feature_Importances_ attribute in scikit-learn returns the importance of the features. As explained in the official scikit-learn documentation as follows: the importance of a feature is computed as the (normalized) total reduction of the criterion brought by that feature. The importance of features is calculated by looking at the splits of each tree. The basic idea is that the more times a feature is selected as a split, the more influential the feature is. Shapley’s value originates from game theory, while the meaning of SHAP is to observe the effect of each feature in predicting a specific sample on the prediction result. The basic idea is to calculate the marginal contribution of an element when it is added to the model and then take the average value of the different marginal contributions of the feature in the case of all the feature sequences, i.e. the SHAP baseline value of a specific feature. The SHAP value measures the marginal contribution of a feature and is one of the best methods for model interpretation. The interpretability workflow used by KISM is shown in Fig 3. First, the dataset is trained by a black box model to obtain high-precision conclusions. Then, the critical biomarkers inspected by the black-box model are revealed through post hoc interpretability. Finally, the professional medical stakeholders can combine the interpretable model insight results with their medical expertise to reveal the most critical indicators in early diagnosis on time. In conclusion, through model interpretation, black box models can reveal important biomarkers that physicians may have overlooked due to the surge of infected patients in the COVID-19 pandemic.

Evaluation metrics

Appropriate model evaluation metrics are crucial to building a reliable model. In this work, we use objective evaluation metrics in machine learning: AUC, Accuracy, Precision, and Specificity. These performance metrics are calculated according to the confusion matrix. The confusion matrix contains information from four components.

  • True Positive (TP): The number of positive samples that are correctly classified,
  • False Positive (FP): The number of negative samples incorrectly labeled as positive samples.
  • True Negative (TN): The number of negative samples that are correctly classified.
  • False Negative (FN): The number of positive samples incorrectly labeled as negative samples.

As a result, multiple assessment metrics were defined as follows: (2) (3) (4) (5)

Moreover, The Receiver Operating Characteristic (ROC) curve is a composite indicator of the sensitivity and specificity of continuous variables, and each point on the ROC curve reflects the perceptibility of the same signal stimulus. The value of AUC is the area under the ROC curve. The AUC visually reflects the classification ability expressed by the ROC curve. The closer the AUC value is to 1, the better the model performance.

Results and discussion

Comparison experiments

The performance of the developed models, in terms of Accuracy, AUC, Precision, Specificity, F1-score, Recall and Sensitivity is reported in Table 3. As shown in Table 3, although some of the models on Dataset1 and Dataset2 were higher than ensemble learning on a partial index, overall the ensemble learning, achieved optimal results.

thumbnail
Table 3. Comparison of different machine learning model methods.

https://doi.org/10.1371/journal.pone.0291961.t003

In addition, we performed ablation experiments to compare the performance of machine learning methods with different combinations of integrated learning, and the results are shown in Table 4. Ensuring that all other conditions remain the same and we only change the combination of different tree models. We can see that combining four machine learning algorithms to obtain the most superior performance on both datasets, where the Accuracy of 97.87% and the AUC of 98.69% were obtained on Dataset1, and the Accuracy of 96.77% and the AUC of 99.49%were obtained on Dataset2. The results of the ablation experiments show that each tree model is valid and that REGX obtains optimal performance by combining the four tree models. Finally, the ROC curve of the REGX model is shown in Fig 4.

thumbnail
Table 4. Ensemble model end different machine learning combination model comparison.

https://doi.org/10.1371/journal.pone.0291961.t004

Comparison of KISM with Existing state-of-the-art methods

To demonstrate the benefits of KISM’s superiority and robustness, we compared it with other methods on two benchmark datasets.

Since the deep learning model proposed by Talha Burak Alakus et al. [34] only used 18 laboratory features without including age, for the sake of experimental rigor, we also conducted experiments on the KISM model using only the same 18 laboratory features. The results are shown in Table 5, where the bold font represents the best performance. From the table, it is evident that on Dataset1, KISM demonstrates significant advantages over the deep learning and machine learning models proposed by Samin Babaei Rikan et al. [40] and Ahmad A et al. [41]. While KISM has a lower recall rate compared to the work of Talha Burak Alakus et al. [34] and a lower F1-score compared to Su X et al. [42], all other core performance metrics are significantly higher than the other methods. In addition, we validated the improvements in accuracy and AUC of KISM on Dataset2. On Dataset2, each metric of KISM is significantly higher than the Multi-Criteria Decision Making (MCDM) algorithm proposed by Luo J et al [35]. In conclusion, our proposed method has superior performance and powerful generalization capabilities.

thumbnail
Table 5. Comparison of the performance of the KISM model on datasets with the state-of-the-art methods.

https://doi.org/10.1371/journal.pone.0291961.t005

Feature analysis

The ensemble learning model achieves the best performance in KISM, we study the importance of different features in the ensemble model to model performance. Fig 5 shows the importance of features returned by the Feature_Importances_ attribute on Dataset2, with higher Feature_Importances_ representing more important features. Fig 6 is a summation of the SHAP values of all the features of all the samples in Dataset2, which can reflect the feature importance and the contribution of each feature to the positive and negative prediction of the sample, with blue low and red high. The figures related to the importance of all features on Dataset1 are detailed in the S1 and S2 Figs. We can see that on the Dataset1, the top six features in Feature_Importance_ are Leukocytes, Platelets, Proteina C reativa mg/dL, Monocytes, Creatinine, and Eosinophils in that order. At the same time, the most important six in SHAP are Leukocytes, Platelets, Monocytes, Proteina C reativa mg/dL, Eosinophils, and Creatinine. In Feature_Importance_, the top five features are Age, LYMPH, LYMC, NEU, and NLR in order. For SHAP, the top five items are Age, WBC, LYMPH, NEU, and NEUT in order. In conclusion, by interpreting the model trained on Dataset1, we found that Leukocytes, platelets, and Proteina C reativa mg/dL were the most indicative biomarkers for the diagnosis of neointima. Applying the same approach on Dataset2, we further revealed that three important features, Age, LYMPH, and WBC were the most indicative biomarkers for identifying the severity of the patient.

thumbnail
Fig 5. Feature Importance (Feature_Importance_/Dataset2).

https://doi.org/10.1371/journal.pone.0291961.g005

Conclusion

Early diagnosis and severity prediction of COVID-19 is vital to prevent the spread of COVID-19. Recent studies have shown that blood tests can be used for the initial diagnosis and prognosis of patients with COVID-19 because they are less expensive, faster, and more readily available than other tests. In this study, we proposed a coronavirus classification framework KISM that contributes to the diagnosis and prognosis of COVID-19. The model uses seven machine learning classifier (SVM, ET, RF, GBDT, XGB, LR, and REGX) to improve the overall classifier performance. This model has the following advantages. First, the overall computational cost is low, and the model uses only routine blood test dataset as input for prediction with an integrated model of low complexity. Second, the model can be used as a reliable computational method to assist in the diagnosis and prognosis of COVID-19. In addition, this model is able to output model feature importance scores using Scikit-learn and SHAP, which helps physicians identify biomarkers that are easily overlooked.

Although the KISM framework has shown promising results in COVID-19 diagnosis and prognosis classification, it still has some limitations. Firstly, the two datasets used in this study are relatively small in size, which may limit the performance of the model to some extent. Therefore, future research should focus on using larger and more comprehensive datasets with a greater number of patients to train and test the model. The second limitation is that the scarcity of available datasets. Despite training and using two different datasets in the current research, it is still necessary to explore the generalizability of the model by utilizing more diverse datasets.

Supporting information

S1 Fig. Feature Importance (Feature_Importance_/ Dataset1).

https://doi.org/10.1371/journal.pone.0291961.s001

(TIF)

S2 Fig. Feature Importance (SHAP/ Dataset1).

https://doi.org/10.1371/journal.pone.0291961.s002

(TIF)

Acknowledgments

We thank the editor and the anonymous reviewers for their comments and suggestions.

References

  1. 1. WHO Coronavirus (COVID-19) Dashboard | WHO Coronavirus (COVID-19) Dashboard With Vaccination Data.
  2. 2. McConnell D, Hickey C, Bargary N, et al. Understanding the challenges and uncertainties of seroprevalence studies for SARS-CoV-2[J]. International Journal of Environmental Research and Public Health, 2021, 18(9): 4640.
  3. 3. Pnc A, Pmze F, Xuan D A, et al. Epidemiological and clinical characteristics of 99 cases of 2019 novel coronavirus pneumonia in Wuhan, China: a descriptive study[J]. 2020.
  4. 4. Wee L E, Sim X Y J, Conceicao E P, et al. Containment of COVID-19 cases among healthcare workers: The role of surveillance, early detection, and outbreak management[J]. Infection Control & Hospital Epidemiology, 2020, 41(7): 765–771.
  5. 5. Zimmermann K, Mannhalter J W. Technical aspects of quantitative competitive PCR[J]. BioTechniques, 1996, 21(2): 268–279.
  6. 6. Ai T, Yang Z, Hou H, et al. Correlation of chest CT and RT-PCR testing in coronavirus disease 2019 (COVID-19) in China: a report of 1014 cases[J]. Radiology, 2020.
  7. 7. Xu Y, Chen Y, Tang X. Guidelines for the diagnosis and treatment of coronavirus disease 2019 (COVID-19) in China[J]. Global Health & Medicine, 2020, 2(2): 66–72.
  8. 8. Nyarko E N Y, Kumi J, Ofori E K, et al. CoViD-19 rRT-PCR Testing Capacity in Ghana; Indications of Preparedness for Marburg virus Outbreak?[J]. medRxiv, 2022: 2022.10. 11.
  9. 9. Meng Z, Wang M, Song H, et al. Development and utilization of an intelligent application for aiding COVID-19 diagnosis[J]. MedRxiv, 2020.
  10. 10. Jindal H, Jain S, Suvvari T K, et al. False-negative RT-PCR findings and double mutant variant as factors of an overwhelming second wave of COVID-19 in India: an emerging global health disaster[J]. SN comprehensive clinical medicine, 2021, 3(12): 2383–2388.
  11. 11. Scohy A, Anantharajah A, Bodéus M, et al. Low performance of rapid antigen detection test as frontline testing for COVID-19 diagnosis[J]. Journal of Clinical Virology, 2020, 129: 104455.
  12. 12. Wu Z, McGoogan J M. Characteristics of and important lessons from the coronavirus disease 2019 (COVID-19) outbreak in China: summary of a report of 72 314 cases from the Chinese Center for Disease Control and Prevention[J]. jama, 2020, 323(13): 1239–1242.
  13. 13. Team E. The epidemiological characteristics of an outbreak of 2019 novel coronavirus diseases (COVID-19)—China, 2020[J]. China CDC weekly, 2020, 2(8): 113.
  14. 14. Gallo Marin B, Aghagoli G, Lavine K, et al. Predictors of COVID‐19 severity: a literature review[J]. Reviews in medical virology, 2021, 31(1): 1–10.
  15. 15. Mohammed M A, Abdulkareem K H, Al-Waisy A S, et al. Benchmarking methodology for selection of optimal COVID-19 diagnostic model based on entropy and TOPSIS methods[J]. Ieee Access, 2020, 8: 99115–99131.
  16. 16. Brinati D, Campaigner A, Ferrari D, et al. Detection of COVID-19 infection from routine blood exams with machine learning: a feasibility study[J]. Journal of medical systems, 2020, 44(8): 1–12.
  17. 17. Skegg D, Gluckman P, Boulton G, et al. Future scenarios for the COVID-19 pandemic[J]. The Lancet, 2021, 397(10276): 777–778.
  18. 18. Asrani P, Eapen M S, Chia C, et al. Diagnostic approaches in COVID-19: clinical updates[J]. Expert review of respiratory medicine, 2021, 15(2): 197–212.
  19. 19. Majumder J, Minko T. Recent developments on therapeutic and diagnostic approaches for COVID-19[J]. The AAPS journal, 2021, 23(1): 1–22.
  20. 20. Mi X, Zou B, Zou F, et al. Permutation-based identification of important biomarkers for complex diseases via machine learning models[J]. Nature communications, 2021, 12(1): 1–12.
  21. 21. Mir J M, Khan M W, Shalla A H, et al. A nonclinical spectroscopic approach for diagnosing COVID-19: a concise perspective[J]. Journal of Applied Spectroscopy, 2021, 88(4): 765–771.
  22. 22. Huyut M T, Velichko A. Diagnosis and Prognosis of COVID-19 disease using routine blood values and LogNNet neural network[J]. Sensors, 2022, 22(13): 4820.
  23. 23. Mohammad M A, Aljabri M, Aboulnour M, et al. Classifying the Mortality of People with Underlying Health Conditions Affected by COVID-19 Using Machine Learning Techniques[J]. Applied Computational Intelligence and Soft Computing, 2022.
  24. 24. Ahmad A, Akbar S, Tahir M, et al. iAFPs-EnC-GA: identifying antifungal peptides using sequential and evolutionary descriptors based multi-information fusion and ensemble learning approach[J]. Chemometrics and Intelligent Laboratory Systems, 2022, 222: 104516.
  25. 25. Ali F, Akbar S, Ghulam A, et al. AFP-CMBPred: Computational identification of antifreeze proteins by extending consensus sequences into multi-blocks evolutionary information[J]. Computers in Biology and Medicine, 2021, 139: 105006.
  26. 26. Ali F, Ahmed S, Swati Z N K, et al. DP-BINDER: machine learning model for prediction of DNA-binding proteins by fusing evolutionary and physicochemical information[J]. Journal of Computer-Aided Molecular Design, 2019, 33: 645–658.
  27. 27. Ahmad M A, Eckert C, Teredesai A. Interpretable machine learning in healthcare[C]//Proceedings of the 2018 ACM international conference on bioinformatics, computational biology, and health informatics. 2018: 559–560.
  28. 28. Tonekaboni S, Joshi S, McCradden M D, et al. What clinicians want: contextualizing explainable machine learning for clinical end use[C]//Machine learning for healthcare conference. PMLR, 2019: 359–380.
  29. 29. Kundu S. AI in medicine must be explainable[J]. Nature medicine, 2021, 27(8): 1328–1328.
  30. 30. Chawla N V, Bowyer K W, Hall L O, et al. SMOTE: synthetic minority over-sampling technique[J]. Journal of artificial intelligence research, 2002, 16: 321–357.
  31. 31. sklearn.tree.DecisionTreeClassifier—scikit-learn 1.1.3 documentation, https://scikit-learn.org/stable/modules/generated/sklearn.tree.DecisionTreeClassifier.html.
  32. 32. Lundberg S M, Lee S I. A unified approach to interpreting model predictions[J]. Advances in neural information processing systems, 2017, 30.
  33. 33. Schwab P, Schütte A D, Dietz B, et al. predCOVID-19: a systematic study of clinical predictive models for coronavirus disease 2019[J]. arXiv preprint arXiv:2005.08302, 2020, 76.
  34. 34. Talha Burak Alakus Ibrahim Turkoglu, Comparison of deep learning approaches to predict COVID-19 infection[J], Chaos, Solitons & Fractals, Volume 140, 2020, 110120.
  35. 35. Luo J, Zhou L, Feng Y, et al. The selection of indicators from initial blood routine test results to improve the accuracy of early prediction of COVID-19 severity[J]. PLoS One, 2021, 16(6): e0253329.
  36. 36. Lin L, Li T S. interpretation of" guidelines for the diagnosis and treatment of novel coronavirus (2019-ncov) infection by the national health commission (trial version 5)"[J]. Zhonghua yi xue za zhi, 2020, 100: E001–E001.
  37. 37. Carvalho D V, Pereira E M, Cardoso J S. Machine learning interpretability: A survey on methods and metrics[J]. Electronics, 2019, 8(8): 832.
  38. 38. Stiglic G, Kocbek P, Fijacko N, et al. interpretability of machine learning‐based prediction models in healthcare[J]. Wiley Interdisciplinary Reviews: Data Mining and Knowledge Discovery, 2020, 10(5): e1379.
  39. 39. Ribeiro M T, Singh S, Guestrin C. Model-agnostic interpretability of machine learning[J]. arXiv preprint arXiv:1606.05386, 2016.
  40. 40. Rikan S B, Azar A S, Ghafari A, et al. COVID-19 diagnosis from routine blood tests using artificial intelligence techniques[J]. Biomedical Signal Processing and Control, 2022, 72: 103263.
  41. 41. Ahmad A, Safi O, Malebary S, et al. Decision Tree Ensembles to Predict Coronavirus Disease 2019Infection: A Comparative Study[J]. Complexity, 2021, 2021: 1-8.Ahmad A, Safi O, Malebary S, et al. Decision Tree Ensembles to Predict Coronavirus Disease 2019Infection: A Comparative Study[J]. Complexity, 2021, 2021: 1–8.
  42. 42. Su X, Sun Y, Liu H, et al. An innovative ensemble model based on deep learning for prediction COVID-19 infection[J]. Scientific Reports, 2023, 13(1): 12322.