1 Introduction

Cancer is the second leading cause of death worldwide. The World Health Organization (WHO) reported 18 million worldwide new cancer cases in 2018 [1]. The reports for commonwealth nations stated a 35% increase in new cases between 2008 and 2018, with nearly 1.7 million deaths in 2018 [2]. Follicular lymphoma (FL) is the most common subtype taking up to 20–25% of non-Hodgkin lymphomas. It is crucial to diagnose FL early but due to slow growth symptoms show in later stages [3]. Medical imaging is an essential tool for the diagnosis of cancer and cancer research [4]. Currently, most cancers are diagnosed by pathologists who examine thin (e.g. 4 micron) tissue sections stained with Hematoxylin and Eosin (H&E), with other ancillary stains used as required. Historically this process has used light microscopy. Increasingly it is based on the examination of digital Whole Slide Images (WSIs). The diagnosis is based on features of tissue morphology, such as the size and density of nuclei, which can only be seen at the microscopic level [5, 6].

Aided by improvements in computational resources, image analysis in radiology and pathology increasingly uses Machine Learning (ML) techniques to improve the accuracy and speed of diagnosis [7]. Deep Learning (DL) has been shown to outperform most other ML models given large numbers of training datasets, due largely to its capability to learn unseen patterns and perform automated feature extraction [8]. In medical imaging, DL has shown promising results in radiology images from a wide variety of imaging modalities including MRI, CT and X-ray with numerous tasks including augmenting the diagnostic workflow [9,10,11,12,13].

DL has shown similar promises in digital pathology for classification, segmentation, object detection and registration tasks for WSIs and offers opportunities to improve the efficiency and accuracy of pathology diagnosis [5, 14,15,16].

However, there are key differences between radiology and pathology images which challenge the translation of DL techniques from one domain to the other [17, 18]. These include but are not restricted to the following:

  1. 1.

    The large dimensions of WSI (often around 100, 000 × 100, 000 pixels) require them to be partitioned into large number of patches to use in classification, with partitioning required at both low and high magnifications due to the different features presented at different levels; this presents significant computational challenges.

  2. 2.

    The requirement for image-level as well as pixel-level labelling for grading and localisation in WSI data and for cell-wise classification via cell-level labelling to train DL models, which requires time-consuming and expensive involvement of domain experts [19]. This reflects the pyramidal nature of WSIs which comprise multiple levels with different dimensions containing different types of important features for diagnosis.

  3. 3.

    The significant variation in WSIs between sites is due to differences in tissue preparation steps such as sectioning, staining scanners and different scanning procedures [5, 18, 20, 21]. These variations cause many trained models to generalize poorly to data from new sites, while establishing new models for different new sites requires a large amount of ground truth data from the sites [5, 6, 22].

  4. 4.

    The time and specialized domain knowledge required to label data in pathology are more complex when compared to other medical image types [23]. Images often portray different types of diseases of non-standardized appearance representing a large number of pathological abnormalities that require highly specialized domain knowledge, which is a challenge that pathologists can only deal with after years of specialized training [6, 24].

  5. 5.

    The requirement of methods to handle the paucity of large labelled pathology data sets and small data sets from new sites have not captured the wide variance in clinical samples [11, 23, 25].

To minimize the adverse effects of small data sets on network performance in pathology, transfer learning (TL), weakly supervised classification and the use of synthetic data using Generative Adversarial Networks (GAN) have been used [11, 26]. These techniques address the numerically small size of data sets. However, these techniques require dealing with variation in pathology data from different sites or hospitals due to the differences in imaging technologies and staining processes. This problem can be addressed by normalizing data to minimize the difference in data distribution and/or increasing variation in local datasets [27]. The combination of these approaches has been shown to better improve classification [28,29,30].

In the normalization approach, all the data are normalized into one style for training. Normalization techniques differ between datasets, and suitable normalization techniques must be identified for each different dataset depending on the applications desired [7]. Three main types of methods have been used to handle stain differences; colour matching techniques which match colour to a reference template image; stain-separation methods which normalize each channel independently; and pure learning-based techniques, including GAN that handle the problem as a stain transfer method. Learning-based methods reduce the drawbacks of colour matching, which can lead to improper colour mapping due to the use of the same transformation across the datasets, and are superior to stain-separation techniques, which do not consider spatial features of tissue [31]. However, learning as a style transfer technique is computationally expensive, and this barrier has prompted a search for computationally simpler solutions to handle the stain differences in WSIs especially for different sites.

The variance approach to small data sets attempts to increase the variance captured by the data set and modify the data distribution [26]. This can be achieved by adding more labelled data if sufficient domain experts are available to assign labels. If not, techniques such as Transfer Learning (TL) and GAN that use minimal labelled data can be explored.

TL has shown promising results in pathology [32, 33]. In TL, models trained on a source dataset are adapted to a target dataset either by using the pre-trained model as a feature extractor or by fine-tuning the pre-trained model to the target dataset [11]. TL based methods for WSIs have proven to improve performance using a smaller dataset [25]. However, the investigations of the impact of TL used for new sites with limited labelled data and the impact of using data from multiple sites are not well reported in this area. Prior research presents an approach to fine-tune a pre-trained model using data from the class of interest of a new site trained with a dataset from another site. This reduced the need for labelled data from the new site [32]. However, the approach reported in the paper [31] will lead to overfitting if insufficient data are available for training. If limited labelled data are available and the training models consist of millions of parameters, steps should be taken to perform thorough evaluations with testing data which captures the data distribution. Therefore, this paper investigates the possible use of GAN to generate more data for the new site.

Recent research on using GAN for WSI has shown the value of generating realistic synthetic data to increase the labelled data for classification [23, 26]. One-class classification approach can be used where a class imbalance exists [34]. This focus on developing non-target data in order to perform binary classification. One-class classification has been discussed in medical image classification in general and has shown promising results in multiple domain areas, although relatively limited research has focussed on histology image processing [34, 35].

This paper focuses on improving the generalization of models to new sites using the one-class data from new sites. To the best of our knowledge, GAN for one-class image classification for WSIs has not been investigated. Therefore, the paper investigates the GANs influence in the one-class classification tasks by creating synthetic data for the labelled one-class data for a new site. To classify one-class new site data, the multi-site dataset’s negative class is passed down as non-target data for classification. The use of limited one-class data from new sites with GAN significantly contributes to reducing the differences in data distributions of different sites and the resulting generalization problem.

The main contributions of the paper are:

  1. 1.

    Introduce the use of GAN for one-class classification tasks for WSI.

  2. 2.

    Use of the one-class classification data to label and test on a new site dataset.

  3. 3.

    The use of GAN to improve one-class classification data distribution among a new class without retraining the model.

The experiments conducted show that there is an improvement in the results and the generalization effect of the one-class data to the generated results without retraining the model for the new site.

2 GAN and related work

GANs have attracted much attention recently and have been used in the medical imaging domain [23]. A research creates synthetic images for 3D live images of the Caenorhabditis elegans embryo with fluorescently labelled cell membranes. The satisfactory performance of the classification indicated the applicability of other unique structures in microscopic data [36].

GANs have also been applied to be used for WSIs, in the areas of augmentation, segmentation, virtual staining, stain normalization and stain style transfer.

The most common application in pathology is to eliminate the stain differences in WSI data, and there is a growing interest in using GAN to produce synthetic images to increase the amount of data to train the DL models [23, 26, 37]. This application addresses a specific issue in pathology, which is that images with small and large amounts of positive features will both be classified as positive by a pathologist, in contrast to general domains which have distinct classes. A method based on CycleGAN has been used to augment positive samples by translating easy-to-classify samples into hard-to-classify samples [27]. GAN as an image translation method has been proposed with a Conditional Generative Adversarial Networks (CGANs) for histopathological to immunofluorescent image translation [38]. Preliminary investigations show that GANs can be used to handle inter-site differences in WSIs. An unsupervised domain adaptation technique using adversarial training was developed in which discriminative knowledge from a source domain was effectively transferred using a Siamese network [39]. The study investigated colour normalization and adversarial training to adapt knowledge from the source domain to the target domain, with significant improvement. However, the authors also mention the drawback of two-step training, the effects of using a higher number of samples and different complexities of models. The method also depends on the reference images used and the normalization techniques applied to the images. Improving generalization through staining invariant features is another approach to improve classification using CNNs [24]. Colour normalization and colour augmentation have been investigated to address the inter-site differences in WSIs. Furthermore, in the instance when there are only one-class WSIs available which is from the class of interest, the classification is challenged [40].

An additional problem experienced across imaging domains is the class imbalance that can arise due to numerical imbalance between the positive class (e.g. cancer) and negative cancer (not cancer). Cancer in medical data is often the minority class due to various factors, including the relative paucity of cancer tissue compared to normal background tissue, the complexity of labelling small regions of cancer (often single cells) and the lack of openness of medical domains. Auto-labelling techniques are preferred as a method to handle the cost of the labelling problem. However, in unsupervised techniques, there is no constraint on the boundaries of the clusters, which may fail to provide the accurate segmentation of regions of interest at the pixel level required to develop models [41]. Consequently, there is interest in methods applicable to one-class classification.

One-class classification has been applied as a learning-based technique using positive and unlabelled data, a novelty and outlier detection technique and a one-class support vector machine (SVM) based technique [34, 40]. The limitations of a one-class approach have been studied [42].

This includes the tendency of pathologists to label images at the whole-image level regardless of how much cancer is present in the image, whereas in natural image domains the images usually have a distinct label [27]. Therefore, annotations in the images of the class of interest are important to train models to assist in diagnosis. Many research focus on deep learning-based techniques and many shallow learning techniques explores the novelty outlier detection technique. This method focuses on artificially created outliers for binary classification along with the labelled positive data. The target dataset given to the models should capture the high variability in the distribution to support classification with the artificially created class.

Inspired by the prior research for one-class data problem in other domains, this paper uses the one-class data as a solution to minimize the required amount of labelled data. Models trained only with a small one-class dataset from a new site decrease the need for a large number of labelled data from the new site [32]. In WSIs, the class of interest have minimal labelled data. Due to a lack of generalization, it is not feasible to directly transfer a model trained with one site’s data to another site’s data. Therefore, to improve the performance of models, we suggest that the one-class dataset can consist small amount of data from the class of interest. Limited research focus on using one-class data to handle the lack of labelled data while handling WSIs from different sites. The paper introduces one solution to address the limitations in labels and differences in data from different sites in WSIs.

3 Methodology

3.1 Overview of the proposed structure

Figure 1 presents the overview of the proposed architecture to learn from the new site’s WSIs. Figure 2 shows the combination of one-class data from a new site and multi-site data. The proposed architecture supports:

  1. 1.

    The use of one-class data and GAN to effectively minimize the need for labelled data from new sites, and

  2. 2.

    Minimizing the distribution difference on the WSIs from multiple sites and the new sites.

Fig. 1
figure 1

The block diagram architecture for the overall proposed model

Fig. 2
figure 2

The block diagram for input data

The proposed approach consist of two main steps. First a GAN is used to create new data points for synthetic one-class WSIs patches. These synthetic patches are generated for new Site (S2) which has a minimal number of labelled WSIs. Second step is a binary classifier to combine WSIs' patches from n Sites (MS1) and the new site S2 which improves the differences in the distribution of WSIs. The GAN generates synthetic data for the new site. Therefore, the classifier is more generalized to classify WSIs from different Sites.

3.2 Using GAN to increase the number of patches for new site

GANs are based on two CNNs trained as a generator and a discriminator. The network for the generator learns the distribution of the real images to generate new data points which synthetic images belong to the real data distribution.

The generator's aim is to maximize the capability of creating realistic images to trick the discriminator while the discriminator aims to maximize the capability of differentiating the synthetic data from the real data.

In the proposed approach, a GAN is used to create synthetic WSI patches for the new site, S2 which has a limited number of labelled WSIs for the class of interest. The synthetic WSI patches create additional training data for the new site, S2. This minimizes the differences in sites and improves the classification model. The paper examines the effects of combining WSIs from a new site, with the use of synthetic data generated based on the Deep Convolutional Generative Adversarial Networks (DCGAN) for the small one-class data from new site, S2. The DCGAN consist of a Convolutional Neural Network (CNN) combined to the traditional GAN to achieve deep feature-based representation of data. The architecture of the DCGAN is capable of generating better quality images with stable training compared to the traditional GAN [43].

The DCGAN is also a model which does not require a high computational power [41]. The DCGAN consist of a generator G, and a discriminator D. The input to G is a vector of 100 elements with a random normal distribution. The generator will learn and create data for the target dataset which is the one-class dataset (G(x) = x). The discriminator's aim is to differentiate the generated fake image (x_f) and real target image (x_t) which were the inputs to the discriminator. The generator and the discriminator is learnt adversarial in a min–max game, in which the discriminators objective is to maximize the ability to differentiate between fake (G(x) = x_f) and (x_t), while the generators objective is to create target like synthetic images (x_s). Equation (1) is used by the generator and discriminator. The DCGAN constructed is used to create S2 patches and passed on to the classifier. The model based on the DCGAN architecture is illustrated in Fig. 1 which is based on [44]. The generator of the DCGAN with the input of 100 element vector outputs a synthetic image.after propagating through the model. The output generated is a 64 × 64×3 image. The network consists of a fully connected layer and four deep convolutional layers. Batch normalization layers and Relu layers are applied to the convolutional layers of the network.

The discriminator network of the DCGAN has a CNN architecture with an input of 64 × 64×3. The synthetic images from the generator and the target data which are real images are learnt in order to differentiate the real and fake images. The network of the discriminator consists of four deep convolutional layers and a fully connected layer.

$${\text{min}}_{G} {\text{max}}_{D} V\left( {D,G} \right) = E_{{x\sim p_{{{\text{data}}\left( x \right)}} }} \left[ {\log D(x)} \right] + E_{z\sim pz(z)} \left[ {\log (1 - D(G(z))} \right]\left[ {\log (1 - D(G(Z)))} \right]$$
(1)

The network consists of batch normalization layers and Relu layers in the convolutional layers. The GAN was trained for 100 epochs.

3.3 One-class classification

As shown in Fig. 2 the new site, S2 with its limited WSI patches contain only one class, therefore a one-class classifier is applied for classification. However, the one-class classifier receives WSI patches from MS1 (contains patches from the target class and non-target class from multi-site), S2 (contains only target class patches) and S2 synthetic data generated from the DCGAN as shown in Fig. 2. In order to handle the one-class problem, the non-target class is taken from MS1 non-target class. Therefore, the final classifications target class comprises of WSI patches from MS1, S2 and S2 synthetic and the non-target class comprises only of MS1's non-target class. The target and non-target WSI patches are classified using CNN. The CNN comprises of three layers with sigmoid activation function and the final layer comprises of a softmax activation. The CNN takes an input of 64 × 64 × 3. A dropout of 0.5 is applied to all the layers. The CNN optimizer is RMS-prop, and the loss is binary classifier.

4 Experiments

4.1 Datasets

The experiments were conducted based on a publicly available multi-site dataset for Lymphoma subtype classification and a new site class dataset which contain data for the class of interest. The publicly available dataset has been created by National Institute on Ageing (NIA). This dataset includes three subtypes of lymphoma (Follicular Lymphoma (FL), Chronic Lymphocytic (CLL), and Mantle Cell Lymphoma (MCL)). The H&E stained images were gathered from multiple sites to add high staining variation. Furthermore, the dataset consists of 374 images of 1388 × 1040 dimension. Each class has images classified as follows, 113 for the CLL, 139 for the FL, and 122 for the MCL. In order to conduct the experiments, the images were split into non-overlapping patches of 64 × 64. The paper focuses on binary classification and therefore the CLL and MCL classes were considered as the Non-FL non-target class, while the FL class is the class of interest.

The second dataset is provided by PathWest Laboratory Medicine WA. This private dataset is considered as the dataset from the second site. It includes three H&E stained WSIs, scanned using the Aperio WSI scanner. Experienced pathologists have labelled the images for the FL class, which is the class of interest. The Regions of Interest (ROI) were extracted based on the coordinates of the annotations, and non-overlapping patches of 64 × 64 were created. The patches that contained more background were eliminated from the dataset. Patch extraction was performed by using Distinct Block Processing from the blockproc function of Matlab’s Image Processing Toolbox. A test set from this dataset has been created for the experiments. The models trained with the public dataset (multi-site, MS1) were tested with the private dataset (new site – S2).

4.2 Experiments

The differences in the data from the public multi-site dataset and the private new site dataset were explored. A visual comparison of the differences in data can be identified based on Fig. 3a and b. Additionally, we generated t-Distributed Stochastic Neighbour Embedding (t-SNE) plots for the two datasets in order to understand the data distribution and differences in the datasets. Identifying the distribution and the differences is important to address the possible generalization problems using the proposed approach. The t-SNE plots are suited for visualization of high-dimensional datasets. Based on the generated t-SNE plot shown in Fig. 5 for the two datasets, we can identify a significant difference in the data distributions of the class of interest from different sites. Based on the findings of the differences in the data distributions, we conducted detailed experiments in order to validate the proposed method. We compared the approach of using synthetic data from GAN to validate the effectiveness of the proposed method. The proposed method is compared with synthetic data and without synthetic data for comparison.

Fig. 3
figure 3

Examples of data from different sites. Figures show the contrast difference and structural variability in the datasets from different sites

For the experiment without synthetic data, the classifier is trained and validated with public dataset. For the experiment with synthetic data, the classifier is trained and validated with combined public data and synthetic data of S2. The unseen test set created using the private new site dataset (S2) is used to blind test both scenarios. The experiment without synthetic data is conducted by creating the classifier with data from the first sites. The classifiers are trained and performance of the classification.is obtained. The experiment with synthetic data has two phases. The first phase is to create synthetic data for the one-class data. Figure 4 provides examples of generated synthetic data using the DCGAN for the new site. The synthetic data are combined with the dataset of the first site as the input to the classifier. The proposed approach develops GAN as a method to handle differences in the data from different sites. In order to build the negative class of the multi-site data is considered as the negative class for the one-class dataset. The classifiers are trained with the joint dataset and performance is evaluated to be compared with the experiment without any synthetic data.

Fig. 4
figure 4

Examples of synthetic data generated using DCGAN for the new one-class site

The experiments are conducted with small scale images even though there are successful prior research for images with higher dimensions (256*256, 128*128). We test our models at relatively small scales for computational ease and prior research shows that the low-resolution images with large number of cells may need to be improved when compared to training cell-wise images [44, 45]. After generating synthetic data for the private dataset, we generated a t-SNE plot in order to identify the changes in the data distributions. Figure 5 demonstrates that the synthetic data generated by the GAN has contributed to merge the gap between the distributions of multi-site dataset and the new site dataset.

Fig. 5
figure 5

The two-dimensional t-distributed stochastic neighbour embedded (t-SNE) plot for the class of interest from different sites and synthetic data. Each point represents the values of each image patch of WSIs

5 Results and discussion

5.1 Results

The experiments with synthetic data to classify one-class data from the new site were conducted, and the performance was calculated for evaluation. The multi-site dataset and the synthetic data for the one-class private dataset are used as the input to the classifier. The classifier is trained with the synthetic data to align the differences between the datasets.

The results show better performance by using synthetic data to minimize the differences and improve performance for the data from the new site. The classifier acts as a method to handle the one-class data problem by using the multi-site dataset’s negative class. The results showed an improvement in both the new site dataset's and multi-site dataset's performance. Table 1 shows the performance without synthetic data and with synthetic data for the validation data of the multi-site dataset. It indicates an 8% increase in Accuracy and AUC values. Table 1 also presents the improvements to the F1-score, Precision and Recall to perform a fair comparison of the performance for the one-class dataset.

Table 1 Validation set—the performance for one-class classification

5.2 Comparison of classification

Differences of new site data caused poor generalization in trained models which is seen in Table 2 (1st column). The AUC for the same site validation set is 82, but the AUC for the new site test set is 60.66, when no synthetic data is generated. In order to provide more metric comparisons, the evaluation metrics for the F1-score, Precision and recall were also derived, and similar patterns of results can be observed.

Table 2 Test set—the performance for one-class classification

The proposed approach utilizes a small amount of one-class data from a new site to improve the learnt features. From Table 1, it shows the validation set from the same site also has an improvement in the performance. Table 2 shows the improvement of the test set from the unseen new site. Table 3 and Table 4 show the model evaluations for classification using 600, 400, 100 and 50 synthetic images. The increase in synthetic data has clearly improved the performance of validation data as the training set has captured more variation. The unseen test set shows F1 score range of 72–75 for FL and an AUC range of 75–77. The largest performance improvement of around 15% can be seen from combining 50 synthetic images onwards. Using different amounts of synthetic data does not drastically change the performance compared with and without synthetic data comparison.

Table 3 The classification outcome for validation set data explored with different amounts of synthetic data
Table 4 The classification outcome for blind set data explored with different amounts of synthetic data

5.3 Using GAN to handle differences

In order to handle the differences in the data from new sites, the proposed method takes a different approach using GAN. The synthetic data generated by the GAN is used to increase the amount of one-class target data while increasing the variation in the data distribution with a limited amount of labelled data. The enriched data distribution aligns the features in the multiple datasets, which leads to minimizing the gap between the datasets. Instead of data normalization or colour matching, this learning approach is much more beneficial [31]. The other learning-based approaches' model complexity is a limitation and by applying synthetic data as an approach to align the data is much more efficient.

5.4 Discussion

Method [46] and [47] in prior research discuss solutions for gradient exploding and fast convergence to generate improved synthetic data for general objects. While GANs have significantly progressed for general objects and some areas of medical imaging (MRI, CT, and fluorescent microscopic) the research for WSIs are limited.

The evidence based on the prior research showed the challenges of applying DL techniques to WSIs. Despite the promising performances in DL application to WSIs, the domain shift caused by the WSIs from completely new sites presented some challenges as described. The barrier of differences can be approached by obtaining large amounts of labelled data from new sites and retraining models. However, it is an infeasible approach considering the complex tasks of labelling WSIs and developing specific DL models to different sites. We identify that there is a need to handle the domain shift in WSIs using limited labelled data. Therefore, inspired by the one-class classification techniques, the approach of one-class data classification using GAN is proposed to handle inter-site differences in WSI data. The method can be used for new sites by only using a small one-class data set of the class of interest.

In our experiments, we have incorporated a larger multi-site dataset from a publicly available source and a small amount of one-class data from a new site from a local hospital. We provided a comparison of the performance of the data from the new site, with and without the use of synthetic data. We demonstrated that by using labelled data from a multi-site dataset and a small number of synthetic data, the accuracy of the CNN can reach a 15% increase in classifying FL and non-FL data in the test set. The method is capable of minimizing the need for a large amount of labelled data from the new site and the handle differences. This is achieved without compensation for the image variations and non-morphological differences in data from different sites. Figure 5 demonstrates the differences by separating the data from the public (multi-site) dataset and the private (new site) dataset into two clusters. After generating the synthetic data for the new site, Fig. 5 demonstrates that the differences are minimized. Furthermore, the performance of the model can be enhanced by incorporating the synthetic data generated by GAN.

Furthermore, the proposed approach is a computationally, less demanding approach than the commonly used GAN architectures. The proposed approach was tested on a NVIDIA 1080i 1 GPU. Most common GAN types, StarGAN, StyleGAN and CycleGANs require a higher GPU power. In general the starGAN requires a NVIDIA Titan Xp GPU with 4000 training images [48]. StyleGAN recommends using NVIDIA DGX-1 with 8 Tesla V100 GPUs and training for a week [49]. Although CycleGAN can use the NVIDIA 1080i GPU it takes approximately 72 h to run 100 epochs, whereas the proposed approach generates images by running 100 epochs for less than one hour. Figure 6 shows the images generated by CycleGAN after 10 epochs running for 3 h. It shows image translation converting multi-site images to new site images which do not capture the heterogeneous tissue structures, and it fails in translating private images to public images which have heterogeneous features in the tissue structures. The prior research on CycleGAN also shows that complex texture and shape structures were not captured by the CycleGAN [50]. Adapting a model to capture real-world data distribution is essential. Therefore, the proposed approach using DCGAN is an efficient method compared to the other methods due to its capability of addressing the unique features from the new site using limited computational power. Therefore, the proposed DCGAN based approach is a faster method which is capable of generating synthetic data with a limited number of labelled data from a new site.

Fig. 6
figure 6

Examples of synthetic data generated using CycleGAN for multi-site and new site data

6 Conclusion

The paper presents an alternative approach to handle inter-site differences while minimizing the need for labelled data. A GAN based technique is presented to handle the one-class data problem as a solution to minimize the number of required labels while improving the performance for data from new sites. Our empirical study shows that the proposed GAN based technique shows significant improvement in performance for the new site's data. The proposed technique can be applied to any new site with a minimal number of labelled data for the class of interest. An efficient and effective DCGAN is introduced to handle the differences in data from new sites. The proposed technique can be implemented with reduced computational resources which is beneficial for translating the method in the digital pathology workflow.