Abstract
Background
Due to lack of annotated pathological images, transfer learning has been the predominant approach in the field of digital pathology. Pre-trained neural networks based on ImageNet database are often used to extract “off-the-shelf” features, achieving great success in predicting tissue types, molecular features, and clinical outcomes, etc. We hypothesize that fine-tuning the pre-trained models using histopathological images could further improve feature extraction, and downstream prediction performance.
Methods
We used 100 000 annotated H&E image patches for colorectal cancer (CRC) to fine-tune a pre-trained Xception model via a 2-step approach. The features extracted from fine-tuned Xception (FTX-2048) model and Image-pretrained (IMGNET-2048) model were compared through: (1) tissue classification for H&E images from CRC, same image type that was used for fine-tuning; (2) prediction of immune-related gene expression, and (3) gene mutations for lung adenocarcinoma (LUAD). Five-fold cross validation was used for model performance evaluation. Each experiment was repeated 50 times.
Findings
The extracted features from the fine-tuned FTX-2048 exhibited significantly higher accuracy (98.4%) for predicting tissue types of CRC compared to the “off-the-shelf” features directly from Xception based on ImageNet database (96.4%) (P value = 2.2 × 10−6). Particularly, FTX-2048 markedly improved the accuracy for stroma from 87% to 94%. Similarly, features from FTX-2048 boosted the prediction of transcriptomic expression of immune-related genes in LUAD. For the genes that had significant relationships with image features (P < 0.05, n = 171), the features from the fine-tuned model improved the prediction for the majority of the genes (139; 81%). In addition, features from FTX-2048 improved prediction of mutation for 5 out of 9 most frequently mutated genes (STK11, TP53, LRP1B, NF1, and FAT1) in LUAD.
Conclusions
We proved the concept that fine-tuning the pretrained ImageNet neural networks with histopathology images can produce higher quality features and better prediction performance for not only the same-cancer tissue classification where similar images from the same cancer are used for fine-tuning, but also cross-cancer prediction for gene expression and mutation at patient level.
Keywords: Deep learning, Whole slide images, TCGA dataset, H&E image, Colorectal cancer, Fine-tuning, RNA-seq expression, Gene-mutation, Lung adenocarcinoma
Introduction
Recent advancements of artificial intelligence and deep learning algorithms have greatly improved the current pathological workflows, such as tissue classification, and disease grading, etc.1,2 These computer vision algorithms are usually based on convolutional neural networks (CNNs), which has also been successfully applied for tumor detection, prediction of histological subtypes, genomic mutations, transcriptomic expression, molecular subtyping, and patient prognosis.1,3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15
Deep learning computer vision models often rely on a large number of annotated images.16 Unfortunately, until now, databases with annotated pathological images are still very limited. Therefore, transfer learning has been the predominant approach in the field of digital pathology. Particularly, use of “off-the-shelf” features directly extracted from the layer just prior to the final layer of pre-trained networks based on large-scale ImageNet database has been a popular approach to pre-processing the images for downstream prediction exercises.17, 18, 19 It is worth to point out that even though the ImageNet models are not trained on pathological images, the current workflow (i.e., prediction using features extracted with pre-trained ImageNet models) generally provides a satisfactory performance and has been shown to outperform training the same neural network architecture from scratch using limited histopathological images.12,20,21
Another transfer learning approach is to fine-tune the middle layers of these pre-trained ImageNet neural networks with histopathological images. So far, very few fine-tuned models have been developed for digital pathology tasks; all focused on strongly supervised image classifications. Khan et al. fine-tuned an ImageNet-based model using breast histopathology images.22 It was demonstrated that the fine-tuned model outperformed the transfer learning from ImageNet database and improved the detection of prostate cancer. In addition, a stepwise fine-tuning scheme was proposed for boosting the classification of gastric pathology image classification.23 Most recently, Ahmed et al.24 showed that fine-tuning improved the accuracy of Inception-V3 and VGG-16 networks on pathological images. Riasatian et al. proposed that training a deep network by a variety of tumor types will provide better image features.25 Ren et al. proposed that unsupervised domain adaptation can improve the performance of the classification task.26 Fagerblom et al. proposed a meta-learning that could be applied to the digital pathology.27 Finally, Dahaene et al. proposed self-supervision to improve the prediction on weakly supervised tasks.28
We hypothesize that fine-tuning the middle layers of pre-trained ImageNet models using histopathological images could improve feature extraction, and consequently the performance of the downstream prediction tasks, e.g., not only simple tasks like strongly supervised image classifications where pathologists’ annotations are available, but also for more complex tasks such as prediction of other important clinical outcomes or molecular features (e.g., patient survival, transcriptomic expression, genomic alterations, etc.) at patient level where there is no prior knowledge regarding which regions of tissue and its appearance are predictive. So far, no fine-tuned neural networks are made available in the public domain as feature extractors.
In this work, we aimed to prove the concept that fine-tuning the ImageNet-based neural networks with histopathological images can improve the quality of extracted features and downstream predictions. We used 100 000 annotated H&E image patches for colorectal cancer (CRC) to fine-tune a pre-trained Xception model. The image features produced by the fine-tuned Xception model have at least 2 advantages. First, they boosted the performance of strongly supervised tissue classification of CRC histological images. Second, they improved the performances of weakly supervised prediction tasks on across-cancer types (i.e., predictions of transcriptomic mRNA expression levels and genomic mutations in lung cancer patients).1,29 The developed fine-tuned feature extractors for pathological images are available at https://github.com/1996lixingyu1996/Transfer_learning_Xception_pathology.
Material and methods
Datasets
The NCT-CRC dataset consists of 2 sub-datasets from colorectal cancer (CRC) patients, NCT-CRC-100k and NCT-CRC-7k. In total, 107 000 images (sized 224 × 224) are available and labelled with 1 of 9 classes (e.g., adipose (ADI), background (BACK), debris (DEB), lymphocytes (LYM), mucus (MUC), smooth muscle (MUS), normal colon mucosa (NORM), cancer-associated stroma (STR), and colorectal adenocarcinoma epithelium (TUM)). The NCT-CRC-100k dataset (100 000 images) were used to fine-tune the pre-trained Xception model based on ImageNet, while NCT-CRC-7k (7180 images) was used to independently test the performance of the features extracted from the fine-tuned model and the pretrained ImageNet model for prediction of the tissue classification.30, 31, 32, 33, 34, 35, 36, 37
The TCGA LUAD dataset included frozen whole slide images (WSIs) for patients with lung adenocarcinoma. After deleting the pathological images with very small contents and erroneous contents, the data contained a total of 344 different patients, with a total of 900 pathological images. The mRNA-expression data for TCGA LUAD were downloaded using the R package TCGAbiolink, while the mutation data were downloaded using the GDC Data Transfer Tool.38,39
Fine-tuning the pre-trained ImageNet model
The fine-tuning training process included 2 steps (Fig. 1a). The first step was to train an add-on module at a relatively big learning rate. We replaced the final classification layer of the original Xception model (1000 classes) with a 9-class classification layer for the 9 different tissue types for CRC, and added a fully connected layer after the original Xception GlobalAveragePooling layer (before the 9-classification layer; referred to as Add-on Module Part B thereafter). The layer before the GlobalAveragePooling is referred as Part A (pre-trained on ImageNet). These 2 layers were used to incorporate histopathological images (colorectal cancer images) into the ImageNet model which was not trained using pathological images. With the new, pathological images, the fine-tuned model may be better equipped to handle similar medical images, facilitating extracting features with higher quality. We first fixed Part A with the parameters pre-trained on the ImageNet dataset and trained the add-on module Part B (2 fully connected layers with 2048 neurons, a ReLU activation layer, and 9-neuron classifier layer) with an Adam optimizer at a learning rate of 4 × 10−4 (20 iterations; batch size = 128).
The second step was to adjust the pre-trained module at a smaller learning rate. We fixed part B, which was trained during Step 1, and fine-tuned Part A using the Adam optimizer at a learning rate of 5 × 10−5 (10 iterations; batch size = 128). We extracted the 2048 neurons from the final layer of Part B of the fine-tuned Xception model as the features (FTX-2048).
For feature extraction using the pretrained Xception model (IMGNET-2048), we replaced the last fully connected layer in the original model with a fully connected layer with 2048 neurons, a linear rectification activation function (ReLU), and a fully connected classification layer at the top. Categorical crossentropy was chosen as the loss function.
Comparison of features from pre-trained and fine-tuned models
We used the features extracted from fine-tuned Xception (FTX-2048) model, and Image-pretrained (IMGNET-2048) model and self-supervision model MoCo v2 to compare the 3 feature extractors for 2 different experiments with 5-fold cross validation (Fig. 1b–c). Each experiment was repeated 50 times.
The first experiment was to predict tissue types using the fine-tuning process with similar data and images, i.e., annotated images from CRC-HE-7K for CRC. We extracted features from the CRC-HE-7K with 2 feature extractors, FTX-2048 and IMGNET-2048. We used a multi-class classifier constructed using linear support vector classifiers to compare 2 feature extractors.
The second experiment was to predict patient-level transcriptomic expression for immune-related genes of LUAD, a tumor type different from CRC. The TCGA-LUAD whole slide images were divided into small tiles. The tiles were then standardized to 0.25 mpp and color normalized with Macenko’s method.40 FTX-2048 and IMGNET-2048 were then used to extract 2048 features from each image tile. The features of all tiles from a patient were averaged to produce a final representation of 2048 features for that patient. Gene expressions values were log transformed before modeling. SVR) implemented in the R package e1071 was used to model and predict the log RNA-expression.
The third experiment was to predict cross-cancer patient-level gene mutations in LUAD. FTX-2048 and IMGNET-2048 were used to extract 2048 features from image tiles as in the second experiment. The features were averaged over different tiles of a patient. Least absolute shrinkage and selection operator (LASSO) implemented in the R package glmnet was used for model fitting and prediction for gene mutations at patient level.
Results
Classification of tissue types in CRC
We compared FTX-2048 with IMGNET-2048 in terms of prediction of tissue type for CRC where similar images were used for fine-tuning. Fig. 2 clearly demonstrates the superiority of the features extracted from the fine-tuned Xception model (FTX-2048). Overall, the extracted features with fine-tuned Xception (FTX-2048) exhibited a significantly higher accuracy (98.4%) compared to the “off-the-shelf” features extracted using the original Xception based on ImageNet database (IMGNET-2048) (96.4%, P value = 2.2 × 10−6). Prediction of stroma tissue has been a challenge for the pretrained ImageNet models.1 In our present experiment, IMGNET-2048 produced a suboptimal performance for stroma tissue, and the accuracy was only approximately 87% (Fig. 3), whereas FTX-2048 remarkably improved the accuracy to 94%. Substantial improvement was also observed for the prediction of muscle (98% by FTX-2048 vs. 94% by IMGNET-2048), tumor (99% by FTX-2048 vs. 97% by IMGNET-2048), and normal tissue (99% by FTX-2048 vs. 97% by IMGNET-2048). Evident improvement of accuracy was seen for mucin and lymphocytes as well. Both FTX-2048 and IMGNET-2048 had accuracies close to 100% for adipose, debris, and background.
Prediction of mRNA expression in LUAD
The fine-tuned Xception model trained with CRC H&E images was used to extract image features for another cancer type, i.e., LUAD from TCGA, to predict mRNA expression at patient level. We applied FTX-2048 and IMGNET-2048 to randomly selected 907 immune-related genes from InnateDB’s gene list. As expected, the features from FTX-2048 also outperformed the “off-the-shelf” features from IMGNET-2048 (Fig. 4). A t test suggested that the correlations between mRNA expression and FTX-2048 features were significantly higher than those obtained using IMGNET-2048 features (P < 1 × 10−5). Fig. 5 shows examples where FTX-2048 provided a better prediction for some well-known immune genes such as CD274 (PDL1), CD3G (CD3 T cell), and TNFRSF9 (41BB), etc.
Prediction of gene mutation in LUAD
We also attempted to compare the prediction performance of FTX-2048 with IMGNET-2048 in terms of gene mutation for nine most frequently mutated genes in LUAD. Again, the features from the fine-tuned model provided a higher or similar AUC for the majority of the genes (7 out of 9 genes) (Fig. 6). The prediction performance was improved in 5 out of 9 genes (STK11, TP53, LRP1B, NF1, and FAT1). For FAT4 and KEAP1, FTX-2048 and IMGNET-2048 provided similar AUCs. On the other hand, IMGNET-2048 produced higher AUCs for EGFR and KRAS. Although no statistically significant difference in model predictions were detected (P = 0.50), the lack of statistical significance was mainly due to small number of genes were included in this experiment.
Model interpretability
The models in this manuscript were based on mean-pooling of feature values from different patches of individual WSIs. We examined the morphological appearance of the image patch that was the closest to the mean features of each individual patient’s WSI. This revealed the difference in the morphological appearance of the “mean” image patches between FTX-2048 and IMGNET-2048, which may explain the difference in prediction performance of the 2 feature extractors. Fig. 7 illustrates the image patches closest to the mean features extracted based on FTX-2048 and IMGNET-2048 for 5 randomly selected individual WSIs.
Discussion
Cancer is a leading cause of death worldwide, accounting for 19.3 million new cancer cases and nearly 10 million deaths by the end of 2020.41 Digital pathology has become a powerful tool in cancer research.42,43 However, due to the lack of annotated histopathological images, the current digital pathology workflows are primarily built based on “off-the-shelf” features extracted from ImageNet models, where natural images are the predominant sources of the database.
In this work, we proved the concept that fine-tuning middle layers of the current ImageNet neural networks (e.g., Xception) with histopathology images can produce features with a higher quality and better prediction performance for not only the classification of tissue types in CRC where similar images from CRC patients were used for fine-tuning, but also gene expression and mutations in another type of tumor (LUAD), even though no images from LUAD were used to fine-tune the feature extractors. The experiments suggested that the features from the fine-tuned models possess richer pathological information than “off-the-shelf” features directly from pre-trained models based on ImageNet dataset. Furthermore, the fine-tuned features can improve the downstream prediction performance for different tasks (e.g., tissue segmentation/classification, molecular gene expression and mutations, etc) and different cancer types. Our work highlights the importance of continuing to build on the existing fine-tuned models with more annotated pathological images in the future.44
Code availability
https://github.com/1996lixingyu1996/Transfer_learning_Xception_pathology
Data availability
The TCGA dataset is publicly available at the TCGA portal ( https://portal.gdc.cancer.gov ). The public TCGA clinical data is available at https://xenabrowser.net/datapages/ .
Xception model weights are available at https://github.com/fchollet/deep-learning-models/releases/download/v0.4/xception_weights_tf_dim_ordering_tf_kernels_notop.h5 .
We randomly selected 907 immune-related genes from InnateDB’s gene from https://www.innatedb.com/annotatedGenes.do?type=innatedb
Competing interests
The authors declare no potential conflicts of interest
Acknowledgements
The research of Xingyu Li, Min Cen, and Hong Zhang was partially supported by National Natural Science Foundation of China (No. 12171451), Anhui Center for Applied Mathematics, and Special Project of Strategic Leading Science and Technology of CAS (No. XDC08010100).
Contributor Information
Hong Zhang, Email: zhangh@ustc.edu.cn.
Xu Steven Xu, Email: sxu@genmab.com.
References
- 1.Kather J., et al. Predicting survival from colorectal cancer histology slides using deep learning: a retrospective multicenter study. PLoS Med. 2019;16 doi: 10.1371/journal.pmed.1002730. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 2.Campanella G., et al. Clinical-grade computational pathology using weakly supervised deep learning on whole slide images. Nat Med. 2019;25(8):1301–1309. doi: 10.1038/s41591-019-0508-1. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 3.Ehteshami Bejnordi B., et al. Diagnostic assessment of deep learning algorithms for detection of lymph node metastases in women with breast cancer. Jama. 2017;318(22):2199–2210. doi: 10.1001/jama.2017.14585. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 4.Wang D., et al. Deep Learning for Identifying Metastatic Breast Cancer. 2016. https://arxiv.org/abs/1606.05718 Preprint at.
- 5.Hong R., et al. Predicting endometrial cancer subtypes and molecular features from histopathology images using multi-resolution deep learning models. Cell Rep Med. 2021;2(9):100400. doi: 10.1016/j.xcrm.2021.100400. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Tsou P., Wu C.-J. Mapping driver mutations to histopathological subtypes in papillary thyroid carcinoma: applying a deep convolutional neural network. J Clin Med. 2019:8. doi: 10.3390/jcm8101675. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.Kather J.N., et al. Pan-cancerimage-based detection of clinically actionable genetic alterations. Nat Cancer. 2020;1(8):789–799. doi: 10.1038/s43018-020-0087-6. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 8.Chang P., et al. Deep-learning convolutional neural networks accurately classify genetic mutations in gliomas. Am J Neuroradiol. 2018;39(7):1201–1207. doi: 10.3174/ajnr.A5667. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 9.Schaumberg A.J., Rubin M.A., Fuchs T.J. 2018. H&E-stained Whole Slide Image Deep Learning Predicts SPOP Mutation State in Prostate Cancer.https://www.biorxiv.org/content/10.1101/064279v9 Preprint at. [DOI] [Google Scholar]
- 10.Schmauch B., et al. A deep learning model to predict RNA-Seq expression of tumours from whole slide images. Nat Commun. 2020;11(1):3877. doi: 10.1038/s41467-020-17678-4. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Sirinukunwattana K., et al. Image-based consensus molecular subtype (imCMS) classification of colorectal cancer using deep learning. Gut. 2021;70(3):544–554. doi: 10.1136/gutjnl-2019-319866. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 12.Courtiol P., et al. Deep learning-based classification of mesothelioma improves prediction of patient outcome. Nat Med. 2019;25(10):1519–1525. doi: 10.1038/s41591-019-0583-3. [DOI] [PubMed] [Google Scholar]
- 13.Yao J., et al. Whole slide images based cancer survival prediction using attention guided deep multiple instance learning networks. Med Image Anal. 2020;65:101789. doi: 10.1016/j.media.2020.101789. [DOI] [PubMed] [Google Scholar]
- 14.Mobadersany P., et al. Predicting cancer outcomes from histology and genomics using convolutional networks. Proc Natl Acad Sci. 2018;115(13) doi: 10.1073/pnas.1717139115. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 15.Skrede O.-J., et al. Deep learning for prediction of colorectal cancer outcome: a discovery and validation study. Lancet (London, England) 2020;395(10221):350–360. doi: 10.1016/S0140-6736(19)32998-8. [DOI] [PubMed] [Google Scholar]
- 16.Deng J., et al. 2009 IEEE Conference on Computer Vision and Pattern Recognition. 2009. ImageNet: A large-scale hierarchical image database. [Google Scholar]
- 17.Durand T., et al. 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2017. WILDCAT: weakly supervised learning of deep ConvNets for image classification, pointwise localization and segmentation. [Google Scholar]
- 18.Durand T., Thome N., Cord M. 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR) 2016. WELDON: weakly supervised learning of deep convolutional neural networks. [Google Scholar]
- 19.Li X., Plataniotis K.N. How much off-the-shelf knowledge is transferable from natural images to pathology images? PLoS One. 2020;15(10) doi: 10.1371/journal.pone.0240530. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 20.Echle A., et al. Clinical-grade detection of microsatellite instability in colorectal tumors by deep learning. Gastroenterology. 2020;159(4):1406–1416. doi: 10.1053/j.gastro.2020.06.021. e11. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Kather J.N., et al. Deep learning can predict microsatellite instability directly from histology in gastrointestinal cancer. Nat Med. 2019;25(7):1054–1056. doi: 10.1038/s41591-019-0462-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 22.Hasan Khan U.A., et al. Improving Prostate Cancer Detection with Breast Histopathology Images. 2019. arXiv:1903.05769
- 23.Qu J., et al. Gastric pathology image classification using stepwise fine-tuning for deep neural networks. J Healthc Eng. 2018;2018:8961781. doi: 10.1155/2018/8961781. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 24.Ahmed S., et al. Transfer learning approach for classification of histopathology whole slide images. Sensors (Basel) 2021;21(16) doi: 10.3390/s21165361. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 25.Riasatian A., et al. Fine-Tuning and training of densenet for histopathology image representation using TCGA diagnostic slides. Med Image Anal. 2021;70:102032. doi: 10.1016/j.media.2021.102032. [DOI] [PubMed] [Google Scholar]
- 26.Ren J., et al. Unsupervised domain adaptation for classification of histopathology whole-slide images. Front Bioeng Biotechnol. 2019;7:102. doi: 10.3389/fbioe.2019.00102. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 27.Fagerblom F., Stacke K., Molin J. Combatting out-of-distribution errors using model-agnostic meta-learning for digital pathology. SPIE Med Imaging. 2021;11603 SPIE. [Google Scholar]
- 28.Dehaene O., et al. Self-Supervision Closes the Gap Between Weak and Strong Supervision in Histology. 2020. arXiv:2012.03583
- 29.Chollet F. Xception: Deep Learning with Depthwise Separable Convolutions. 2016. arXiv:1610.02357
- 30.Huang G., et al. Densely Connected Convolutional Networks. 2016. arXiv:1608.06993
- 31.Szegedy C., et al. Rethinking the Inception Architecture for Computer Vision. 2015. arXiv:1512.00567
- 32.Simonyan K., Zisserman A. Very Deep Convolutional Networks for Large-Scale Image Recognition. 2014. arXiv:1409.1556
- 33.He K., et al. Deep Residual Learning for Image Recognition. 2015. arXiv:1512.03385
- 34.Sandler M., et al. MobileNetV2: Inverted Residuals and Linear Bottlenecks. 2018. arXiv:1801.04381
- 35.Chollet F. Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2017. Xception: deep learning with depthwise separable convolutions. [Google Scholar]
- 36.Zoph B., et al. Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition. 2018. Learning transferable architectures for scalable image recognition. [Google Scholar]
- 37.Szegedy C., et al. Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence. AAAI Press; San Francisco, California, USA: 2017. Inception-v4, inception-ResNet and the impact of residual connections on learning; pp. 4278–4284. [Google Scholar]
- 38.Mounir M., et al. New functionalities in the TCGAbiolinks package for the study and integration of cancer data from GDC and GTEx. PLoS Comput Biol. 2019;15(3) doi: 10.1371/journal.pcbi.1006701. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 39.Zhang Z., et al. Uniform genomic data analysis in the NCI Genomic Data Commons. Nat Commun. 2021;12(1):1226. doi: 10.1038/s41467-021-21254-9. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 40.Macenko M., et al. 2009 IEEE International Symposium on Biomedical Imaging: From Nano to Macro. 2009. A method for normalizing histology slides for quantitative analysis. [Google Scholar]
- 41.Ferlay J., et al. Cancer statistics for the year 2020: an overview. Int J Cancer. 2021;149(4):778–789. doi: 10.1002/ijc.33588. [DOI] [PubMed] [Google Scholar]
- 42.Bera K., et al. Artificial intelligence in digital pathology — new tools for diagnosis and precision oncology. Nat Rev Clin Oncol. 2019;16(11):703–715. doi: 10.1038/s41571-019-0252-y. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 43.Cui M., Zhang D.Y. Artificial intelligence and computational pathology. Lab Invest. 2021;101(4):412–422. doi: 10.1038/s41374-020-00514-0. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 44.Wang D., et al. Deep Learning for Identifying Metastatic Breast Cancer. 2016. arXiv:1606.05718
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
The TCGA dataset is publicly available at the TCGA portal ( https://portal.gdc.cancer.gov ). The public TCGA clinical data is available at https://xenabrowser.net/datapages/ .
Xception model weights are available at https://github.com/fchollet/deep-learning-models/releases/download/v0.4/xception_weights_tf_dim_ordering_tf_kernels_notop.h5 .
We randomly selected 907 immune-related genes from InnateDB’s gene from https://www.innatedb.com/annotatedGenes.do?type=innatedb