A deep learning based graph-transformer for whole slide image classification ============================================================================ * Yi Zheng * Rushin Gindra * Margrit Betke * Jennifer E. Beane * Vijaya B. Kolachalama ## Abstract Deep learning is a powerful tool for assessing pathology data obtained from digitized biopsy slides. In the context of supervised learning, most methods typically divide a whole slide image (WSI) into patches, aggregate convolutional neural network outcomes on them and estimate overall disease grade. However, patch-based methods introduce label noise in training by assuming that each patch is independent with the same label as the WSI and neglect the important contextual information that is significant in disease grading. Here we present a Graph-Transformer (GT) based framework for processing pathology data, called GTP, that interprets morphological and spatial information at the WSI-level to predict disease grade. To demonstrate the applicability of our approach, we selected 3,024 hematoxylin and eosin WSIs of lung tumors and with normal histology from the Clinical Proteomic Tumor Analysis Consortium, the National Lung Screening Trial, and The Cancer Genome Atlas, and used GTP to distinguish adenocarcinoma (LUAD) and squamous cell carcinoma (LSCC) from those that have normal histology. Our model achieved consistently high performance on binary (tumor versus normal: mean overall accuracy = 0.975 ± 0.013) as well as three-label (normal versus LUAD versus LSCC: mean accuracy = 0.932 ± 0.019) classification on held-out test data, underscoring the power of GT-based deep learning for WSI-level classification. We also introduced a graphbased saliency mapping technique, called GraphCAM, that captures regional as well as contextual information and allows our model to highlight WSI regions that are highly associated with the class label. Taken together, our findings demonstrate GTP as a novel interpretable and effective deep learning framework for WSI-level classification. Index Terms * Digital pathology * Graph convolutional network * Lung cancer * Transformer ## I. Introduction **C**OMPUTATIONAL pathology [1]–[4], which entails the analysis of digitized biopsies of a bodily tissue, is gaining increased attention over the past few years. The sheer amount of information on a single whole slide image (WSI) typically can exceed over a gigabyte, so traditional image analysis routines may not be able to fully process all this data in an efficient fashion. Modern machine learning methods such as deep learning have allowed us to make great progress in terms of analyzing WSIs including disease classification [5], tissue segmentation [6], mutation prediction [7], spatial profiling of immune infiltration [8], and so on. Most of these methods rely on systematic breakdown of WSIs into image patches, followed by development of deep neural networks at patchlevel and integration of outcomes on these patches to create overall WSI-level estimates. While patch-based approaches catalyzed research in the field, the community has begun to appreciate the conditions in which they confer benefit and in those where they cannot fully capture the underlying pathology. For example, methods focused on identifying the presence or absence of a tumor on an WSI can be developed on patches using computationally efficient techniques such as multiple instance learning [9]. On the other hand, if the goal is to identify the entire tumor region or capture the connectivity of the tumor microenvironment characterizing the stage of disease, then it becomes important to assess both local and regional information on the WSI. There are several other scenarios where both the patch- and WSI-level features need to be identified to assess the pathology [10], and computational methods to perform such analysis are much needed. The success of patch-based deep learning methods can be attributed to the availability of pre-trained deep neural networks on natural images from public databases (i.e., ImageNet [11]). Since there are millions of parameters in a typical deep neural network, *de novo* training of this network requires access to a large set of pathology data, and such resources are not necessarily available at all locations. To address this bottleneck, researchers have leveraged transfer learning approaches that are pre-trained on ImageNet to accomplish various tasks. Recently, transformer architectures were applied directly to sequences of image patches for various classification tasks. Specifically, Vision Transformers (ViT) were shown to achieve excellent results compared to state-of-the-art convolutional networks while requiring substantially fewer computational resources for training [12]. Position embeddings were used in ViTs to retain spatial information and capture the association of different patches within the input image. Excitingly, the self-attention mechanism in ViT requires the calculation of pairwise similarity scores on all the patches, resulting in memory efficiency and a simple time complexity that is quadratic in the number of patches. Leveraging such approaches to perform pathology image analysis is not trivial because each WSI can contain thousands of patches. Additionally, some approximations are often made on these patches such as using the WSI-level label on each patch during training, which are not ideal in all scenarios as there is a need to process both the local information as well as the WSI in its entirety to better understand the pathological correlates of disease. Similar to the local and WSI-level examination, we argue that an expert pathologist’s workflow also involves examination of the entire biopsy slide using manual operations such as panning and zooming in and out of specific regions of interest to assess various aspects of disease at multiple scales. In the zoom-in assessment, pathologists perform indepth, microscopic evaluation of local pathology whereas, the zoom-out assessment involves obtaining a rational estimate of the contextual features on the entire WSI. Both these assessments are critical as the pathologist obtains a gestalt on various features to comprehensively assess the disease [10]. Recent attempts to perform WSI-level analysis have shown promising results in terms of assessing the overall tissue microenvironment. In particular, graph-based approaches have gained a lot of traction due to their ability to represent the entire WSI and analyze patterns to predict various outcomes of interest. Zhou and colleagues developed a cell-graph convolutional neural network on WSIs to predict the grade of colorectal cancer (CRC) [13]. In this work, the WSI was converted to a graph, where each nucleus was represented by a node and the cellular interactions were denoted as edges between these nodes to accurately predict CRC grade. Also, Adnan and colleagues developed a two-stage framework for WSI representation learning [14], where patches were sampled based on color and a graph neural network was constructed to learn the inter-patch relationships to discriminate lung adenocarcinoma (LUAD) from lung squamous cell carcinoma (LSCC). In another recent work, Lu and team developed a graph representation of the cellular architecture on the entire WSI to predict the status of human epidermal growth factor receptor 2 and progesterone receptor [15]. Their architecture attempted to create a bottom-up approach (i.e., nuclei- to WSI-level) to construct the graph, and in so doing, achieved a relatively efficient framework for analyzing the entire WSI. We contend that integration of computationally efficient approaches such as ViTs along with graphs can lead to more efficient approaches for the assessment of WSIs. To address this aspect, we developed a graph-based vision transformer called GTP that leverages the graph-based representation of pathology images and the computational efficiency of transformer architectures to perform WSI-level analysis. The GTP framework involves construction of a graph convolutional network by embedding image patches in feature vectors using contrastive learning, followed by the application of a transformer to predict a WSI-level label corresponding to a specific disease type. We used WSIs from three publicly available data resources to develop a GTP model to distinguish normal WSIs from those with lung tumors. Additionally, we extended our framework to classify normal WSIs from those with LUAD or LSCC. We also introduce graph-based class activation mapping (GraphCAM), a novel approach to generate WSI-level saliency maps that are able to identify image regions that are highly associated with the class label. ## II. Materials and methods ### A. Study population We obtained access to WSI data of lung tumors (LUAD and LSCC) and normal tissue from the Clinical Proteomic Tumor Analysis Consortium (CPTAC), the National Lung Screening Trial (NLST) and The Cancer Genome Atlas (TCGA) (Table I). CPTAC is a national effort to accelerate the understanding of the molecular basis of cancer through the application of large-scale proteome and genome analysis [16]. NLST was a randomized controlled trial to determine whether screening for lung cancer with low-dose helical computed tomography reduces mortality from lung cancer in high-risk individuals relative to screening with chest radiography [17]. TCGA is a landmark cancer genomics program, which molecularly characterized thousands of primary cancer and matched normal samples spanning 33 cancer types [18]. For each of these cases, we also obtained relevant demographic and clinical information. View this table: [TABLE I:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/T1) TABLE I: Study population. Whole slide images and corresponding clinical information from three distinct cohorts including the Clinical Proteomic Tumor Analysis Consortium (CPTAC), The Cancer Genome Atlas (TCGA) and the National Lung Screening Trial (NLST) were used. ### B. Graph-Transformer Our proposed Graph-Transformer (GT) network fuses a graph representation *G* of an WSI and a transformer that can generate WSI-level predictions in a computationally efficient fashion (Figure 1). Let *G* = (*V, E*) be an undirected graph where *V* is the set of nodes representing the image patches and *E* is the set of edges between the nodes in *V* that represent whether two image patches are adjacent to each other. We denote the adjacency matrix of *G* as 𝒜 = [𝒜*ij*] where 𝒜*ij* = 1 if there exists an edge (*v**i*, *v**j*) ∈ *E* and 𝒜*ij* = 0 otherwise. An image patch must be connected to other patches and can be surrounded by at most 8 adjacent patches, so the sum of each row or column of is at least one and at most 8. A graph can be associated with a node feature matrix *F*, *F* ∈ IR*N×D*, where each row contains the *D*-dimensional feature vector computed for an image patch, i.e. node, and *N* = |*V*|. An example of a WSI, its patches, associated graph, and node feature matrix are illustrated in Figure S1. ![Fig. 1:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F1.medium.gif) [Fig. 1:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F1) Fig. 1: Schematic of GTP deep learning framework. Each whole slide image (WSI) was divided into patches followed by elimination of the patches that predominantly contained the background. Each image patch was then embedded in feature vectors by a contrastive learning-based patch embedding module. The feature vectors were then used to build the graph followed by a transformer that takes the graph as the input and predicts WSI-level class label. As shown in Fig. 1, given a WSI, the classification task contains two steps, graph construction and graph interpretation by a transformer. The second step aims to learn a mapping from the WSI-associated graph and its node feature matrix to the corresponding label of the WSI. Using all the pixels within each image patch as features can make model training computationally intractable. Instead, our framework applies a feature extractor to generate a vector containing features and uses it to define the information contained in an image patch, which is a node in the graph. This step reduces the node feature dimension from *W**p*×*H**p* ×*C**p* to *D*, where *W**p*, *H**p*, and *C**p* are width, height, and channel of the image patch, and *D*×1 is the dimension of extracted feature vector. The expectation is that the derived feature vector provides an efficient representation of the node and also serves as a robust means by which to define a uniform representation of an image patch for graph-based classification. As described above, current methods that have been developed at patch-level impose WSI-level labels on all the patches or use weakly supervised learning to extract feature vectors that are representative of the WSI. This strategy is not suitable for all scenarios, especially when learning the contextual information on the WSI is needed. We leveraged a strategy based on self-supervised contrastive learning [19], to extract features from the WSIs. This framework enables robust representations that can be learned without the need for manual labels. Our approach involves using contrastive learning to train a CNN that produces embedding representations by maximizing agreement between two differently augmented views of the same image patch via a contrastive loss in the latent space (Figure S2). GTP tiles the WSIs from the training set into patches and randomly samples a mini-batch of *K* patches. Two different data augmentation operations are applied to each patch (*p*), resulting i006E two augmented patches (*p**i* and *p**j*). The pair of two augmented patches from the same patch is denoted as a positive pair. For a mini-batch of *K* patches, there are 2*K* augmented patches in total. Given a positive pair, the other 2*K −* 1 augmented patches are considered as negative samples. Subsequently, our GTP approach uses a CNN to extract representative embedding vectors (*f**i*, *f**j*) from each augmented patch (*p**i*, *p**j*). The embedding vectors are then mapped by a projection head to a latent space (*z**i*, *z**j*) where contrastive leaning loss is applied. The contrastive learning loss function for a positive pair of augmented patches (i, j) is defined as: ![Formula][1] where I1[*k ≠ i*] *∈* {0, 1} is an indicator function evaluating to 1 if and only if *k ≠ i* and *τ* denotes a temperature parameter. Also, *sim*(**u, v**) = **u***T* **v**/∥**u**∥ ∥**v**∥denotes the dot product between *L*2 normalized **u** and **v** (i.e., cosine similarity). For model training, the patches were densely cropped without overlap and treated as individual images. The final loss was computed across all positive pairs, including both (i, j) and (j, i) in a mini-batch. After convergence, we kept the feature extractor and used it for our GTP model to compute the feature vectors of the patches from the WSIs. GTP uses these computed feature vectors as node features in the graph construction phase. Specifically, we obtained the node-specific feature matrix *F* = [*f*1; *f*2; … ; *f**N* ], *F* ∈ IR*N×D*, where *f**i* is the D-dimensional embedding vector obtained from Resnet trained using contrastive learning and *N* is the number of patches from one WSI. Note that *N* is variable since different WSIs contain different numbers of patches. As a result, each node in *F* corresponds to one patch of the WSI. We defined an edge between a pair of nodes in *F* based on the spatial location of its corresponding patches on the WSI. If patch *i* is a neighbor of patch *j* on the WSI (Figure S1), then GTP creates an edge between node *i* and node *j* as well as set 𝒜*ij* = 1 and 𝒜*ji* = 1, otherwise 𝒜 *ij* = 0 and 𝒜*ji* = 0. GTP uses feature node matrix *F* and adjacent matrix 𝒜 to construct a graph to represent each WSI. The Graph Transformer component of GTP consists of a graph convolutional (GC) layer, a transformer layer, and a pooling layer. We implemented the GC layer, introduced by Kipf & Welling [20], to handle the graph-structured data. The GC layer operates message propagation and aggregation in the graph, and is defined as: ![Formula][2] ![Formula][3] where ![Graphic][4] is the symmetric normalized adjacency matrix of 𝒜 and *M* is the number of GC layers. Here, ![Graphic][5] is the adjacency matrix with a self-loop added to each node, and ![Graphic][6] is a diagonal matrix where ![Graphic][7]. *H**m* is the input of the *m*-th GC layer and *H*1 is initialized with the node feature matrix *F*. Additionally, ![Graphic][8] is the matrix of learnable filters in the GC layer, where *C*m is the dimension of the input and *C*m+1 is the dimension of the output. The GC layer of GTP enables learning of node embeddings through propagating and aggregating needed information. However, it is not trivial for a model to learn hierarchical features that are crucial for graph representation and classification. To address this limitation, we introduced a transformer layer that selects the most significant nodes in the graph and aggregates information via the attention mechanism. Transformers use a Self-Attention (SA) mechanism to model the interactions between all tokens in a sequence [21], by allowing the tokens to interact with each other (“self”) and find out who they should pay more attention to (“attention”), and the addition of positional information of tokens further increases the use of sequential order information. Excitingly, the Vison Transformer (ViT) enables the application of transformers to 2D images [12]. Inspired by these studies, we here propose a transformer layer to interpret our graph-structured data. While the SA mechanism has been extensively used in the context of natural language processing, we extended the framework for WSI data. Briefly, the standard **qkv** self-attention [21] is a mechanism to find the words of importance for a given query word in a sentence, and it receives as input a 1D sequence of token embeddings. For the graph, the feature nodes are treated as tokens in a sequence and the adjacency matrix is used to denote the positional information. Given that **x** ∈ ℝ*N*×*D* is the sequence of patches (feature nodes) in the graph, where *N* is the number of patches and *D* is the embedding dimension of each patch, we compute **q**(query), **k**(key) and **v**(value) (Eq.3a). The attention weights *A**ij* are based on the pairwise similarity between two patches of the sequence and their respective query **q***i* and key **k***j* in Eq.3b. Multihead Self-Attention (MSA) is a mechanism that involves combining the knowledge explored by *k* number of SA operations, called “heads”. It projects concatenated outputs of SA in Eq.3c. *D**h* (Eq.3a) is typically set to *D/k* to facilitate computation and maintain the number of parameters constant when changing *k*. ![Formula][9] ![Formula][10] ![Formula][11] ![Formula][12] The goal of the transformer layer is to learn the mapping: ℍ →𝕋, where ℍ is the graph space, and T is the transformer space. We define the mapping of ℍ →𝕋 as: ![Formula][13] ![Formula][14] ![Formula][15] where MSA is the Multiheaded Self-Attention (Eq.3), MLP is a Multilayer Perceptron, and LN denotes Layer Norm. L is the number of MSA blocks [12]. The transformer layer consists of *L* MSA layers (Eq.4b) and *L* MLP blocks (Eq.4c). In order to learn the mapping 𝕋 → 𝕐 from transformer space 𝕋 to label space 𝕐, we prepared a learnable embedding ![Graphic][16] to the feature nodes (Eq.4a), whose state at the output of the transformer layer ![Graphic][17] serves as mapping of 𝕋 →𝕐: ![Formula][18] In a recent work [12], position embeddings were added to the patch embeddings to retain positional information. Typically, the position embedding explores absolute position encoding (e.g., sinusoidal encoding, learnable absolute encoding) as well as conditional position encoding. However, the learnable absolute encoding is commonly used in problems with fixed length sequences and does not meet the requirement for variable length of input patches in WSI analysis, because the number of patches tiled from the corresponding WSI often varies due to the inherently variable size of the WSI. To handle this problem, Islam and colleagues showed that the addition of zero padding can provide an absolute position information for convolution [22]. In our work, the adjacency matrix in the WSI graph which contains the spatial information is encoded with the position information and added to the node features during graph convolution. By taking advantage of graph convolutions to aggregate context information, the node features are able to obtain both local and contextual information, which enriches the features that are encompassed in each node. In this fashion, we were able to avoid the need of adding an additional encoder for position embeddings, thus reducing the complexity of our model. The softmax function is typically used as a row-by-row normalization function in transformers for vision tasks [23], [24]. The standard self-attention mechanism requires the calculation of similarity scores between each pair of nodes, resulting in both memory and time complexity quadratic in the number of nodes. Since the number of patches in WSIs is large (potentially several thousands), applying the transformer layer directly to the convolved graphs is not trivial. We therefore added a mincut pooling layer [25] between the graph convolution and transformer layers and reduced the number of input nodes to the transformer layer. In so doing, our GTP graph-transformer was able to accommodate thousands of image patches as input, which underscores the novelty of our approach and its application to WSI data. ### C. Class activation mapping To understand how GT processes WSI data and identifies regions that are highly associated with the class label, we proposed a novel class activation mapping technique on graphs. In what follows, we use the term GraphCAM to refer to this technique. Our technique was inspired by the recent work by Chefer and colleagues [26], who used the deep Taylor decomposition principle to assign local relevance scores and propagated them through the layers by maintaining the total relevancy across layers. In a similar fashion, our method computes the class activation map from the output class to the input graph space, and reconstructs the final class activation map for the WSI from its graph representation. Let *A*(*l*) represent the attention map of the MSA block *l* in Eq.3b. Following the propagation procedure of relevance and gradients by Chefer and colleagues [26], GraphCAM computes the gradient ∇*A*(*l*) and layer relevance ![Graphic][19] with respect to a target class for each attention map *A*(*l*), where *n**l* is the layer that corresponds to the softmax operation in Eq.3b of block *l*. The transformer relevance map *C**t* is then defined as a weighted attention relevance: ![Formula][20] ![Formula][21] where ⨀ is the Hadamard product, 𝔼*h* is the mean across the “heads” dimension, and *I* is the identity matrix to avoid self inhibition for each node. The pooled node features by the mincut pooling layer are computed as *X**pool* = *S**T* *X*, where ![Graphic][22] is the dense learned assignment, and *N**t* and *N**g* are the number of nodes before and after the pooling layer. To yield the graph relevance map *C**g* from transformer relevance map *C**t*, our GraphCAM performs mapping *C**t* to each node in the graph based on the dense learned assignments as ![Graphic][23]. Finally, GraphCAM reconstructs the final class activation map on the input WSI using the adjacency matrix of the graph and coordinates of patches from the WSI. ### D. Data and code availability All the WSIs and corresponding clinical data can be downloaded freely from CPTAC, TCGA and NLST websites. Python scripts and manuals are made available on GitHub ([https://github.com/vkola-lab/GraphCAM](https://github.com/vkola-lab/GraphCAM)). ## III. Experiments We performed several experiments to train and test our GTP framework. The NLST data (1.8 million patches) was exclusively used for contrastive learning to generate patch-specific features (and the feature extractor), which were then used to represent each node. The GTP framework was trained on the CPTAC data (2, 071 WSIs) using 5-fold cross validation, and the TCGA data (288 WSIs) was used as an independent dataset for model testing using the same hyperparameters. We also conducted ablation studies to understand the contributions of various components on the overall GTP framework. By blocking out the GTP components, we were left with frame-works that were comparable to the state-of-the-art in the field. Finally, we used GraphCAMs to identify salient regions on the WSIs, and explored their validity in terms of highlighting the histopathologic regions of interest. ### A. Experimental settings Each WSI was cropped to create a bag of 512 × 512 non-overlapping patches at 20 × magnifications, and background patches with non-tissue area *>* 50% were discarded. We used Resnet18 as the CNN backbone used for the feature extractor [27]. We adapted the Adam optimizer with an initial learning rate of 0.0001, a cosine annealing scheme for learning rate scheduling [28], and a mini-batch size of 512. We kept the trained feature extractor and used it to build graphs for the Graph-Transformer. We used one graph convolutional layer, and set the transformer layer configurations as *L*=3, MLP *size*=128, *D*=64 and *k*=8 (Eq.4, Eq.3). The GTP model was trained in batches of 8 examples for 150 iterations. We adopted Adam [29] as the optimizer. The learning rate was set to 10− 3 initially, and decayed to 10− 4 and 10− 5 at step 30 and 100, respectively. ### B. Ablation studies We compared the effect of contrastive learning on the GTP model performance by performing studies with and without it. Later, we removed the transformer component and trained the graph and compared it with the full GTP framework. In both these studies, we explored various options to build the model, including the use of pre-training to generate the features in lieu of contrastive learning, and also used a graph-based CNN to predict the class label as a replacement to the transformer. In essence, these ablation studies allowed us to fully evaluate the power of our interpretable GTP framework in predicting WSI-level class labels. ### C. Computational infrastructure We implemented the proposed model using PyTorch (v1.9.0). The model was trained using a single NVIDIA 1080Ti graphics card with 12 GB memory on a GPU workstation. The training speed was about 2.4 iterations/s, and training took less than a day to reach convergence. The inference speed was about 30 ms per WSI when the test batch size was 2. ### D. Performance metrics For the tumor versus normal classification task, we generated receiver operating characteristic (ROC) and precisionrecall (PR) curves based on model predictions on the CPTAC and TCGA datasets. The ROC curve was computed between the true positive rate and false positive rate using different probability thresholds while PR curve was computed between the true positive rate and the positive predictive value using different probability thresholds. For each ROC and PR curve, we also computed the area under curve (AUC), precision, recall, specificity, and accuracy. For the 3-label classification task (LUAD vs. LSCC vs. normal), we also computed the precision, recall, specificity, and accuracy scores of each class along with confusion matrices for each fold-level prediction. The ROC and PR curves were computed for each label. Since we used 5-fold cross validation, we took all the curves from different folds and calculated the mean area under curves and the variance of the curves. Finally, GraphCAMs were used to generate visualizations and gain a qualitative understanding on the model performance. ## IV. Results The GTP framework that leveraged contrastive learning followed by fusion of a graph with a transformer provided accurate predictions of WSI-level class labels across a range of classification tasks (Table II). For the normal vs. tumor classification task, high model performance was consistently observed on all the computed metrics including precision, recall, sensitivity, and overall accuracy on both CPTAC test and TCGA datasets (all > 0.9), indicating a high degree of generalizability. Similar performance was observed on the normal vs. LUAD vs. LSCC task on the CPTAC data but dropped slightly on the TCGA dataset. The drop in the model performance was observed particularly on the precision scores for the LUAD and on the recall scores for the LSCC class labels. High model performance was also confirmed via the receiver-operating characteristic (ROC) and precision-recall (PR) curves generated on both the CPTAC and TCGA datasets for all the classification tasks (Figure 3). On each classification task, the mean area under the ROC and PR curves was high (all > 0.9) on the CPTAC test data. For the TCGA dataset, which served as an external testing cohort, the mean area under the ROC and PR curves dropped slightly, especially for the LUAD and LSCC classification tasks. The confusion matrices for the 3-label classification problem indicated similar results (Figure S3), where the model performance was excellent on the CPTAC test dataset but was slightly lower on the TCGA dataset. In particular, the model leaned towards incorrectly classifying a few LSCC cases as LUAD but correctly classified most of the WSIs with no tumor. However, for the two-label classification task (i.e., tumor vs. no-tumor), the mean area under the ROC and PR curves were very high on both the CPTAC and TCGA datasets (all > 0.95), indicating accurate model performance and a fair degree of model generalizability (Figure S4). View this table: [TABLE II:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/T2) TABLE II: Performance metrics for each class in the 3-label and 2-label classification tasks. ![Fig. 2:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F2.medium.gif) [Fig. 2:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F2) Fig. 2: Schematic of the GraphCAM. Gradients and relevance are propagated through the network and integrated with an attention map to produce the transformer relevancy maps. Transformer relevancy maps are then mapped to graph class activation maps via reverse pooling. ![Fig. 3:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F3.medium.gif) [Fig. 3:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F3) Fig. 3: Model performance on the (a) CPTAC and (b) TCGA datasets. Mean ROC and PR curves along with standard deviations for the classification tasks (normal vs. tumor; LUAD vs. others; LSCC vs. others) are shown. The GT-based class activation maps (GraphCAMs) identified WSI regions that were highly associated with the output class label of interest (Figure 4). Importantly, the same set of WSI regions were highlighted by our method across the various cross-validation folds (Figure S5), thus indicating consistency of our technique in highlighting salient regions of interest. Also, the generated GraphCAMs are class-specific, thus underscoring the superiority of our technique compared to other state-of-the-art methods such as self-attention maps. In some cases, we also noticed that the GraphCAMs generated for each class identified different regions of importance on the same WSI, raising the possibility that a single image may contain disease related information relevant to multiple types of lung cancer. On the other hand, the self-attention map that combines attention across all the layers of the model resulted in a single heatmap that may not indicate disease specificity but rather only an association with the classification task. Also, since we can generate class-specific probability for each GraphCAM, our approach allows for better appreciation of the model performance and its interpretability in predicting an output class label. We must however note that in certain cases when the model fails to predict the class label, the GraphCAMs may not result in interpretable findings (Figure S6). Nevertheless, we note that the saliency maps reported in Figure 4 closely match with expert-identified regions of tumor pathology. ![Fig. 4:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F4.medium.gif) [Fig. 4:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F4) Fig. 4: Class-specific GraphCAMs. For each WSI, we generated class-specific GraphCAMs and also compared them with self-attention maps. The first column contains the original WSIs, the second and third columns contain LUAD-specific and LSCC-specific GraphCAMs, and the final column contains the self-attention maps. The first row represents an LUAD case where our model also predicted LUAD, and the second row represents an LSCC case where our model predicted LSCC. The bold font underneath certain GraphCAMs was used to indicate the model predicted class label for the respective cases. Also, the model-generated probability values are noted beneath each GraphCAM. Since this is a 3-label classification task (normal vs. LUAD vs. LSCC), the LUAD and LSCC probability values do not add up to 1. Several patches in the GraphCAM with the correct prediction show high values (“warm colors”) while the self attention maps mostly miss the relevant patches (except in the last row). Ablation studies revealed that our GTP framework that uses contrastive learning and combines a graph with a transformer served as a superior model for WSI-level classification (Table III). For example, when contrastive learning was replaced with a pre-trained architecture (Resnet18 with and without fine tuning), the model performance for both the 2- and 3-label classification tasks dropped. The reduction in performance was evident on both CPTAC and TCGA datasets. The model performance also dropped for both 2- and 3-label classification when we trained a novel convolutional auto-encoder [30] in lieu of contrastive learning. These results imply that the feature maps generated via contrastive learning were sufficient and maybe even better than other frameworks to encode a large variety of visual information for GT-based classification with a sufficient degree of generalizability. We also replaced our proposed mincut pooling with an attention-based pooling (AttPool) layer that selects the most significant nodes in the graph and aggregates information via the attention mechanism. We then used the same graph convolutional layer as GTP in the ablation study and denoted this method as GraphAtt. By aggregating the neighborhood node information via selfattention, GTP outperformed GraphAtt for both the 2- and 3-label classification tasks (Table S1). These findings indicate that our proposed GTP framework is capable of integrating information across the entire WSI that is represented as a graph to accurately predict the output label of interest. View this table: [TABLE III:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/T3) TABLE III: Ablation studies. We used different feature extractors for graph construction also explored the effect of using the transformer by replacing it with a graph classifier. Here, Resnet* indicates the use of a pre-trained Resnet18 network without fine-tuning. Also, Resnet† indicates the use of a pre-trained Resnet18 with fine-tuning. CAE represents convolutional auto encoder, CL represents contrastive learning used in our method and GT represents the Graph-Transformer. Overall values of mean accuracy ± standard deviation, computed across the five folds, are computed. ## V. Discussion In this work, we developed a novel deep learning approach that integrates graphs with vision transformers to generate an efficient classifier to predict WSI-level presence of lung tumors. Our approach also differentiated WSIs with LUAD from those with LSCC. Based on the standards of various model performance metrics, our approach resulted in classification performance that exceeded other deep learning architectures that incorporated various state-of-the-art configurations (see ablation studies). Finally, our novel class activation mapping technique allowed us to identify salient WSI regions that were highly associated with the output class label of interest. Thus, our findings represent novel contributions to the field of in-terpretable deep learning while also simultaneously advancing the fields of computer vision and digital pathology. The field of computational pathology has made important strides in the recent years due to advancements in vision-based deep learning. Still, owing to the sheer size of pathology images generated at high resolution, assessment of WSI-level information that can integrate spatial signatures along with local, region-specific information for prediction of tumor grade remains a challenge. The large body of work to date has focused on patch-level deep neural networks that may accurately predict tumor grade but fail to capture spatial connectivity information. As a result, identification of important image-level features via such techniques may lead to inconsistent results. Our GT-based deep learning framework precisely tackled this scenario by integrating WSI-level information via a graph structure and thus represents an important advancement in the field. One of the novel contributions in our work is the generation of graph-based class activation maps (GraphCAM), which can highlight the WSI regions that are highly associated with the output class label. Unlike other saliency mapping techniques such as self-attention maps, GraphCAMs can generate class-specific heatmaps. While self-attention maps can identify image regions (or pixels) that are important for a specific classification task, GraphCAMs can identify image regions that trigger the model to associate the image with a specific class label. This is a major advantage because an image may contain information pertaining to multiple classes, and for these scenarios, identification of class-specific feature maps becomes important. This is especially true in real-world scenarios such as pathology images containing lung tumors. Typically, lung cancer subtype on WSIs is determined based on the most predominant pattern, but different patterns may be present on the same WSIs. In such cases, training well-known supervised deep learning classifiers such as convolutional neural networks that use the overall WSI label for classification at patch-level or even at the WSI-level may not necessarily perform well and even misidentify the regions of interest associated with the class label. By generating class-specific CAMs learned at the WSI-level, our GTP approach provides an accurate way by which to identify regions of interest on WSIs that are highly associated with the corresponding class label. Our study has a few limitations. We leveraged contrastive learning to generate patch-level feature vectors before con-structing the graph, which turned out to be a computationally intensive task. However, our ablation studies revealed that contrastive learning improved model performance when compared to other techniques for feature extraction. Future studies can explore other possible techniques for feature extraction that lead to improved model performance. Our graph was constructed by dividing the WSI into image patches, followed by creation of nodes using the embedding features from these patches leading to construction of the graph. Other alternative ways can be explored to define the nodes and create graphs that are more congruent and spatially connected. While we have demonstrated the applicability of GTP to lung tumors, extension of this framework to other cancers is needed to fully appreciate its role in terms of assessing WSI-level correlates of disease. In fact, our method is not specific to cancers and could be adapted to other computational pathology applications. In conclusion, our GTP framework produced an accurate, computationally efficient model by capturing the entire information available on an WSI to predict the output class label. As a supervised learning framework, GTP can tackle large resolution WSIs and predict multiple class labels, leading to generation of interpretable findings that are class-specific. Our GTP framework could be scaled to WSI-level classification tasks on other organ systems and also to predict response to therapy, cancer recurrence and patient survival. ## Data Availability TCGA, NLST and CPTAC websites ## Supplement ![Fig. S1:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F5.medium.gif) [Fig. S1:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F5) Fig. S1: Graph construction. Whole slide images were divided into patches and each patch that contained more than 50% of the area covered by tissue was considered for further processing. Each selected patch was represented as a node and a graph was constructed on the entire WSI using these nodes with an 8-node adjacency matrix. Here, two sets of patches of a WSI and their corresponding subgraphs are shown. The subgraphs are connected within the graph representing the entire WSI. ![Fig. S2:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F6.medium.gif) [Fig. S2:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F6) Fig. S2: Contrastive learning to train the feature extractor. We applied two distinct augmentation functions, including random color distortions, random Gaussian blur, and random cropping followed by resizing back to the original size, on the same sample in a mini-batch. If the mini-batch size is *K*, then we ended up with 2 × *K* augmented observations in the mini-batch. The ResNet received an augmented image leading to an embedding vector as the output. Subsequently, a projection head was applied to the embedding vector which produced the inputs to contrastive learning. The projection head is a multilayer perceptron (MLP) with 2 dense layers. In this example, we considered *K* = 3 samples in a minibatch (A, B & C). For the sample A, the positive pairs are (A1, A2) and (A2, A1), and the negative pairs are (A1, B1), (A1, B2), (A1, C1), (A1, C2). All pairs were used for computing contrastive learning loss to train the Resnet. Once the system was trained, we used the embedding vectors (straight from the ResNet) for constructing the graph. ![Fig. S3:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F7.medium.gif) [Fig. S3:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F7) Fig. S3: Model performance on the CPTAC and TCGA datasets. Confusion matrices for the 5-fold cross validation on the (a) CPTAC and the (b) TCGA datasets are shown. A separate confusion matrix is shown for each fold prediction along with corresponding accuracies. Note that for CPTAC dataset, the model performance was evaluated only on the held-out test data. Model performance on the TCGA dataset was evaluated using the CPTAC model that was constructed on each fold. ![Fig. S4:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F8.medium.gif) [Fig. S4:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F8) Fig. S4: Model performance on the CPTAC and TCGA dataset. Mean ROC and PR curves along with standard deviations for the binary classification task (normal vs. tumor) are shown. ![Fig. S5:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F9.medium.gif) [Fig. S5:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F9) Fig. S5: Graph class activation map (GraphCAM) performance. GraphCAMs generated on WSIs across the runs performed via 5-fold cross validation are shown. The first column shows the original WSI and the other columns show the generated GraphCAMs along with prediction probabilities on the cross-validated model runs. The first row shows a sample WSI from the LUAD class and the second row shows an WSI from the LSCC class. The colormap of the GraphCAM represents the probability by which an WSI region is associated with the output label of interest. The probability values based on each model prediction are noted beneath each GraphCAM. The models created with the five folds produced GraphCAMs that mostly highlighted the same set of patches at similar levels, thus underscoring the robustness of our method across the folds. ![Fig. S6:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/10/18/2021.10.15.21265060/F10.medium.gif) [Fig. S6:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/F10) Fig. S6: Class-specific GraphCAMs for failure cases. The first row shows a sample WSI from the LUAD class but the model prediction was LSCC, and the second row shows an WSI from the LSCC class but the model prediction was LUAD. The first column shows the original WSI, and the second and third columns show the generated GraphCAMs along with prediction probabilities. The bold font underneath certain GraphCAMs was used to indicate the model predicted class label for the respective cases. Also, the model-generated probability values are noted beneath each GraphCAM. Since this is a 3-label classification task (normal vs. LUAD vs. LSCC), the LUAD and LSCC probability values do not add up to 1. View this table: [TABLE S1:](http://medrxiv.org/content/early/2021/10/18/2021.10.15.21265060/T4) TABLE S1: Two-tailed DeLong test to compare AUCs. We used the DeLong test to compare the AUC values of the models used in the ablation studies. For the ablation studies, we used different feature extractors for graph construction also explored the effect of using the transformer by replacing it with a graph classifier. Here, Resnet* indicates the use of a pre-trained Resnet18 network without fine-tuning. Also, Resnet† indicates the use of a pre-trained Resnet18 with fine-tuning. CAE represents convolutional auto encoder, CL represents contrastive learning used in our method and GT represents the Graph-Transformer. Overall values of mean z-statistic ± standard deviation obtained from the DeLong test are reported. The symbol ‡ indicates p-value < 0.001, and § indicates p-value < 0.005. When the CL + GraphAtt model was compared with our model, the p-value was 0.209 on the TCGA dataset. * Received October 15, 2021. * Revision received October 15, 2021. * Accepted October 18, 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]. Thomas J. Fuchs and Joachim M. Buhmann, “Computational pathology: Challenges and promises for tissue analysis,” Computerized Medical Imaging and Graphics, vol. 35, no. 7, pp. 515–530, 2011, Whole Slide Image Process. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1016/j.compmedimag.2011.02.006&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=21481567&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F10%2F18%2F2021.10.15.21265060.atom) 2. [2]. David N. Louis, Georg K. Gerber, Jason M. Baron, Lyn Bry, Anand S. Dighe, Gad Getz, John M. Higgins, Frank C. Kuo, William J. Lane, James S. Michaelson, Long P. Le, Craig H. Mermel, John R. Gilbertson, and Jeffrey A. Golden, “Computational Pathology: An Emerging Definition,” Archives of Pathology Laboratory Medicine, vol. 138, no. 9, pp. 1133–1138, 09 2014. 3. [3]. David N. Louis, Michael Feldman, Alexis B. Carter, Anand S. Dighe, John D. Pfeifer, Lynn Bry, Jonas S. Almeida, Joel Saltz, Jonathan Braun, John E. Tomaszewski, John R. Gilbertson, John H. Sinard, Georg K. Gerber, Stephen J. Galli, Jeffrey A. Golden, and Michael J. Becich, “Computational Pathology: A Path Ahead,” Archives of Pathology Laboratory Medicine, vol. 140, no. 1, pp. 41–50, 06 2015. 4. [4]. Esther Abels, Liron Pantanowitz, Famke Aeffner, Mark D Zarella, Jeroen van der Laak, Marilyn M Bui, Venkata NP Vemuri, Anil V Parwani, Jeff Gibbs, Emmanuel Agosto-Arroyo, Andrew H Beck, and Cleopatra Kozlowski, “Computational pathology definitions, best practices, and recommendations for regulatory guidance: a white paper from the Digital Pathology Association,” The Journal of Pathology, vol. 249, no. 3, pp. 286–294, 2019. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1002/path.5331&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=http://www.n&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F10%2F18%2F2021.10.15.21265060.atom) 5. [5]. Xi Wang, Hao Chen, Caixia Gan, Huangjing Lin, Qi Dou, Efstratios Tsougenis, Qitao Huang, Muyan Cai, and Pheng-Ann Heng, “Weakly supervised deep learning for whole slide lung cancer image analysis,” IEEE Transactions on Cybernetics, vol. 50, no. 9, pp. 3950–3962, 2020. 6. [6]. Shidan Wang, Donghan M. Yang, Ruichen Rong, Xiaowei Zhan, and Guanghua Xiao, “Pathology image analysis using segmentation deep learning algorithms,” The American Journal of Pathology, vol. 189, no. 9, pp. 1686–1698, 2019. 7. [7]. Nicolas Coudray, Paolo Santiago Ocampo, Theodore Sakellaropoulos, Navneet Narula, Matija Snuderl, David Fenyö Andre L. Moreira, Narges Razavian, and Aristotelis Tsirigos, “Classification and mutation prediction from non–small cell lung cancer histopathology images using deep learning,” Nature Medicine, vol. 24, pp. 1559–1567, 2018. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1038/s41591-018-0177-5&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=http://www.n&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F10%2F18%2F2021.10.15.21265060.atom) 8. [8]. J. Saltz, Rajarsi R. Gupta, L. Hou, T. Kurç, P. Singh, Vu Nguyen, D. Samaras, K. Shroyer, Tianhao Zhao, R. Batiste, John S. Van Arnam, I. Shmulevich, A. Rao, A. Lazar, Ashish Sharma, and V. Thorsson, “Spatial organization and molecular correlation of tumor-infiltrating lymphocytes using deep learning on pathology images.,” Cell reports, vol. 23 1, pp. 181–193.e7, 2018. 9. [9]. Kausik Das, Sailesh Conjeti, Jyotirmoy Chatterjee, and Debdoot Sheet, “Detection of breast cancer from whole slide histopathological images using deep multiple instance CNN,” IEEE Access, vol. 8, pp. 213502– 213511, 2020. 10. [10]. Yi Zheng, Clarissa A. Cassol, Saemi Jung, Divya Veerapaneni, Vipul C. Chitalia, Kevin Y.M. Ren, Shubha S. Bellur, Peter Boor, Laura M. Barisoni, Sushrut S. Waikar, Margrit Betke, and Vijaya B. Kolachalama, “Deep-learning–driven quantification of interstitial fibrosis in digitized kidney biopsies,” The American Journal of Pathology, vol. 191, no. 8, pp. 1442–1453, 2021. 11. [11]. Jia Deng, Wei Dong, Richard Socher, Li-Jia Li, Kai Li, and Li Fei-Fei, “ImageNet: A large-scale hierarchical image database,” in 2009 IEEE Conference on Computer Vision and Pattern Recognition, 2009, pp. 248–255. 12. [12]. Alexey Dosovitskiy, Lucas Beyer, Alexander Kolesnikov, Dirk Weis-senborn, Xiaohua Zhai, Thomas Unterthiner, Mostafa Dehghani, Matthias Minderer, Georg Heigold, Sylvain Gelly, Jakob Uszkoreit, and Neil Houlsby, “An image is worth 16×16 words: Transformers for image recognition at scale,” ICLR, 2021. 13. [13]. Yanning Zhou, Simon Graham, Navid Alemi Koohbanani, Muhammad Shaban, Pheng-Ann Heng, and Nasir M. Rajpoot, “CGC-Net: Cell graph convolutional network for grading of colorectal cancer histology images,” in 2019 IEEE/CVF International Conference on Computer Vision Workshops, ICCV Workshops 2019, Seoul, Korea (South), October 27-28, 2019. IEEE, 2019, p. 388–398,IEEE. 14. [14]. Mohammed Adnan, S. Kalra, and H. Tizhoosh, “Representation learning of histopathology images using graph neural networks,” 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), pp. 4254–4261, 2020. 15. [15]. Wenqi Lu, Simon Graham, Mohsin Bilal, Nasir Rajpoot, and Fayyaz Minhas, “Capturing cellular topology in multi-gigapixel pathology images,” in 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), 2020, pp. 1049–1058. 16. [16]. Nathan J. Edwards, Mauricio Oberti, Ratna R. Thangudu, Shuang Cai, Peter B. McGarvey, Shine Jacob, Subha Madhavan, and Karen A. Ketchum, “The CPTAC data portal: A resource for cancer proteomics research,” Journal of Proteome Research, vol. 14, no. 6, pp. 2707–2713, 2015, PMID: 25873244. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1021/pr501254j&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=25873244&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F10%2F18%2F2021.10.15.21265060.atom) 17. [17].The National Lung Screening Trial Research Team, “Reduced lung-cancer mortality with low-dose computed tomographic screening,” New England Journal of Medicine, vol. 365, no. 5, pp. 395–409, 2011, PMID: 21714641. [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1056/NEJMoa1102873&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=21714641&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F10%2F18%2F2021.10.15.21265060.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000293447800004&link_type=ISI) 18. [18].National Cancer Institute, “ The cancer genome atlas program,”. 19. [19]. Ting Chen, Simon Kornblith, Mohammad Norouzi, and Geoffrey E. Hinton, “A simple framework for contrastive learning of visual rep-resentations,” in Proceedings of the 37th International Conference on Machine Learning, ICML 2020, 13-18 July 2020, Virtual Event. 2020, vol. 119 of Proceedings of Machine Learning Research, pp. 1597–1607, PMLR. 20. [20]. Thomas N. Kipf and Max Welling, “Semi-supervised classification with graph convolutional networks,” in 5th International Conference on Learning Representations, ICLR 2017, Toulon, France, April 24-26, 2017, Conference Track Proceedings. 2017, OpenReview.net. 21. [21].1. I. Guyon, 2. U. V. Luxburg, 3. S. Bengio, 4. H. Wallach, 5. R. Fergus, 6. S. Vishwanathan, and 7. R. Garnett Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Ł ukasz Kaiser, and Illia Polosukhin, “Attention is all you need,” in Advances in Neural Information Processing Systems, I. Guyon, U. V. Luxburg, S. Bengio, H. Wallach, R. Fergus, S. Vishwanathan, and R. Garnett, Eds. 2017, vol. 30, Curran Associates, Inc. 22. [22].Md Amirul Islam*, Sen Jia*, and Neil D.B. Bruce, “How much position information do convolutional neural networks encode?,” in International Conference on Learning Representations, 2020. 23. [23]. Xizhou Zhu, Weijie Su, Lewei Lu, Bin Li, Xiaogang Wang, and Jifeng Dai, “Deformable DETR: deformable transformers for end-to-end object detection,” in 9th International Conference on Learning Representations, ICLR 2021, Virtual Event, Austria, May 3-7, 2021. 2021, OpenReview.net. 24. [24]. Jieneng Chen, Yongyi Lu, Qihang Yu, Xiangde Luo, Ehsan Adeli, Yan Wang, L. Lu, Alan L. Yuille, and Yuyin Zhou, “Transunet: Transformers make strong encoders for medical image segmentation,” CoRR, vol. abs/2102.04306, 2021. 25. [25]. Filippo Maria Bianchi, Daniele Grattarola, and Cesare Alippi, “Spectral clustering with graph neural networks for graph pooling,” in Proceedings of the 37th International Conference on Machine Learning, ICML 2020, 13-18 July 2020, Virtual Event. 2020, vol. 119 of Proceedings of Machine Learning Research, pp. 874–883, PMLR. 26. [26]. Hila Chefer, Shir Gur, and Lior Wolf, “Transformer interpretability beyond attention visualization,” CoRR, vol. abs/2012.09838, 2020. 27. [27]. Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun, “Deep residual learning for image recognition,” in 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2016, pp. 770–778. 28. [28]. Ilya Loshchilov and Frank Hutter, “SGDR: stochastic gradient descent with warm restarts,” in 5th International Conference on Learning Rep-resentations, ICLR 2017, Toulon, France, April 24-26, 2017, Conference Track Proceedings. 2017, OpenReview.net. 29. [29]. Diederik Kingma and Jimmy Ba, “Adam: A method for stochastic optimization,” International Conference on Learning Representations, 12 2014. 30. [30].1. Timo Honkela, 2. Włodzisław Duch, 3. Mark Girolami, and 4. Samuel Kaski Jonathan Masci, Ueli Meier, Dan Cireşan, and Jüurgen Schmidhuber, “Stacked convolutional auto-encoders for hierarchical feature extrac-tion,” in Artificial Neural Networks and Machine Learning – ICANN 2011, Timo Honkela, Włodzisław Duch, Mark Girolami, and Samuel Kaski, Eds., Berlin, Heidelberg, 2011, pp. 52–59, Springer Berlin Heidelberg. [1]: /embed/graphic-3.gif [2]: /embed/graphic-4.gif [3]: /embed/graphic-5.gif [4]: /embed/inline-graphic-1.gif [5]: /embed/inline-graphic-2.gif [6]: /embed/inline-graphic-3.gif [7]: /embed/inline-graphic-4.gif [8]: /embed/inline-graphic-5.gif [9]: /embed/graphic-6.gif [10]: /embed/graphic-7.gif [11]: /embed/graphic-8.gif [12]: /embed/graphic-9.gif [13]: /embed/graphic-10.gif [14]: /embed/graphic-11.gif [15]: /embed/graphic-12.gif [16]: /embed/inline-graphic-6.gif [17]: /embed/inline-graphic-7.gif [18]: /embed/graphic-13.gif [19]: /embed/inline-graphic-8.gif [20]: /embed/graphic-14.gif [21]: /embed/graphic-15.gif [22]: /embed/inline-graphic-9.gif [23]: /embed/inline-graphic-10.gif