Fusion of Imaging and Non-Imaging Data for Disease Trajectory Prediction for COVID-19 Patients ============================================================================================== * Amara Tariq * Siyi Tang * Hifza Sakhi * Leo Anthony Celi * Janice M. Newsome * Daniel L. Rubin * Hari Trivedi * Judy Wawira Gichoya * Imon Banerjee ## ABSTRCAT **Purpose** This study investigates whether graph-based fusion of imaging data with non-imaging EHR data can improve the prediction of disease trajectory for COVID-19 patients, beyond the prediction performance of only imaging or non-imaging EHR data. **Materials and Methods** We present a novel graph-based framework for fine-grained clinical outcome prediction (discharge, ICU admission, or death) that fuses imaging and non-imaging information using a similarity-based graph structure. Node features are represented by image embedding and edges are encoded with clinical or demographic similarity. **Results** Our experiments on data collected from Emory Healthcare network indicate that our fusion modeling scheme performs consistently better than predictive models using only imaging or non-imaging features, with f1-scores of 0.73, 0.77, and 0.66 for discharge from hospital, mortality, and ICU admission, respectively. External validation was performed on data collected from Mayo Clinic. Our scheme highlights known biases in the model prediction such as bias against patients with alcohol abuse history and bias based on insurance status. **Conclusion** The study signifies the importance of fusion of multiple data modalities for accurate prediction of clinical trajectory. Proposed graph structure can model relationships between patients based on non-imaging EHR data and graph convolutional networks can fuse this relationship information with imaging data to effectively predict future disease trajectory more effectively than models employing only imaging or non-imaging data. Forecasting clinical events can enable intelligent resource allocation in hospitals. Our graph-based fusion modeling frameworks can be easily extended to other prediction tasks to efficiently combine imaging data with non-imaging clinical data. Keywords * Graph Neural Network * Fusion Model * Clinical Event Prediction ## INTRODUCTION To successfully perform any clinical prediction task, it is essential to learn effective representations of various data captured during patient encounters and model their interdependencies, including patient demographics, diagnostic codes, and radiologic imaging. Graph convolutional neural networks (GCN) present an intuitive and elegant way of processing multi-modal data presented as a graph structure. Recent works in GCN have enabled fusion of various data types and preserve their inter-dependency including imaging data such as MRI, CT scans, or X-rays with non-imaging electronic health record (EHR) or phenotypic data. Availability of comprehensive public databases such as TADPOLE [1], Alzheimer’s Disease Neuroimaging Initiative (ADNI)1 and ABIDE2 containing imaging and non-imaging information for patients with Alzheimer and autism spectrum disorder (ASD), respectively, has facilitated the use of GCN for disease prediction [2, 3, 4, 5, 6] with innovation in GCN architecture involving kernel size selection and use of recurrence. We build on this trend of research by applying the GCN model to understand the relationship between imaging and non-imaging data and by incorporating holistic weighted edge formation based on patient clinical history and demographic information. We propose a novel framework for fine-grained clinical event prediction for COVID-19 patients based on GCN-inspired models. ## BACKGROUND AND SIGNIFICANCE Much of the literature regarding predictive modeling for COVID-19 patients has been largely focused on either diagnosis by processing imaging data (chest X-rays) through deep convolutional neural networks (CNN) [7-12], or mortality prediction using clinical risk factors [13-17]. In contrast, we propose a graph-based framework (see Figure 4) for predictive modeling of disease trajectory during hospitalization of the patient. Our framework includes multi-stage predictive models for various clinical events such as discharge from the hospital, ICU admission, and mortality. While most of the previous work has focused on either imaging data or hand-picked clinical factors [15, 16, 18-20], our framework fuses chest radiographs with non-imaging EHR data to capture patient similarity based on clinical history and demographic factors. While a pre-trained model was used for chest X-ray featurization, we developed innovative feature engineering schemes to model sparse information regarding past medical procedures and diagnosed illnesses of patients. Our relational graph-based modeling allows prediction processes to gather cues from similar cases, i.e., patients with similar demographic features and medical history. Our experiments clearly indicate merits of our fusion modeling in comparison to models employing only imaging or only non-imaging features. Biases based on demographic features like race, or socio-economic indicators like insurance status, or alcohol use, may affect clinical decision making regarding discharge from hospital or admission into the ICU [21, 22]. Therefore, we investigated disparity in the predictions made by the proposed framework. ## MATERIALS AND METHODS We developed a graph-based fusion AI model to predict COVID-19 disease trajectory by using multi-modal patient data including radiology imaging data, demographic information, and clinical history (Figure 1). ![Figure 1:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F1.medium.gif) [Figure 1:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F1) Figure 1: Proposed Graph-based fusion AI framework for modeling image and EHR data ### Cohort description Following approval of the Emory Institutional Review Board (IRB), we collected all chest X-rays of patients with at least one positive RT-PCR test for COVID-19, performed in 12 centers of the Emory Healthcare network from January 2020 to December 2020. As shown in Figure 2, the data consisted of 47,555 chest X-rays belonging to 23,831 unique patients. We only considered posteroanterior (PA) and anteroposterior (A) view of chest radiographs during the period of hospitalization. We also collected hospital admission, mortality and discharge data from the hospital billing system. Patients who were never admitted, or those who were admitted but did not receive regular intervals of x-rays (at minimum every three days) were discarded. This left 2,201 unique patients corresponding to 2,983 hospitalizations for which chest-x rays were obtained at least every 3 days (7,813 total chest-x rays). In order to avoid data leakage, we applied a patient-wise split of the train and test sets. Some patients were hospitalized multiple times during the year 2020. We considered the chest X-ray exam date and time as a timepoint for predicting future clinical events and stratified these events based on severity – discharged from hospital with 3 days, admission to ICU, or death. There were 929 patients and 4,850 chest X-rays after which the patient was admitted to the hospital for more than three days. Out of these, 380 patients corresponding to 543 chest Xrays were admitted to ICU within 3 days. There were 1,754 patients corresponding to 2,963 chest X-rays who were discharged from hospital within 3 days. 220 patients corresponding to 502 chest X-rays died within 3 days. The selection process for this cohort is shown in Figure 2. Outcome data for this cohort was collected from hospital billing records and warehouse EHR data sources. Our goal was to predict adverse events as early as possible to provide enough decision making time for the clinicians. In our preliminary experiments, we evaluated 3 days up to 7 days, however given the unbalanced dataset, we found 3 days to be the most prevalent in terms of different prediction labels. This cut-off provided a rather balanced distribution of discharged vs. not discharged labels. ![Figure 2:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F2.medium.gif) [Figure 2:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F2) Figure 2: CONSORT style diagram for Cohort selection for internal data ### External test With the approval of Mayo Institutional Review Board, we shipped our Emory trained model to Mayo and evaluated externally on 50 unique patients admitted to the Mayo Clinic hospital between Jan 2020 – Dec, 2020 with a positive RT-PCR test. The patients have 293 chest X-rays during the period of hospitalization. Demographic and comorbidities statistics of both cohorts are provided in Table 1. View this table: [Table 1:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/T1) Table 1: Cohort characteristics - demographics, clinical history and insurance status. The numbers have been represented in terms of complete dataset (total cohort) as well as train and test split. ### Multimodal encounter data description and feature engineering To fulfill the aim of multi-modal data fusion, we tested different approaches to handling imaging and non-imaging data. #### Imaging Data We used a DenseNet-121 [23] pre-trained on the open-source chest CheXpert X-ray dataset [24], and fine-tuned on 199,029 non-COVID chest X-rays from EUH acquired in 2019, for processing normalized images. We dropped the final softmax classification layer of the DenseNet-121 model and extracted 1024-dimensional feature vectors from each image to construct a dense representation of the images. #### Non-Imaging EHR Data We extracted the current and historic EHR data from 2020 for all patients in our cohort. #### Demographic information Gender (male/female), self-reported race (African American, Caucasian, Native Hawaiian or Other Pacific Islander, Asian, American Indian or Alaska Native, Multiple, Unknown), ethnic group (Hispanic or Latino, Non-Hispanic or Latino, Unknown), and age at the time of admission (binned in 10-year intervals). All features were one-hot encoded. #### Current Procedural Terminology codes (CPT) CPT is a five-digit procedure code that reports medical, surgical, and diagnostic procedures and services to entities such as physicians, health insurance companies and accreditation organizations. CPT codes are maintained and grouped in a hierarchical structure by the American Medical Association (AMA). Each CPT code was reduced into a higher-order parent category based on the defined hierarchy 3 (details available in supplementary material). We selected all of 21 groups with more than 1000 occurrences. #### *Comorbiditie*s Past and current diagnoses of patients are structured as International Classification of Disease, 9th edition (ICD-9) codes which we grouped based on hierarchical structure [22] (details available in supplementary material). We selected all of 29 groups occurring more than 5000 times in the data. ### Graph-based Fusion model - Image and EHR Like any CNN, a GCN learns to generate a vector embedding of each node optimized for the downstream prediction task, While CNN defines ‘neighborhood’ of an instance based on spatial proximity such as neighboring pixels in images, GCN allows the neighborhood to be defined by edges in graph structure. Edges can be defined by any relevant similarity metrics/interconnection between the nodes, providing extreme flexibility for modeling complex clinical scenarios. Node embeddings generated by a GCN are dependent on node representation itself and neighborhood/edge-connected nodes. In our graph design, chest X-ray embeddings (1024-dimensional vector) are used as nodes and edges are decided by similarity in patients’ demographic information or medical history (see Figure 3). Therefore, our GCN supports the notion of ‘neighborhoods’ based on clinical and/or demographic similarity between patients and makes predictions for future clinical events by considering trends among similar patients. ![Figure 3:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F3.medium.gif) [Figure 3:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F3) Figure 3: Graph formation based on chest X-rays and patient similarity information; a) sample graph construction, b) 1% random subsample of an actual graph – red dots are nodes indicated by chest X-rays in sample graph, blue lines are edges which are constructed between nodes when similarity between corresponding patient features exceed a certain threshold. ![Figure 4:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F4.medium.gif) [Figure 4:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F4) Figure 4: Branched framework for disease trajectory prediction with three sequential decision points (highlighted in blue box) For edge formation, we encoded an EHR feature vector for each node (chest radiograph) based on one-hot encoding of EHR information of the patient corresponding to that radiograph. Edge formulation only employs retrospective data collected before the chest radiograph exam date to avoid any data leakage. Cosine similarity between EHR feature vectors corresponding to two nodes is used to decide edge between the nodes, while edge weight encodes the strength of the similarity between nodes. Many GCN variations are designed for transductive learning such that they can only process graph structures used for training with no ability to generalize to unseen nodes or new graph structure. To avoid this limitation, we used the SAGE (SAmple and aggreGatE) graph convolution network (GraphSAGE) [25] that optimizes a sample aggregate function to collect ‘messages’ from neighboring nodes while generating vector embedding of a node. For inference, GraphSAGE employs an optimized aggregate function to generate embedding for unseen nodes in unseen graph structures. GraphSAGE based prediction models can inductively reason to assign predictive labels to unlabeled nodes by learning from labelled nodes in the graph. #### Branched Framework of Prediction Forecasting the trajectory of disease, in terms of three clinical events, once the patient has been hospitalized is the focus of this work. Given the challenge of collecting a balanced dataset for multi-class classification, we modeled 3 sequential decision points and developed a pipeline for comprehensive prediction of possible clinical events. (Model1) - Prediction of discharge from the hospital: In the first decision point, Model-1 predicts whether the patient will stay in the hospital for more than 3 days (positive label) or not. (Model-2) - Mortality prediction: For negatively labeled instances by Model-1, in the second decision point, Model-2 predicts whether the patient will expire within 3 days (positive label) or not. (Model-3) - Prediction of Admission in ICU: Finally, for positively labelled instances from Model-1, Model-3 predicts whether the patient will be admitted to ICU within 3 days (positive label) or not. Distribution of positive and negative class labels is highly imbalanced, especially for Model-2 and Model-3 (Figure 2). We employed undersampling of majority label and weighted loss to tackle this challenge. In this framework, disease trajectory is predicted as predictive events include indicators of worsening (admission in ICU, mortality) or improving (discharge from hospital) prognosis. A patient is evaluated every time a chest radiograph is taken, while staying in the hospital. #### Model comparison and statistical evaluation Evaluation of the proposed modeling framework is focused on two aspects; 1) performance of the fusion model in comparison to models using single modality (either imaging data or non-imaging data), 2) comparative effectiveness of different EHR data sources in terms of graph structure definition-based prediction. We designed a Random Forest classifier and used the Pulmonary X-ray severity (PXS) scores computed by a CNN [26] to predict clinical events as well. As PXS scores are based on deep learning based processing of imaging data, we wanted to establish the benefits of our selection of imaging features in our relational graph by comparison. We report the model performance in terms of Area Under the Receiver Operating Characteristics curve (AUCROC), precision, recall and f1-score on held-out test-set from Emory University cohort, as well as on external test-set composed of patients’ of Mayo Clinic. ## RESULTS ### Quantitative performance Our framework consists of three binary prediction models: Model-1 (Discharge from hospital), Model-2 (mortality), Model-3 (ICU admission). Tables 2 presents results for these three prediction models evaluated using the class-wise and aggregated (weighted average) precision, recall, and F-score as well as confidence interval (95% confidence) on a randomly held-out set of test samples. In Figure 5, we also represent the receiver operating characteristics (ROC) curves for these evaluations. View this table: [Table 2:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/T2) Table 2: Performance of Model 1. Prediction of discharge from hospital within 3 days. Total number of held-out test samples - 1,545 with 563 discharged patients. CI stands for 95% confidence range calculated using bootstrapping with 1000 randomly subsampled sets from the held-out test set. Optimal performance is highlighted in bold. p-values have been computed using pairwise t-test with GraphSAGE CPT. Overall performance of the external dataset was represented in terms of macro average of precision, recall, and F-score. ![Figure 5:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F5.medium.gif) [Figure 5:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F5) Figure 5: ROC curves; (a) Model-1: discharge prediction, (b) Model-2: Mortality Prediction, (c) Model-3: ICU Admission Prediction Tables 2, 3, and 4 show the performance of predictive models - (1) *EHR only:* Random forest model using all EHR data sources as input (demographics, CPT groups, ICD-9 groups), (2) *PXS only:* Random forest model using only PXS score derived from the images as input, (3) *Image only*: softmax classification of the pretrained DensenNET-121 using chest X-ray as input, and (4) *GraphSAGE with XX:* GraphSAGE network with graph structure based on different EHR sources (XX) like demographics, CPT groups, and ICD-9 groups. View this table: [Table 3:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/T3) Table 3: Performance Model 2. Prediction of mortality of patients within 3 days. Total number of held-out test samples - 563 with 445 alive patients. CI stands for 95% confidence range calculated using bootstrapping with 1000 randomly subsampled sets from the held-out test set. Optimal performance is highlighted in bold. p-values have been computed using pairwise t-test with GraphSAGE CPT. Overall performance of the external dataset was represented in terms of macro average of precision, recall, and F-score. View this table: [Table 4:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/T4) Table 4: Performance Model 3. Prediction of admission to the ICU. Total number of held-out test samples - 592 with 110 ICU admitted patients.CI stands for 95% confidence range calculated using bootstrapping with 1000 randomly subsampled sets from the held-out test set. p-values have been computed using pairwise t-test with GraphSAGE ICD. Overall performance of the external dataset was represented in terms of macro average of precision, recall, and F-score. For both prediction of discharge from hospital and mortality, GraphSAGE with CPT achieved the highest performance, surpassing baseline single modality models - Image-only and EHR only, while PXS-only model also achieved suboptimal performance. GraphSAGE with demographics and ICD do not provide any significant boost over the baseline performance for both the prediction tasks. However, GraphSAGE with ICD was the best performing model for ICU admission prediction, surpassing the performance of single modality models and PXS-only model. Overall results demonstrate that graph-based models increase the performance beyond the performance of any individual source for all the target prediction tasks. The performance tables show p-values, computed by statistical t-test to evaluate statistically significant performance differences, for all models at all decision points compared with the best performing model at the corresponding decision point. ### Model bias analysis Interestingly, GraphSAGE models trained on demographic similarity data, do not surpass the performance of the baseline models, even for the ICU admission and mortality. We used the Aequitas toolkit [27] to analyze model disparity focused on false positive rate (FPR) and false omission rates (FOR). Figure 6 shows these FPR and FOR disparity plots based on alcohol use, race and insurance status for discharge (Model 1) and ICU admission (Model 3). FPR represents the rate of false positive prediction when a certain subgroup is falsely predicted to have positive label where positive label is punitive in nature such as discharge from hospital. Similarly, FOR represents the fraction of cases from a certain subgroup who are falsely omitted from a positive prediction group where the positive label has an assistive nature such as admission to ICU. Disparity plots represent comparisons of FPR and FOR of different subgroups in reference to a reference subgroup. Adhering to convention, we chose the majority subgroup as the reference for both plots. Higher disparity values indicate unfavorable bias while lower values indicate favorable bias. Our analysis indicates that the model for discharge prediction is unfavorably biased towards patients with alcohol abuse history, Caucasian population. While Medicaid insurance has a negative bias towards discharge, commercial insurance has a high False Omission rate for ICU admission. No racial bias was identified in our predictive models. This conclusion is based on an acceptable bias range of 0.8 to 1.2. ![Figure 6:](http://medrxiv.org/http://medrxiv.stage.highwire.org/content/medrxiv/early/2021/12/05/2021.12.02.21267211/F6.medium.gif) [Figure 6:](http://medrxiv.org/content/early/2021/12/05/2021.12.02.21267211/F6) Figure 6: False Positive Rate (FPR) based disparity in Model-1: Discharge Prediction; (a) alcohol use based disparity, (b) race based disparity (c) insurance status based disparity. False Omission Rate (FOR) based disparity in Model-3: ICU Admission Prediction; (d) alcohol use based disparity, (e) race based disparity (f) insurance status based disparity ### External Validation During the external validation, we found that procedures (CPT codes) and comorbidities (ICD-10) for the external population are very different from common codes of our internal validation dataset (lists of common CPT and ICD-10 codes are provided in supplementary material). Following the proposed strategy, we built graphs based on demographics (age, gender, race, and ethnicity), common ICD-10 and common CPT codes for this cohort and tested our GraphSAGE models as well as image-only and EHR-only models for all prediction labels. Results of their performance are provided in Table 2 - 4. It is clear that graph based models have higher and more consistent generalization capabilities than baseline models (image-only and EHR-only) achieving better F-score for all three tasks. Baseline models do achieve higher AUROC only for mortality prediction ## DISCUSSION It appears that elements in clinical history, like past medical procedures and comorbidities play a larger role in clinical event prediction than demographic features like age, gender, and race. Though past medical procedures often produced better performance than coded comorbidities, past procedures are already correlated with specific comorbidities. In addition to single modality model, we also compared the different GraphSAGE models against a model trained on PXS score[26] where the PXS were directly computed from the X-ray images and the CNN model was pretrained on ∼160,000 images from CheXpert and transfer learning on 314 CXRs from patients with COVID-19. GraphSAGE model also outperformed the PXS only model with a statistically significant margin. We also validated the performance of GraphSAGE against the individual modality on an external institution where the common comorbidities (diabetics, renal disease) are rare (<20%) compared to our internal training data (>55%) and as a consequence the respective procedures are less frequently performed. In such distribution shift, often the machine learning model failed to generalize [28]; however graph based modeling is flexible enough to handle data-shift by updating the *similarity definition* for edge generation and produce comparable results on the external data. Despite the encouraging performance, the bias analysis shows that model performance is biased towards race and current insurance status for discharge and ICU admission. However, this is more related towards the practice since as multiple past studies have highlighted biases in crucial care services and discharge delays based on insurance status [29, 30, 31, 32, 33, 34]. ### Limitation of the study The proposed framework may face limitations in terms of application scope as it requires imaging data to be collected on regular interval and was trained on data collected from highly integrated academic healthcare system. Prediction interval is also limited to 3 days which is still longer than most studies done in the past [18, 19]. Due to the two-fold informational fusion of the GraphSAGE which involves mathematically irreversible calculations, it is not feasible to apply traditional model interpretation techniques, and hard to explain the decision reason for the prediction of the each node classification. ## CONCLUSION We proposed a graph-based framework to preserve interdependencies in multi-modal data, i.e., EHR and radiologic images, to predict future clinical events (e.g. discharge, ICU admission, and mortality) for the in-patients population tested positive for COVID-19 within 3 days of admission. During the graph-based learning, in theory, two-fold information fusion of node features and graph structure ensure that relevant features (nodes and graph structure) for the targeted task are amplified while similar non-relevant attributes are suppressed. To our knowledge, this is the first attempt to encode and learn the patient-wise similarity within imaging data using a GCN model and apply that for predictive modeling hospital resource optimization. Our experiments clearly establish superiority of relational graph based fusion modeling, over single-modality predictive models, in terms of prediction performance and adaptation to different populations. ## Supporting information Supplementary Material [[supplements/267211_file03.docx]](pending:yes) ## Data Availability All data used in the study is confidential, and is not publicly available. ## ACKNOWLEDGMENT We acknowledge Emory Healthcare Network and Mayo Clinic for providing the data for internal and external validation. ## Footnotes * Tariq.Amara{at}mayo.edu, 6161 East Mayo Blvd, Phoenix, AZ, 85054, Phone: 470 542 1540 * **DATA SHARING STATEMENT:** Data analyzed during this study was provided by third party. Request for data should be directed to the provider in Acknowledgment. * **CONFLICT OF INTEREST:** There is no conflict to be reported. * 1 [adni.loni.usc.edu](http://adni.loni.usc.edu) * 2 [https://fcon\_1000.projects.nitrc.org/indi/abide/](https://fcon_1000.projects.nitrc.org/indi/abide/) * 3 [https://www.aapc.com/codes/cpt-codes-range/](https://www.aapc.com/codes/cpt-codes-range/) * Received December 2, 2021. * Revision received December 2, 2021. * Accepted December 5, 2021. * © 2021, Posted by Cold Spring Harbor Laboratory This pre-print is available under a Creative Commons License (Attribution 4.0 International), CC BY 4.0, as described at [http://creativecommons.org/licenses/by/4.0/](http://creativecommons.org/licenses/by/4.0/) ## References 1. 1.Marinescu, R., et al., TADPOLE Challenge: Prediction of Longitudinal Evolution in Alzheimer’s Disease. 2019. 2. 2.Parisot, S., et al., Disease prediction using graph convolutional networks: application to autism spectrum disorder and Alzheimer’s disease. Medical image analysis, 2018. 48: p. 117–130. 3. 3.Cao, M., et al., Using DeepGCN to identify the autism spectrum disorder from multi-site resting-state data. Biomedical Signal Processing and Control, 2021. 70: p. 103015. 4. 4.Kazi, A., et al. Inceptiongcn: receptive field aware graph convolutional network for disease prediction. in International Conference on Information Processing in Medical Imaging. 2019. Springer. 5. 5.Szegedy, C., et al. Going deeper with convolutions. in Proceedings of the IEEE conference on computer vision and pattern recognition. 2015. 6. 6.Valenchon, J. and M. Coates. Multiple-graph recurrent graph convolutional neural network architectures for predicting disease outcomes. in ICASSP 2019-2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). 2019. IEEE. 7. 7.Wang, L., Z.Q. Lin, and A. Wong, Covid-net: A tailored deep convolutional neural network design for detection of covid-19 cases from chest x-ray images. Scientific Reports, 2020. 10(1): p. 1–12. 8. 8.Farooq, M. and A. Hafeez, Covid-resnet: A deep learning framework for screening of covid19 from radiographs. arXiv preprint arXiv:2003.14395, 2020. 9. 9.Ucar, F. and D. Korkmaz, COVIDiagnosis-Net: Deep Bayes-SqueezeNet based diagnosis of the coronavirus disease 2019 (COVID-19) from X-ray images. Medical hypotheses, 2020. 140: p. 109761. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1016/j.mehy.2020.109761&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=143703160&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) 10. 10.Afshar, P., et al., Covid-caps: A capsule network-based framework for identification of covid-19 cases from x-ray images. Pattern Recognition Letters, 2020. 138: p. 638–643. 11. 11.Ozturk, T., et al., Automated detection of COVID-19 cases using deep neural networks with X-ray images. Computers in biology and medicine, 2020. 121: p. 103792. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1016/j.compbiomed.2020.103792&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=32568675&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) 12. 12.Khan, A.I., J.L. Shah, and M.M. Bhat, CoroNet: A deep neural network for detection and diagnosis of COVID-19 from chest x-ray images. Computer Methods and Programs in Biomedicine, 2020. 196: p. 105581. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1016/j.cmpb.2020.105581&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=http://www.n&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) 13. 13.Zhou, F., et al., Clinical course and risk factors for mortality of adult inpatients with COVID-19 in Wuhan, China: a retrospective cohort study. The lancet, 2020. 14. 14.Yu, C., et al., Clinical Characteristics, Associated Factors, and Predicting COVID-19 Mortality Risk: A Retrospective Study in Wuhan, China. American Journal of Preventive Medicine, 2020. 15. 15.Vaid, A., et al., Machine Learning to Predict Mortality and Critical Events in COVID-19 Positive New York City Patients: A Cohort Study. Journal of Medical Internet Research, 2020. 16. 16.Parchure, P., et al., Development and validation of a machine learning-based prediction model for near-term in-hospital mortality among patients with COVID-19. BMJ Supportive & Palliative Care, 2020. 17. 17.Vaid, A., et al., Federated Learning of Electronic Health Records Improves Mortality Prediction in Patients Hospitalized with COVID-19. medRxiv, 2020. 18. 18.Shashikumar, S.P., et al., Development and Prospective Validation of a Transparent Deep Learning Algorithm for Predicting Need for Mechanical Ventilation. medRxiv, 2020. 19. 19.Cheng, F.-Y., et al., Using Machine Learning to Predict ICU Transfer in Hospitalized COVID-19 Patients. Journal of Clinical Medicine, 2020. 9(6): p. 1668. 20. 20.Sun, H., et al., CoVA: An Acuity Score for Outpatient Screening that Predicts COVID-19 Prognosis. The Journal of infectious diseases, 2020. 21. 21.Quan, D., et al., Impact of race and socioeconomic status on outcomes in patients hospitalized with COVID-19. Journal of general internal medicine, 2021. 36(5): p. 1302–1309. 22. 22.Banerjee, I., et al., Development and performance of the pulmonary embolism result forecast model (PERFORM) for computed tomography clinical decision support. JAMA network open, 2019. 2(8): p. e198719–e198719. 23. 23.Huang, G., et al. Densely connected convolutional networks. in Proceedings of the IEEE conference on computer vision and pattern recognition. 2017. 24. 24.Irvin, J., et al. CheXpert: A Large Chest Radiograph Dataset with Uncertainty Labels and Expert Comparison. in Proceedings of the AAAI Conference on Artificial Intelligence. 2019. 25. 25.Hamilton, W.L., R. Ying, and J. Leskovec. Inductive representation learning on large graphs. in Proceedings of the 31st International Conference on Neural Information Processing Systems. 2017. 26. 26.Li, M.D., et al., Automated assessment of COVID-19 pulmonary disease severity on chest radiographs using convolutional Siamese neural networks. medRxiv, 2020. 27. 27.Fowler, R.A., et al., An official American Thoracic Society systematic review: the association between health insurance status and access, care delivery, and outcomes for patients who are critically ill. American journal of respiratory and critical care medicine, 2010. 181(9): p. 1003–1011. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1164/rccm.200902-0281ST&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=20430926&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000280449700017&link_type=ISI) 28. 28.Brasel, K.J., et al., Reasons for delayed discharge of trauma patients. Journal of Surgical Research, 2002. 107(2): p. 223–226. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1006/jsre.2002.6512&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=12429179&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000178965900009&link_type=ISI) 29. 29.Davidson T, Mirza F, Baig MM. Impact of socio-economic status and race on emergency hospital admission outcomes: Analysis from hospital admissions between 2001 and 2012. Health Serv Manage Res. 2021 Jun 9:9514848211012189. doi: 10.1177/09514848211012189. Epub ahead of print. PMID: 34107791. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1177/09514848211012189&link_type=DOI) 30. 30.Pines, J.M., Russell Localio, A. and Hollander, J.E., 2009. Racial disparities in emergency department length of stay for admitted patients in the United States. Academic Emergency Medicine, 16(5), pp.403–410. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1111/j.1553-2712.2009.00381.x&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=19245372&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F12%2F05%2F2021.12.02.21267211.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000265548300005&link_type=ISI) 31. 31.Attenello, F.J., Adamczyk, P., Wen, G., He, S., Zhang, K., Russin, J.J., Sanossian, N., Amar, A.P. and Mack, W.J., 2014. Racial and socioeconomic disparities in access to mechanical revascularization procedures for acute ischemic stroke. Journal of Stroke and Cerebrovascular Diseases, 23(2), pp.327–334. 32. 32.Cairns, A.L., Schlottmann, F., Strassle, P.D., Di Corpo, M. and Patti, M.G., 2019. Racial and socioeconomic disparities in the surgical management and outcomes of patients with colorectal carcinoma. World journal of surgery, 43(5), pp.1342–1350. 33. 33.Seyyed-Kalantari, L., Liu, G., McDermott, M., Chen, I.Y. and Ghassemi, M., 2020. CheXclusion: Fairness gaps in deep chest X-ray classifiers. In BIOCOMPUTING 2021: Proceedings of the Pacific Symposium (pp. 232–243). 34. 34. Pedro Saleiro, Benedict Kuester, Abby Stevens, Ari Anisfeld, Loren Hinkson, Jesse London, Rayid Ghani, Aequitas: A Bias and Fairness Audit Toolkit, arXiv preprint arxiv:1811.05577 (2018).