Next Article in Journal
Companion Animals as a Key to Success for Translating Radiation Therapy Research into the Clinic
Next Article in Special Issue
Deep Transfer Learning with Enhanced Feature Fusion for Detection of Abnormalities in X-ray Images
Previous Article in Journal
Tumor-Associated Fibroblast-Derived Exosomal circDennd1b Promotes Pituitary Adenoma Progression by Modulating the miR-145-5p/ONECUT2 Axis and Activating the MAPK Pathway
Previous Article in Special Issue
Performing Automatic Identification and Staging of Urothelial Carcinoma in Bladder Cancer Patients Using a Hybrid Deep-Machine Learning Approach
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Explainable CAD System for Classification of Acute Lymphoblastic Leukemia Based on a Robust White Blood Cell Segmentation

by
Jose Luis Diaz Resendiz
1,
Volodymyr Ponomaryov
1,*,
Rogelio Reyes Reyes
1 and
Sergiy Sadovnychiy
2
1
Instituto Politecnico Nacional, Escuela Superior de Ingenieria Mecanica y Electrica–Culhuacan, Av. Sta. Ana 1000, Mexico City 04440, Mexico
2
Instituto Mexicano del Petroleo, Eje Central Lazaro Cardenas Norte 152, Mexico City 07730, Mexico
*
Author to whom correspondence should be addressed.
Cancers 2023, 15(13), 3376; https://doi.org/10.3390/cancers15133376
Submission received: 6 May 2023 / Revised: 25 June 2023 / Accepted: 26 June 2023 / Published: 27 June 2023

Abstract

:

Simple Summary

Leukemia is a type of cancer that affects white blood cells and can lead to serious health problems and death. Diagnosing leukemia is currently performed through a combination of morphological and molecular criteria, which can be time-consuming and, in some cases, unreliable. Computer-aided diagnosis (CAD) systems based on deep-learning methods have shown promise in improving diagnosis efficiency and accuracy. However, these systems suffer from the “black box problem,” which can lead to incorrect classifications. This research proposes a novel deep-learning approach with visual explainability for ALL diagnoses based on robust white blood cell nuclei segmentation to provide a highly reliable and interpretable classification. The aim is to develop a CAD system that can assist physicians in diagnosing leukemia more efficiently, potentially improving patient outcomes. The findings of this research may impact the research community by providing a more reliable and explainable deep-learning-based approach to blood disorder diagnosis.

Abstract

Leukemia is a significant health challenge, with high incidence and mortality rates. Computer-aided diagnosis (CAD) has emerged as a promising approach. However, deep-learning methods suffer from the “black box problem”, leading to unreliable diagnoses. This research proposes an Explainable AI (XAI) Leukemia classification method that addresses this issue by incorporating a robust White Blood Cell (WBC) nuclei segmentation as a hard attention mechanism. The segmentation of WBC is achieved by combining image processing and U-Net techniques, resulting in improved overall performance. The segmented images are fed into modified ResNet-50 models, where the MLP classifier, activation functions, and training scheme have been tested for leukemia subtype classification. Additionally, we add visual explainability and feature space analysis techniques to offer an interpretable classification. Our segmentation algorithm achieves an Intersection over Union (IoU) of 0.91, in six databases. Furthermore, the deep-learning classifier achieves an accuracy of 99.9% on testing. The Grad CAM methods and clustering space analysis confirm improved network focus when classifying segmented images compared to non-segmented images. Overall, the proposed visual explainable CAD system has the potential to assist physicians in diagnosing leukemia and improving patient outcomes.

1. Introduction

Blood disorders are among the most challenging problems in medical diagnosis and image processing, where blood samples can be used to analyze a person’s state of health and diagnose various diseases such as allergies, infections, or cancer. Specifically, one of the most lethal cancers with the highest incidence rate is Leukemia, where malformation of the white blood cells causes serious health problems that can lead to death. Although WBCs are involved in protecting the human body, they are also susceptible to illness. The most critical pathological conditions of the white blood cells are blood cancers. As a consequence of malignant mutations in the lymphoid or myeloid cells, there is an uncontrolled proliferation of malformed cells that do not function correctly in the organism, causing a decrease in the patient’s health and even death. This process of malformation and uncontrolled reproduction of white blood cells is called Leukemia [1,2].
Leukemia can be classified according to the type of malignant cell, either lymphoid or myeloid, or the speed of symptoms development, chronic or acute. Acute Lymphoblastic Leukemia (ALL) is the most common during childhood, and due to genetic factors, the most affected ethnicity worldwide by ALL is the Hispanic population [2]. Currently, the way to diagnose Leukemia is based on a mixture of morphological and molecular criteria. The morphological classification relies on the FAB (French-American-British) medical criteria, established on recognizing characteristics or patterns such as the number of white blood cells, shape, and size, among others, where it is possible to differentiate between the types [2,3].
One major disadvantage of this procedure is the time consumption for the specialist in the analysis of each sample and the reliability of the diagnosis [4]. In addition, in low-income countries where health systems are overwhelmed, the time to find an appointment for the performance of these tests is high, which can result in a late diagnosis. Computer Aided Diagnostic (CAD) systems assist physicians in routine tasks to diagnose more efficiently, accurately, and with shorter diagnostic times, providing a better outcome for the patient.
In particular, CAD systems based on Deep Learning methods have recently gained relevance due to the good metrics obtained in research articles. However, as Loddo and Putzu [5] stipulate, many of the systems based on Deep Learning, specifically segmentation and classification systems of blood smear images, need a deeper analysis of the results beyond the metrics and learning curves. One major challenge associated with Deep Learning models is the “Black box problem,” where the lack of semantic associations between input data and predicted classes hinders interpretability. This means that although a Deep Learning model may achieve excellent metrics and accurately classify results, the underlying associations made by the model might be incorrect. This conveys a significant risk when applying these systems to different databases or integrating them into routine clinical practice.
The growing spectrum of diseases and the potential of Computer Diagnosis have sparked intense research into white blood cell (WBC) segmentation and leukemia classification. Propelled by progress in computer vision and Deep Learning, considerable strides have been taken in addressing the challenges intrinsic to WBC nuclei segmentation and leukemia classification [6,7].
Recent research has shown the positive impact of appropriate pre-segmentation on deep-learning classification in medical imaging. The research of Mahbod et al. [8] highlighted improved performance with the correct use of segmentation masks on dermoscopic images, however, when segmentation was applied inaccurately, it resulted in a decrease in model performance. Similarly, Al-masni et al. [9] found that feeding segmented skin lesions into an integrated computer-aided diagnosis (CAD) system resulted in more effective diagnostic classification.
In the context of WBC segmentation, one of the most relevant studies was carried out by Vogado et al. [10], where color space transformations from RGB to CMYK and Lab* were applied, followed by contrast adjustment and median filtering to enhance the image. Leukocytes were highlighted by subtracting the B channel from the M channel. K-means clustering and morphological operations were subsequently employed. Alternatively, Makem and Tiedeu [11] introduced a WBC nucleus segmentation method by leveraging color space transformations, arithmetical operations, and adaptive PCA fusion. Their approach demonstrated excellent performance with Dice Coefficients of 94.75%, 97.06%, and 90.79% on the BloodSeg, CellaVision, and JTSC databases, respectively, validating its effectiveness across diverse datasets. Meanwhile, Mousavi et al. [12] addressed the WBC nucleus segmentation problem by employing a color balancing method based on the color channels means, converting the image to CMYK and extracting the Magenta channel and then segmenting the image. This approach was trained and tested with 985 and 250 images from the Raabin WBC, respectively, obtaining a Dice Coefficient of 95.42%. After, Tavakoli et al. [13] developed a three-step method for WBC nucleus segmentation. Applying color balancing, RGB to HSL and CMYK conversions, and arithmetic operations to enhance nuclei visibility, followed by Otsu filtering for binarization. The method achieved a Dice Coefficient of 96.75% on a subset of 250 images from the Raabin WBC dataset.
Makem et al. [14] proposed a robust WBC segmentation method based on arithmetic operations and the Fourier transform. They segment the WBC using RGB space operations and Otsu thresholding, followed by Fourier-based image enhancement. The K-means algorithm is then applied for nuclei grouping and segmentation. The method achieved high segmentation accuracy on five databases, with Dice Coefficient results ranging from 86.02% to 97.35%. In comparison, Mayala and Haugsøen. [15] proposed a WBC segmentation method based on finding the minima between two local peaks in the image histogram analysis.
Ochoa-Montiel et al. [16] proposed an intermediate approach between handcrafted and deep-learning methods for WBC segmentation and ALL classification. They employ RGB to HSI transformation, Otsu’s segmentation method, and handcrafted feature extraction techniques. Classification is performed using handcrafted approaches and deep-learning methods based on Alexnet and LeNet architectures.
In contrast, a few WBC segmentation schemes are based entirely on the Deep Learning approach. For example, Haider et al. [17] proposed a Deep Learning approach for WBC segmentation, specifically nucleus and cytoplasm segmentation. They introduced two networks, LDS-NET and LDAS-NET, which are modifications of U-NET with additional features such as residual connections. The combination of these features helps retain information and improve accuracy. The approach of Garcia-Lamont et al. [18] proposes six methods for WBC nucleus segmentation: CPNNHSV, CPNRGB (neural network-based), SOMHSV, SOMRGB (Self Organized Maps-based), and VarHSV, VarRGB (based on chromatic variance). This approach has been tested using three different databases with 660 images.
Zhou et al. [19] applied a modified version of U-Net, a well-known Deep Learning method used for segmentation. U-Net++ architecture modifies the plain skip connections for nested and dense skip connections to combine the high-resolution map feature. This algorithm was trained and tested with 989 and 250 images of the Raabin WBC database, respectively, reaching a Dice Coefficient of 97.19%. Similarly, Oktay et al. [20] proposed a new U-Net-based model with attention. This attention gate allows for highlighting relevant features and removing irrelevant ones resulting in better segmentation. The algorithm was implemented with the Raabin WBC dataset, trained and tested with 989 and 250 images, respectively, resulting in a Dice Coefficient of 96.33%. Finally, He et al. [21] enhanced the Faster R-CNN approach with the Mask R-CNN architecture for WBC segmentation. The method improves the segmentation results by introducing a connection between the convolutional feature maps and generating a masked ROI as an attention module.
The review of the state-of-the-art shows that WBC segmentation and Leukemia classification remains an active and evolving research area. In recent years, the significance of model interpretability and explainability has garnered increasing attention in medical diagnosis. Current methodologies encounter challenges regarding robustness and the elucidation of the underlying rationale behind model predictions. Traditional Handcraft approaches often involve intricate and non-intuitive segmentation steps and typically perform worse than AI models. Deep Learning methods, while achieving impressive performance, frequently suffer from the “Black box problem,” difficulting in the reliability of the diagnosis. Thus, there is a pressing need to explore novel techniques prioritizing model interpretability and explainability. In addition, in assisted medical diagnosis systems, the doctor must understand the reasons that lead to a particular Deep Learning classification so that the physician can implement an accurate and reliable hybrid diagnosis.
In this article, we introduce a novel method for leukemia classification using Explainable Artificial Intelligence (XAI) and segmentation techniques. The unique feature of our approach lies in its use of segmentation as a form of ’hard attention’ mechanism, which enhances the classifier’s accuracy and interpretability by targeting the nucleus of white blood cells (WBCs). We demonstrate the robustness of our segmentation method by testing it across multiple databases. To make the network associations more tangible, we use gradient attention maps that visualize the relevance of various regions, considering both the intensity and location of the ’attention’ within the Region of Interest (ROI). By focusing on the WBC nuclei before classification, our proposed method significantly improves the quantitative and qualitative criteria, outperforming classifiers that do not use segmentation. We also compare Deep Learning approaches and demonstrate the superior efficacy of the Mish activation function over the commonly used Rectified Linear Unit (ReLU). Through these findings, we hope to advance the field of leukemia classification by offering an approach that is not only more accurate but also more explainable.
Furthermore, this research has four main sections; Section 2 shows the datasets and the metrics used for evaluation; Section 3 presents the proposed methodology; Section 4 exhibits results as well as the discussion; finally Section 5 summarized scientific contributions of this research.

2. Materials

2.1. Datasets

This research used six databases with digitalized images of blood or bone marrow samples. A total of 2823 different images were used to test the developed method. The databases employed have different characteristics concerning each other, such as the number and size of white blood cells, image color, saturation, illumination, etc.
  • Leukemia Dataset [16] is formed by 651 classified images of Acute Lymphoblastic Leukemia according to FAB classification (217-ALL1, 217-ALL2, 217-ALL3), with dimensions of  256 × 320  pixels. This dataset is the only one in the state-of-the-art that labels the different types of Acute Lymphoblastic Leukemia with reliability through cytogenetic tests.
  • CellaVision [22] is made up of 100 blood samples, and each image has dimensions of  300 × 300  pixels and a bit depth of 24 bits. This dataset usually consists of a single cell, and the core color is violet, while the background has pinkish and yellowish tints.
  • JTSC [22] is made by the Jiangxi Telecom Science Corporation in China. This dataset consists of 300 images of  120 × 120  pixels containing the GT of the nucleus and cytoplasm for comparative analysis. It contains a wide variability among its samples since there are cells in which the nucleus has a highly saturated coloration, while in others, the nucleus is almost translucent. Furthermore, the image’s background varies from an intense yellow to a pinkish white.
  • SMC_ID (Blood_Seg) [23] is composed of 367 images of WBC with a size of  640 × 480  pixels. Each sample characterizes by the GT of the nucleus, which facilitates its analysis. Commonly, the images that integrate this dataset have a cell nucleus with low color saturation. Additionally, the WBC is located in diverse positions over the image.
  • Raabin_WBC [24]. It provides 1145 images of blood samples, with dimensions of  545 × 545  pixels, where white blood cells are subdivided into 242 lymphocytes, 242 monocytes, 242 neutrophils, 201 eosinophils, and 218 basophils. Each of these 1145 samples also contains a ground truth, both whole cell and nucleus. This is one of the best databases by now, as it has numerous samples of different cell types classified and annotated with ground truth for analysis and comparison of results.
  • ALL_IDB2 [25]. It consists of 260 images of  257 × 257  pixels. This dataset derives from the ALL-IDB1 dataset, where individual cells have been cropped to obtain the region of interest.
Examples of the datasets used in the research are shown in Figure 1.

2.2. Metrics

For evaluating the proposed segmentation and classification method, seven of the most widely used metrics were employed [26]:
  • Accuracy value measures the appropriate classification over the total elements.
    A c c = T P + T N T P + T N + F P + F N .
  • Precision metric estimates the number of elements correctly classified among all the positive elements to evaluate.
    P r e = T P T P + F P .
  • Recall also known as sensitivity, is used to denote the number of positive elements that are correctly classified.
    R e c = T P T P + F N .
  • Specificity measures the proportion of true negatives that are successfully identified by the model.
    S p e c = T N T N + F P .
  • Dice Similarity Coefficient or DSC can be considered to be a harmonic mean of precision and recall. Furthermore, known as F1-Score.
    D S C = 2 * P r e c i s i o n * R e c a l l P r e c i s i o n + R e c a l l .
  • Intersection over Union also known as Jaccard Index is the most important metric in image segmentation tasks since it measures the magnitude of overlap between the GT and the segmented image.
    I o U = T P T P + F P + F N .
were TP represents true positives, TN true negatives, FP false positives and FN false negatives.

3. Proposed Method

In this work, a novel CAD system for Acute Lymphoblastic Leukemia classification was developed. The novel approach relies on an ensemble state of art white blood cell segmentation that acts as a hard attention mechanism for the network, increasing diagnostic accuracy and reliability. Furthermore, a visual Grad CAM interpretation with four gradient activations maps (GradCAM, GRADCAM++, Hi-Res-CAM, Xgrad-CAM) and a clustering space analysis increase the reliability of the method. The proposed system diagram is shown in Figure 2. Below, each of the three phases of the method is presented.

3.1. Handcrafted WBC Nuclei Segmentation

This research proposes a new robust and consistent segmentation method for differentiating the WBC nucleus from the rest of the sample. To address the issue of color variations between blood samples, caused by factors such as illumination, microscope type, and staining, a method proposed by Hedge et al. [27] is employed. This method involves multiplying the original RGB channels by a weight calculated based on the ratio between the average grayscale intensity and the average intensity of the respective channel (Red, Green, and Blue), as can be seen below in Equation (7). By applying this approach, the colors in the samples are homogenized, enhancing the tonal consistency across different datasets and improving the method’s applicability and robustness.
C C C h a n n e l = C h a n n e l   I n t e n s i t y m e a n G r a y s c a l e m e a n C h a n n e l   I n t e n s i t y .
We enhance the WBC nucleus by matching image tonalities and employing color space transformations (RGB to CMYK and HSV). Guided by purple tonalities and high saturation in the ROI region, the Saturation and Magenta channels are combined using the Hadamard product to highlight nuclei and remove unwanted elements. The bilateral filter [28] is employed after the Hadamard product to refine the segmentation process further to eliminate image noise and blur the WBC nucleus. This step ensures that any regions potentially lost during the Hadamard product operation are recovered while maintaining the original shape and integrity of the cell edges. The grayscale image is then transformed to a binary image via the adaptive Otsu Thresholding [29], resulting in an image where the WBC nuclei are highlighted in white and the other components of the image in black.
Since areas with holes could be found in the nucleus of the binarized image, the morphological transformations of closing and filling holes are applied to improve the segmentation process. The closing eliminates the small black regions, filling holes operation dilates the white regions within the WBC nucleus. Finally, a filter by ROI pixel area removes small spurious elements that remain, where the elements with a smaller area of pixels than those established by the threshold are eliminated from the image. All the presented steps of the WBC nuclei segmentation method can be summarized in Algorithm 1.
Algorithm 1 Proposed Handcrafted WBC Nuclei Segmentation.
1:
Read RGB image
2:
  C C _ R G B A p p l y C o l o r C o n s t a n c y t o R G B i m a g e
3:
  C M Y K I m a g e T r a n s f o r m C C _ R G B t o C M Y K
4:
  M s p l i t ( C M Y K I m a g e )
5:
  H S V I m a g e T r a n s f o r m C C _ R G B t o H S V
6:
  S s p l i t ( H S V I m a g e )
7:
  M u l t I m a g e M S ( H a d a m a r d P r o d u c t )
8:
  B i l a t e r a l I m a g e B i l a t e r a l F i l t e r ( M u l t I m a g e )
9:
  B i n a r i z e d I m a g e T h _ O t s u ( B i l a t e r a l I m a g e )
10:
  B i n a r i z e d I m a g e C l o s i n g ( B i n a r i z e d I m a g e )
11:
  B i n a r i z e d I m a g e F i l l _ H o l e s ( B i n a r i z e d I m a g e )
12:
  A r e a F i l t e r I m a g e B i n a r i z e d I m a g e > = p i x e l n u m b e r
13:
  S e g m e n t e d I m a g e M a s k ( A r e a F i l t e r I m a g e , R G B I m a g e )

3.2. Deep Learning WBC Nuclei Segmentation

The encoder-decoder architecture, U-Net [30], was implemented for the Deep Learning segmentation phase. The encoder downsamples the input image and extracts high-level features, while the decoder upsamples the features to reconstruct the original image size and generate a segmentation map. The skip connections between the encoder and decoder help to preserve spatial information and enable precise segmentation of objects. Our implementation of the UNet model has the following structure: Designed for 2-dimensional spatial inputs, begins with an input of 3 channels. The model progresses through five distinct levels, each corresponding to a different size of the channel, expanding from 32 to 512. At each level, the model performs downsampling using strided convolutions, with strides of 1 at the first level, and 2 at subsequent levels. The model employs Instance Normalization, includes a dropout rate of 0.5 for regularization, and uses the Mish activation function for non-linearity [31] (see Equation (8))
M i s h ( x ) = x * t a n h ( l n ( ( 1 + e x ) ) .
Furthermore, we used the state-of-the-art Unified Focal Loss function [32] as a loss function for our UNet-based model, which can improve the segmentation due to its better handling of class imbalance and the combination of Focal Loss, Equation (9), (distribution-based loss) and Tversky Loss, Equation (10), (region-based loss).
L m F o c a l L o s s = δ ( 1 p ) 1 γ * L B i n a r y C r o s s E n t r o p y .
L m F o c a l T v e r s k y L o s s = c = 1 C ( 1 m T I ) γ .
L U n f i e d F o c a l L o s s = λ L m F o c a l L o s s + ( 1 λ ) L m F o c a l T v e r s k y L o s s .
For Unified Focal Loss, see Equation (11), the three tuning parameters are defined as:  δ  controls the relative weighting of positive and negative classes,  γ  manages the suppression of background classes and the attention of rare classes, and lastly,  λ  handles the weights between the distribution-based loss and the region-based loss.

3.3. Ensemble Segmentation

Ensemble segmentation is a technique for improving the accuracy and robustness of image segmentation using multiple segmentation models. Combining the predictions of several models can improve the overall performance of the segmentation. The novel method employs a Hybrid ensemble segmentation technique. By combining the proposed Handcrafted and Deep Learning segmentations, we can overcome the limitations of individual approaches and produce more reliable segmentation results. Since the biggest problem in both segmentation methods was the false positives, the logical AND operation was used to merge both masks, significantly reducing the number of false positives and increasing the stability of the ensemble segmentation. For instance, when one of the two methods does not correctly remove a non-ROI region and the other does, this non-ROI region is removed from the Ensemble segmentation mask. After the fusion technique, we applied an area opening as a post-processing operation.
E n s e m b l e M a s k = H a n d c r a f t e d M a s k D e e p L e a r n i n g M a s k .

3.4. ALL Classification

In this study, the proposed classifier is based on ResNet-50 [33], which through their residual connections, allows a better back-propagated gradient flow through the network, contributing simultaneously to assembling more layers in a CNN network while improving the network’s learning. Since the ResNet-50 architecture forms a vector of 2048 features in the Fully Connected layer, and the proposed method attempts to classify three classes of Leukemia, it is necessary to modify the MLP classifier layer. It has been proposed two different configurations: One going from 2048 to 1024-512-3 (Medium) and the other from 2048 to 3 (Linear). The objective behind the different classifiers configurations is based on the assumption that adding more hidden layers is needed to approximate the feature function of each class, leading to a classification improvement.
To find the best classifier for this problem, eight models were trained based on ResNet-50, changing the activation function, the number of hidden layers and neurons in the MLP classifier, and the input images, Segmented and NoSegmented, as is shown in Table 1:

3.5. Visual Explainability

A crucial component of our proposed method is the integration of a visual explainability stage, which aims to provide insights into the network’s learning process and ensure that the regions of interest (ROIs) are accurately identified during Deep Learning classification. This step enhances the method’s overall effectiveness and enables clinicians to interpret the results generated by the network. Since, in the field of Deep Learning interpretability, there is currently no consensus on the best metrics-based approach for activation map generation, and it is known that each method could highlight different regions. Therefore, we perform a comprehensive analysis of four gradient-based methods, namely GRAD-CAM [34], Grad CAM++ [35], HiRes-CAM [36], and XGrad-CAM [37]. By examining these methods’ outputs, we ensure a robust evaluation of the network’s attention and activation patterns. This approach enables us to better understand the network’s decision-making process and further strengthens the interpretability of our proposed method.

3.6. Clustering Space Analysis

We introduced a clustering space analysis to visualize class predictions in the proposed method to enhance reliability and robustness. By obtaining the logits of each sample in the test set and their corresponding true targets, a 3-dimensional map was generated where the coordinates represented class predictions (L1, L2, and L3). Principal Component Analysis (PCA) was applied to reduce dimensionality and visualize clusters. This visualization technique allowed us to observe how the network grouped classes in the logits space, aiming to maximize inter-class variance and minimize intra-class variance. The analysis included calculating the Euclidean distance between cluster centroids to measure inter-class variance and using the standard deviation of “PC1” and “PC2” within each cluster to quantify intra-class variance. Recognizing the significance of inter-cluster distance in class prediction, we introduced the Dist/SD Ratio, a weighted ratio of 3-1 Distance/SD intra-class. We think that models amplifying this ratio may exhibit superior robustness when clustering-classifying new data, reflecting better class separability and tighter intra-class clustering for enhanced generalization performance, as is shown in Figure 3.

4. Results and Discussion

4.1. Segmentation Results

The handcrafted segmentation method was implemented using a PC, with an Intel Core i7-4510U processor, 8 GB RAM, the operating system Windows 64-bit, using Python version 3.9.7 and the libraries Scikit-image[38] and OpenCV [39]. The deep-learning segmentation was made in a Google Colab environment, using a Tesla T4 GPU, Pytorch v1.12.1 [40], Scikit-learn [41] and Monai [42]. A 10-fold cross-validation was used to assess the predictive performance of the proposed model. The dataset was randomly shuffled and divided into 10 equal parts or folds. During each iteration, nine of these folds were used for training the model, while the remaining fold was reserved for testing. This process was repeated 10 times, with each fold as the test set once. The model’s performance was evaluated on diverse data by rotating the test set across different folds improving reliability, [43,44]. Furthermore, we applied data augmentation techniques on the fly [45], such as VerticalFlip, HorizontalFlip, RandomRotate90, Transpose with a probability of p = 0.5 and RandomGamma, CLAHE, GaussNoise with p = 0.2 and a Resize (256,256) with p = 1. General hyperparameters were: Adam optimizer, unified focal loss, and ReduceLROnPlateau.Specific hyperparameters, for each UNet such as lambda, delta, gamma, learning rate, dropout probability, and weight decay, can be seen in Table A2.
The proposed WBC nuclei segmentation method was evaluated in Leukemia Dataset, CellaVision, JTSC, SMC_IDB, Raabin_WBC, and ALL_IDB2 datasets. Figure 4 compares the three proposed methods on two images, one of JTSC and one from the Leukemia dataset. It can be seen that the combination of both methods, Handcraft and Deep, results in improved segmentation, even with the color differences or cell numbers in the images.
Further perceptual results of the Ensemble method are shown in Figure 5, where a cyan border surrounds the segmented WBC nuclei. From the figure, one can perceive the overall accuracy of the segmentation method, despite the differences in saturation, color, transparency of the cells, etc.
Meanwhile, the quantitative results were obtained by comparing segmented images against their GT. Seven different quality metrics were used to assess the performance of the proposed methods. In Table 2, it can be seen that the proposed method obtains competitive results for all the databases and all the proposed quality metrics. These high-performance results confirm the robustness of the proposed segmentation system, where this system appears to demonstrate minimal variability in the output results despite changes in the input.
Moreover to general results, the proposed system is explicitly compared using each of the databases and against recent state-of-the-art methods. The results derived from these comparisons can be seen in Table 3 and Table 4.
The training and validation plots for each fold were obtained for evaluating the adequate training of each U-Net model, as shown in Figure 6. From these graphs, it is possible to observe the correct network learning for Cellavision and the other databases. The rest of the curves can be found in Figure A1.

4.2. Leukemia Classification

For the classification stage of the method, previously segmented images from the Leukemia Dataset were used for the Segmented Models and Original Images for the Non-Segmented Models. Both datasets were divided into a 90% Train-Validation split and a 10% Test split. A stratified K-fold with 10 folds was then applied to the Train-Validation Split. Each model was trained for 30 epochs during each K-fold. For each training set in the K-fold, ‘on the fly’ data augmentation operations were applied, including Vertical Flip, Horizontal Flip, RandomRotate90, Random Gamma, CLAHE, Transpose, and Gaussian Noise, each with a probability of p = 0.5. Finally, all the images were transformed with Resize (232), CenterCrop (224), and Normalize (mean = (0.485, 0.456, 0.406), std = (0.229, 0.224, 0.225)). The hyperparameters of the ResNet-50 models included a batch size of 8, a learning rate of 1  × 10 5 , an Adam optimizer with a weight decay of 1  × 10 4 , cross-entropy loss, and the ReduceLROnPlateau learning rate scheduler.
The top four results from the ten K-fold validations across the eight models are presented in Table 5, while the corresponding training and validation plots can be found in Figure A2. These results provide evidence for the accuracy of the proposed classifier.
Comparing our method with six classifiers used by Ochoa-Montiel et al. for the Leukemia Dataset reveals that deep-learning-based methods, such as LeNet, AlexNet, and our proposed method, yield superior results in contrast to handcrafted methods such as MLP and Random Forest (see Table 6). Our study presents methods that are competitive within this landscape. However, as outlined in the Related Work (Section 1) and Methods (Section 3) sections, we go a step further by extending our analysis beyond conventional metrics. We incorporate Explainable AI (XAI) and clustering space analysis to affirm the robustness and reliability of our model [5,7].

4.3. Clustering Space Analysis Results

In this phase, 10% of the hold-out datasets were used to test the robustness of the model. Transformations commonly found in real environments [46], such as MotionBlur (blur_limit = 5), MultiplicativeNoise, GaussNoise (var_limit = 10, mean = 0), were applied to each image, in addition to the transformations mentioned in Section 4.2. Table 7 demonstrates that the two most robust models, yielding the best metrics, are those trained on segmented images, specifically with the Mish and ReLU activations, respectively. In contrast, the models most sensitive to daily noise are those trained on raw, non-segmented images.
On the other hand, the results of the clustering analysis, shown in Table 8, indicate that the two best models, those that improve inter-class separability and decrease intra-class separability, are the segmented models with Mish and ReLU activations. In contrast, the models with the poorest clustering results are the unsegmented ones. The visual results from the aforementioned tables are presented in Figure 7. Here, the ’Segmented Mish Medium’ model, shown in Figure 7a, performs the best in clustering and achieves higher separability, suggesting that it is learning features that better differentiate the classes. Conversely, the ’NoSegmented’ model, shown in Figure 7b, has lower intra-class separability, making classification more difficult. This leads to the classification results that can be appreciated at their respective confusion matrix.

4.4. Class Activation Maps

The class activation maps for the ’Segmented Mish Medium’ and ’NoSegmented ReLU Linear’ models are shown in Figure 8. From these, it is apparent that applying segmentation to the WBC images, as shown in Figure 8a, allows the network to focus precisely where the WBC kernels are located. Conversely, in Figure 8b, the network is easily distracted due to the shared similarities between the WBC and blood cell characteristics.
By employing various activation maps, we can discern the semantic connections inferred by the network for classification. This is illustrated in Figure 9, where the network makes two distinct semantic associations from the same images in the Test Dataset, both leading to correct classifications. The segmented image model accurately classifies L3 with a high confidence level of 0.999, attributable to the model’s focus on the WBC. On the other hand, the ‘NoSegmented’ model also correctly classifies L3 but with a reduced confidence level of 0.734, indicating that the model may be making associations atypical to L3. For additional results, see Table A3.
Finally, based on the previous results, the ‘Segmented Mish Medium’ model emerged as the best overall for classification, as it improves both classification performance and explainability. Summary results from our proposed method can be found in Figure 10.

4.5. Discussion

Our experimental results underscore the advantages of integrating a highly accurate handcrafted segmentation algorithm with deep-learning-based segmentation. This combination has proven to significantly enhance the classification process. Employing a pre-segmentation approach as a hard attention mechanism prior to the classification of a Leukemia Dataset not only improves the quantitative outcomes but also enhances the model’s explainability. Furthermore, segmented models have demonstrated the capability to direct greater attention to the Region of Interest (ROI) for white blood cells (WBCs). The fusion of these methodologies significantly boosts model interpretability and reliability through the attention mechanism and visual explanation. It also paves the way for analyzing the logit space generated by the models through cluster space analysis. This could provide measures of class separability and indirectly assess the model’s ability to extract high-quality deep features that enhance classification.
This integrated segmentation approach could help to improve the segmentation and differentiation of cytoplasm in various cells and could be a valuable preprocessing step for classifying other malignancies.
Despite the promising results produced by our methodology, there is room for further enhancement. The need for labeled images, while necessary, is time-consuming and prone to errors. Future research could address these challenges by exploring unsupervised or deep reinforcement learning. Additionally, the incorporation of modern diagnostic techniques, such as Flow cytometric immunophenotyping, into morphology-based studies could lead to a more comprehensive and robust diagnostic tool by combining genetic and morphological characteristics.

5. Conclusions

In this research, we developed a novel Computer-Aided Diagnosis (CAD) system for Acute Lymphoblastic Leukemia (ALL) classification. This innovative system utilizes an ensemble of state-of-the-art white blood cell segmentation techniques, functioning as a hard attention mechanism, and has achieved a remarkable Intersection over Union (IoU) of 0.91 across six databases. Our ResNet-50 model, equipped with the hard attention mechanism provided by the white blood cell segmentation, demonstrated enhanced performance. Furthermore, we ensured greater transparency by incorporating visual Grad CAM interpretation and clustering analysis. The developed CAD system represents a significant step forward in improving the accuracy of ALL diagnoses, potentially leading to better patient outcomes.
In terms of future work, we plan to expand our model to classify various types of white blood cells and synergize image and genetic data to create a more powerful ensemble classifier.

Author Contributions

J.L.D.R.: Conceptualization, Methodology, Software, Validation, Formal Analysis, Investigation, Resources, Writing—Original Draft; V.P.: Conceptualization, Methodology, Formal analysis, Writing—Review & Editing, Supervision, Project Administration, Funding acquisition; R.R.R.: Conceptualization, Methodology, Resources, Data Curation, Supervision, Project administration; S.S.: Conceptualization, Methodology, Formal analysis, Supervision. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The code presented in this study shall be made available upon reasonable request to the corresponding author for academic purposes.

Acknowledgments

The authors would like to thank Instituto Politecnico Nacional (IPN) (Mexico), Comision de Operacion y Fomento de Actividades Economicas (COFAA) of IPN, and the Consejo Nacional de Humanidades, Ciencias y Tecnologias (Mexico) for their support in this work.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A. Segmentation and Classification Parameter’s and Extra Results

Appendix A.1. WBC Nuclei Segmentation

The parameters for each technique that makes up the handcraft segmentation method are presented in Table A1.
Table A1. Handcrafted segmentation parameters.
Table A1. Handcrafted segmentation parameters.
TechniqueParameter
Bilateral Filter (Kernel size)9
Bilateral Filter (radial, spatial sigma)50
Closing Kernel3
Area Filter150
Dilation2
Dilation (Raabin-Basophil)4

Appendix A.2. WBC Deep Learning Segmentation

The hyperparameters for each employed U-Net that conformed the Deep Learning segmentation phase are listed in Table A2.
Table A2. U-Net Train Parameters for each dataset.
Table A2. U-Net Train Parameters for each dataset.
U-Net Train Parameters
DatasetLambdaDeltaGammaLearning RateDropoutWeight Decay
Cellavision0.40.71.01 × 10−40.11 × 10−3
JTSC0.50.81.01 × 10−40.051 × 10−4
SMC_IDB0.60.71.01 × 10−40.051 × 10−3
Raabin_WBC0.40.71.01 × 10−40.51 × 10−2
ALL-IDB20.40.71.01 × 10−40.11 × 10−4
Dataset Leukemia0.40.41.01 × 10−40.051 × 10−5
Learning curves for the deep-learning segmentation procedure with a 10 K-Fold. Left column shows the IoU and at the right column the loss curve.
Figure A1. Intersection Over Union and Loss curves over 30 epochs and for each of the 10 folds.
Figure A1. Intersection Over Union and Loss curves over 30 epochs and for each of the 10 folds.
Cancers 15 03376 g0a1

Appendix A.3. Deep Learning Classification

Deep-learning classification curves for the eight proposed models are presented in Figure A2. On the left column, Train and Validation Accuracy over epochs, and on the right column, Train and Validation Loss.
Figure A2. Average accuracy and loss curves for the eight proposed models with 10 K-fold.
Figure A2. Average accuracy and loss curves for the eight proposed models with 10 K-fold.
Cancers 15 03376 g0a2
Table A3 shows the nine results of “accurate” classification from ALL with four models. Although all the images were correctly classified, the classification certainty differs between them.
Table A3. Leukemia class prediction probabilities of nine correct diagnoses. Most reliable results are in bold and second best results are underlined.
Table A3. Leukemia class prediction probabilities of nine correct diagnoses. Most reliable results are in bold and second best results are underlined.
Class Prediction Probability
ImageMish Linear-SMish Linear-NSMish Medium-SMish Medium-NS
ALL-11_1_70.9980.4261.0000.945
1_3_1320.9920.4300.9990.993
1_3_1580.9980.4641.0000.993
ALL-22_1_330.9980.7501.0000.991
2_2_1270.9990.7341.0000.990
2_3_2020.9990.7781.0000.970
ALL-33_1_30.9730.5700.9970.846
3_1_320.9930.4390.9990.806
3_2_110.9980.4921.0000.838
Average 0.9940.5650.9990.930

References

  1. Guyton, A.C.; Hall, J.E. Resistencia del organismo a la infección: I. Leucocitos, granulocitos, sistema monocitomacrofágico e inflamación. In Tratado de Fisiología Médica, 12th ed.; Elsevier: Barcelona, Spain, 2011; Chapter 34; pp. 1118–1139. [Google Scholar]
  2. Kumar, V.; Abul, A.; Jon, C. Hematopoietic and Lymphoid Systems. In Robins Basic Pathology; Elsevier: Amsterdam, The Netherlands, 2018; Chapter 12; pp. 459–467. [Google Scholar]
  3. Secretaria de Salud de México. Diagnóstico Oportuno de la Leucemia Aguda en Pediatría en Primer y Segundo Nivel de Atención; Technical Report; Secretaria de Salud: Ciudad de México, Mexico, 2017.
  4. Brereton, M.; De La Salle, B.; Ardern, J.; Hyde, K.; Burthem, J. Do We Know Why We Make Errors in Morphological Diagnosis? An Analysis of Approach and Decision-Making in Haematological Morphology. EBioMedicine 2015, 2, 1224–1234. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Loddo, A.; Putzu, L. On the Reliability of CNNs in Clinical Practice: A Computer-Aided Diagnosis System Case Study. Appl. Sci. 2022, 12, 3269. [Google Scholar] [CrossRef]
  6. Andrade, A.R.; Vogado, L.H.; Veras, R.d.M.; Silva, R.R.; Araujo, F.H.; Medeiros, F.N. Recent computational methods for white blood cell nuclei segmentation: A comparative study. Comput. Methods Programs Biomed. 2019, 173, 1–14. [Google Scholar] [CrossRef]
  7. Loddo, A.; Putzu, L. On the Effectiveness of Leukocytes Classification Methods in a Real Application Scenario. AI 2021, 2, 25. [Google Scholar] [CrossRef]
  8. Mahbod, A.; Tschandl, P.; Langs, G.; Ecker, R.; Ellinger, I. The effects of skin lesion segmentation on the performance of dermatoscopic image classification. Comput. Methods Programs Biomed. 2020, 197, 105725. [Google Scholar] [CrossRef] [PubMed]
  9. Al-masni, M.A.; Kim, D.H.; Kim, T.S. Multiple skin lesions diagnostics via integrated deep convolutional networks for segmentation and classification. Comput. Methods Programs Biomed. 2020, 190, 105351. [Google Scholar] [CrossRef]
  10. Vogado, L.H.; Veras, R.D.M.; Andrade, A.R.; De Araujo, F.H.; E Silva, R.R.; De Medeiros, F.N. Unsupervised leukemia cells segmentation based on multi-space color channels. In Proceedings of the 2016 IEEE International Symposium on Multimedia, ISM 2016, San Jose, CA, USA, 11–13 December 2016; pp. 451–456. [Google Scholar] [CrossRef]
  11. Makem, M.; Tiedeu, A. An efficient algorithm for detection of white blood cell nuclei using adaptive three stage PCA-based fusion. Inform. Med. Unlocked 2020, 20, 100416. [Google Scholar] [CrossRef]
  12. Mousavi, K.; Tavakoli, S.; Alipanah, A. Easy-GT: Open-Source Software to Facilitate Making the Ground Truth for White Blood Cells’ Nucleus. arXiv 2021, arXiv:2101.11654. [Google Scholar]
  13. Tavakoli, S.; Ghaffari, A.; Kouzehkanan, Z.M.; Hosseini, R. New segmentation and feature extraction algorithm for classification of white blood cells in peripheral smear images. Sci. Rep. 2021, 11, 19428. [Google Scholar] [CrossRef]
  14. Makem, M.; Tiedeu, A.; Kom, G.; Nkandeu, Y.P.K. A robust algorithm for white blood cell nuclei segmentation. Multimed. Tools Appl. 2022, 81, 17849–17874. [Google Scholar] [CrossRef]
  15. Mayala, S.; Haugsøen, J.B. Threshold estimation based on local minima for nucleus and cytoplasm segmentation. BMC Med. Imaging 2022, 22, 77. [Google Scholar] [CrossRef] [PubMed]
  16. Ochoa-montiel, R.; Ibarra, L.M.; Sossa, H.; Olague, G.; Polit, I. Handcraft and Automatic Approaches for the Recognition of Leukemia Images. Res. Comput. Sci. 2020, 149, 271–280. [Google Scholar]
  17. Haider, A.; Arsalan, M.; Lee, Y.W.; Park, K.R. Deep features aggregation-based joint segmentation of cytoplasm and nuclei in white blood cells. IEEE J. Biomed. Health Inform. 2022, 26, 3685–3696. [Google Scholar] [CrossRef]
  18. García-Lamont, F.; Alvarado, M.; López-Chau, A.; Cervantes, J. Efficient nucleus segmentation of white blood cells mimicking the human perception of color. Color Res. Appl. 2022, 47, 657–675. [Google Scholar] [CrossRef]
  19. Zhou, Z.; Siddiquee, M.R.; Tajbakhsh, N. UNet++: A Nested U-Net Architecture. In Lecture Notes in Computer Science (Including Subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics); Springer International Publishing: Berlin/Heidelberg, Germany, 2018; pp. 3–11. [Google Scholar] [CrossRef] [Green Version]
  20. Oktay, O.; Schlemper, J.; Folgoc, L.L.; Lee, M.; Heinrich, M.; Misawa, K.; Mori, K.; McDonagh, S.; Hammerla, N.Y.; Kainz, B.; et al. Attention U-Net: Learning Where to Look for the Pancreas. arXiv 2018, arXiv:1804.03999. [Google Scholar]
  21. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-CNN. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 42, 386–397. [Google Scholar] [CrossRef]
  22. Zheng, X.; Wang, Y.; Wang, G.; Liu, J. Fast and robust segmentation of white blood cell images by self-supervised learning. Micron 2018, 107, 55–71. [Google Scholar] [CrossRef]
  23. Mohamed, M.; Far, B.; Guaily, A. An efficient technique for white blood cells nuclei automatic segmentation. In Proceedings of the IEEE International Conference on Systems, Man and Cybernetics, Seoul, Republic of Korea, 14–17 October 2012; pp. 220–225. [Google Scholar] [CrossRef]
  24. Kouzehkanan, Z.M.; Saghari, S.; Tavakoli, S.; Rostami, P.; Abaszadeh, M.; Mirzadeh, F.; Satlsar, E.S.; Gheidishahran, M.; Gorgi, F.; Mohammadi, S.; et al. A large dataset of white blood cells containing cell locations and types, along with segmented nuclei and cytoplasm. Sci. Rep. 2022, 12, 1123. [Google Scholar] [CrossRef]
  25. Labati, R.D.; Piuri, V.; Scotti, F. All-IDB: The Acute Lymphoblastic Leukemia Image Database for Image Processing. In Proceedings of the IEEE International Conference On Image Processing, Brussels, Belgium, 11–14 September 2011; pp. 2089–2092. [Google Scholar]
  26. Müller, D.; Soto-Rey, I.; Kramer, F. Towards a guideline for evaluation metrics in medical image segmentation. BMC Res. Notes 2022, 15, 1–7. [Google Scholar] [CrossRef]
  27. Hegde, R.B.; Prasad, K.; Hebbar, H.; Singh, B.M.K. Comparison of traditional image processing and deep learning approaches for classification of white blood cells in peripheral blood smear images. Biocybern. Biomed. Eng. 2019, 39, 382–392. [Google Scholar] [CrossRef]
  28. Paris, S.; Kornprobst, P.; Tumblin, J.; Durand, F. Bilateral filtering: Theory and applications. Found. Trends Comput. Graph. Vis. 2009, 4, 1–73. [Google Scholar] [CrossRef]
  29. Otsu, N. A Threshold Selection Method from Gray-Level Histograms. IEEE Trans. Syst. Man Cybern. 1979, 20, 62–66. [Google Scholar] [CrossRef] [Green Version]
  30. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention—MICCAI 2015, Munich, Germany, 5–9 October 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer International Publishing: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  31. Misra, D. Mish: A Self Regularized Non-Monotonic Activation Function. arXiv 2019, arXiv:1908.08681. [Google Scholar]
  32. Yeung, M.; Sala, E.; Schönlieb, C.B.; Rundo, L. Unified Focal loss: Generalising Dice and cross entropy-based losses to handle class imbalanced medical image segmentation. Comput. Med. Imaging Graph. 2022, 95, 102026. [Google Scholar] [CrossRef] [PubMed]
  33. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  34. Selvaraju, R.R.; Cogswell, M.; Das, A.; Vedantam, R.; Parikh, D.; Batra, D. Grad-CAM: Visual Explanations from Deep Networks via Gradient-Based Localization. Int. J. Comput. Vis. 2020, 128, 336–359. [Google Scholar] [CrossRef] [Green Version]
  35. Chattopadhay, A.; Sarkar, A.; Howlader, P.; Balasubramanian, V.N. Grad-CAM++: Generalized gradient-based visual explanations for deep convolutional networks. In Proceedings of the 2018 IEEE Winter Conference on Applications of Computer Vision, WACV 2018, Lake Tahoe, NV, USA, 12–15 March 2018; pp. 839–847. [Google Scholar] [CrossRef] [Green Version]
  36. Draelos, R.L.; Carin, L. Use HiResCAM instead of Grad-CAM for faithful explanations of convolutional neural networks. arXiv 2020, arXiv:2011.08891. [Google Scholar]
  37. Fu, R.; Hu, Q.; Dong, X.; Guo, Y.; Gao, Y.; Li, B. Axiom-based Grad-CAM: Towards Accurate Visualization and Explanation of CNNs. arXiv 2020, arXiv:2008.02312. [Google Scholar]
  38. Van der Walt, S.; Schönberger, J.L.; Nunez-Iglesias, J.; Boulogne, F.; Warner, J.D.; Yager, N.; Gouillart, E.; Yu, T. scikit-image: Image processing in Python. PeerJ 2014, 2, e453. [Google Scholar] [CrossRef] [PubMed]
  39. Bradski, G. The OpenCV Library. Dr. Dobb’S J. Softw. Tools 2000, 11, 120–123. [Google Scholar]
  40. Paszke, A.; Gross, S.; Massa, F.; Lerer, A.; Bradbury, J.; Chanan, G.; Killeen, T.; Lin, Z.; Gimelshein, N.; Antiga, L.; et al. PyTorch: An Imperative Style, High-Performance Deep Learning Library. In Advances in Neural Information Processing Systems 32; Curran Associates Inc.: Red Hook, NY, USA, 2019; pp. 8024–8035. [Google Scholar]
  41. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine Learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
  42. Cardoso, M.J.; Li, W.; Brown, R.; Ma, N.; Kerfoot, E.; Wang, Y.; Murrey, B.; Myronenko, A.; Zhao, C.; Yang, D.; et al. MONAI: An open-source framework for deep learning in healthcare. arXiv 2022, arXiv:cs.LG/2211.02701. [Google Scholar]
  43. Szeghalmy, S.; Fazekas, A. A Comparative Study of the Use of Stratified Cross-Validation and Distribution-Balanced Stratified Cross-Validation in Imbalanced Learning. Sensors 2023, 23, 2333. [Google Scholar] [CrossRef] [PubMed]
  44. Vakharia, V.; Shah, M.; Suthar, V.; Patel, V.K.; Solanki, A. Hybrid perovskites thin films morphology identification by adapting multiscale-SinGAN architecture, heat transfer search optimized feature selection and machine learning algorithms. Phys. Scr. 2023, 98, 025203. [Google Scholar] [CrossRef]
  45. Buslaev, A.; Parinov, A.; Khvedchenya, E.; Iglovikov, V.I.; Kalinin, A.A. Albumentations: Fast and flexible image augmentations. arXiv 2018, arXiv:1809.06839. [Google Scholar] [CrossRef] [Green Version]
  46. Motlagh, M.H.; Science, C. Automatic Segmentation and Classification of Red and White Blood Cells in Thin Blood; Concordia University: Montreal, QC, USA, 2015. [Google Scholar]
Figure 1. Used dataset images: Leukemia Dataset (a), CellaVision (b); JTSC (c); BloodSeg (d); Raabin_WBC (e); ALL_IDB2 (f).
Figure 1. Used dataset images: Leukemia Dataset (a), CellaVision (b); JTSC (c); BloodSeg (d); Raabin_WBC (e); ALL_IDB2 (f).
Cancers 15 03376 g001
Figure 2. Proposed Method.
Figure 2. Proposed Method.
Cancers 15 03376 g002
Figure 3. Model clustering space comparison.Where the best model is the one that enhances inter-class distance and reduces intra-class separability.
Figure 3. Model clustering space comparison.Where the best model is the one that enhances inter-class distance and reduces intra-class separability.
Cancers 15 03376 g003
Figure 4. Comparison between HM, DEEP, and Ensemble results.
Figure 4. Comparison between HM, DEEP, and Ensemble results.
Cancers 15 03376 g004
Figure 5. Qualitative results of the ensemble segmentation method on the six datasets. Cyan color borders the segmented nuclei.
Figure 5. Qualitative results of the ensemble segmentation method on the six datasets. Cyan color borders the segmented nuclei.
Cancers 15 03376 g005
Figure 6. Training and Validation Intersection Over Union and Loss curves for the 10 folds.
Figure 6. Training and Validation Intersection Over Union and Loss curves for the 10 folds.
Cancers 15 03376 g006
Figure 7. Clustering comparison between the best model Segmented Mish Medium in (a) and the worst model in No Segmented ReLU Linear (b).
Figure 7. Clustering comparison between the best model Segmented Mish Medium in (a) and the worst model in No Segmented ReLU Linear (b).
Cancers 15 03376 g007
Figure 8. Comparison of Gradient Class Activation Maps between Segmented Mish Medium in (a) and NoSegmented ReLU Linear in (b). Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Figure 8. Comparison of Gradient Class Activation Maps between Segmented Mish Medium in (a) and NoSegmented ReLU Linear in (b). Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Cancers 15 03376 g008
Figure 9. Comparison of Gradient Class Activation Maps between Segmented Model Mish Medium and NoSegmented Mish Linear. Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Figure 9. Comparison of Gradient Class Activation Maps between Segmented Model Mish Medium and NoSegmented Mish Linear. Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Cancers 15 03376 g009
Figure 10. Visual explainability and classification results. The input image is segmented to enhance ResNet-50 attention; then, the image is classified with high accuracy. Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Figure 10. Visual explainability and classification results. The input image is segmented to enhance ResNet-50 attention; then, the image is classified with high accuracy. Red highlighted areas indicate more attention, while deep blue areas mean null attention.
Cancers 15 03376 g010
Table 1. Summary of the different modifications in the developed models.
Table 1. Summary of the different modifications in the developed models.
Input Image
SegmentedTrain the model with the previously Segmented Images
NoSegmented (Ablation)Train the model with the original images (No Segmented Images) (Traditional manner)
MLP Classifier
LinearModify the MLP classifier from 2048 to 3 neurons
MediumModify the MLP classifier from 2048 to 1024-512-3 neurons
Activation Function
MishChange all the activation functions of the model to Mish, including MLP classifier
ReLUChange all the activation functions of the model to ReLU, including MLP classifier
Table 2. Results of the proposed Ensemble method for the WBC datasets.
Table 2. Results of the proposed Ensemble method for the WBC datasets.
DatasetAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU
Leukemia Dataset98.5088.3295.0398.5991.160.840
CellaVision99.3297.0897.8899.5797.400.951
JTSC99.0396.3896.0999.5096.100.926
SMC_IDB99.6295.5796.3099.8195.780.920
Raabin_WBC98.9997.3894.7199.6594.830.923
ALL_IDB298.5193.4597.1498.6095.140.910
AVERAGE99.0094.7796.1999.2895.690.917
Table 3. Leukemia Dataset WBC nuclei segmentation results. The best results are in bold, and the second best is underlined.
Table 3. Leukemia Dataset WBC nuclei segmentation results. The best results are in bold, and the second best is underlined.
Leukemia Dataset
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU
Proposed HM97.9682.4397.6397.7089.010.806
Proposed DEEP98.3085.8295.8198.3090.020.823
Proposed Ensemble98.5088.3295.0398.5991.160.840
Table 4. WBC nuclei segmentation comparison. The best results are in bold, and the second best is underlined.
Table 4. WBC nuclei segmentation comparison. The best results are in bold, and the second best is underlined.
Cellavision
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU# Test Images
Vogado et al. [10]98.7797.8899.7589.3993.220.873100
Makem & Tiedeu [11]99.3797.3796.97-97.060.945100
CPNNHSV [18]99.294.8697.3199.4196.310.929100
Makem et al. [14]99.4397.3197.6099.6197.350.950100
LDS-NET [17]-98.4895.91-97.180.94520
LDAS-NET [17]-99.0997.11-98.090.96320
Proposed Ensemble99.3297.0897.8899.5797.400.951100
JTSC
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU# Test Images
Vogado et al. [10]97.1393.5598.9983.1887.680.781300
Makem & Tiedeu [11]97.2991.0193.12-90.790.843300
VarRGB [18]98.3891.1096.2998.6893.880.885300
Makem et al. [14]97.7993.6497.6098.4393.170.884300
Mayala & Haugsøen [15]-94.8995.3099.3194.810.903300
LDS-NET [17]-98.8592.39-95.560.91760
LDAS-NET [17]-94.4298.36-96.350.93160
Proposed Ensemble99.0396.3896.0999.5096.100.926300
SMC_IDB (BloodSeg)
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU# Test Images
Vogado et al. [10]99.1580.5194.5199.3086.460.761367
Makem & Tiedeu. [11]99.6392.9997.06-94.750.902367
Makem et al. [14]97.6791.2796.9397.8293.480.883367
Proposed Ensemble99.6295.5796.3099.8195.780.920367
Raabin
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU# Test Images
U-Net ++ [19]-95.9898.73-97.190.945250
Attention U-Net [20]-94.7898.50-96.330.929250
Mask R-CNN [21]-8.5996.80-91.980.852250
Mousavi et al. [12].-93.6298.27-95.420.912250
Tavakoli et al. [13].-99.7295.26-96.750.936250
Proposed Ensemble98.9997.3894.7199.6594.830.9231145
ALL_IDB2
MethodAcc (%)Pre (%)Rec (%)Spec (%)DSC (%)IoU# Test Images
Vogado et al. [10]98.5991.2498.0998.6294.170.890300
CPNNHSV.[18]98.3291.5996.1198.6693.420.877300
Proposed Ensemble98.5193.4597.1498.6095.140.910300
Table 5. Best results for the train-validation 10 K-fold.
Table 5. Best results for the train-validation 10 K-fold.
ModelAcc (%)
Segmented Mish Medium99.99
NoSegmented ReLU Medium99.97
Segmented Mish Linear99.97
No Segmented ReLU Linear99.97
Table 6. Performance Comparison for ALL Classification.The best results are in bold, and the second best is underlined.
Table 6. Performance Comparison for ALL Classification.The best results are in bold, and the second best is underlined.
MethodValidation Accuracy (%)
Random_Forest Set_Full. [16]97.08
LeNet. [16]98.36
AlexNet. [16]99.98
Proposed Method99.99
Table 7. Best and worst models in Test Dataset. The best results are in bold, and the second best is underlined.
Table 7. Best and worst models in Test Dataset. The best results are in bold, and the second best is underlined.
Test Dataset
ArchitectureAcc (%)Pre (%)Rec (%)F1 (%)
Segmented Mish Medium100100100100
Segmented ReLU Medium98.5098.6098.5098.50
No Segmented ReLU Linear89.4089.7089.4089.40
No Segmented Mish Medium80.3087.6080.3080.30
Table 8. Prediction Cluster Analysis on the test dataset. The best separability results are bold, and the second best is underlined.
Table 8. Prediction Cluster Analysis on the test dataset. The best separability results are bold, and the second best is underlined.
Dist
L1–L2
Dist
L2–L3
Dist
L1–L3
Dist
Total
SD
Cluster
L1
SD
Cluster
L2 
SD
Cluster
L3
SD
Total
Ratio
Dist/SD
Segmented Mish Medium10.128.227.3125.652.050.682.062.9925.78
Segmented ReLU Medium6.605.173.6515.411.091.430.661.9224.12
NoSegmented ReLU Linear3.943.342.9910.271.321.601.332.4612.52
NoSegmented Mish Linear3.152.081.887.110.941.490.501.8311.63
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Diaz Resendiz, J.L.; Ponomaryov, V.; Reyes Reyes, R.; Sadovnychiy, S. Explainable CAD System for Classification of Acute Lymphoblastic Leukemia Based on a Robust White Blood Cell Segmentation. Cancers 2023, 15, 3376. https://doi.org/10.3390/cancers15133376

AMA Style

Diaz Resendiz JL, Ponomaryov V, Reyes Reyes R, Sadovnychiy S. Explainable CAD System for Classification of Acute Lymphoblastic Leukemia Based on a Robust White Blood Cell Segmentation. Cancers. 2023; 15(13):3376. https://doi.org/10.3390/cancers15133376

Chicago/Turabian Style

Diaz Resendiz, Jose Luis, Volodymyr Ponomaryov, Rogelio Reyes Reyes, and Sergiy Sadovnychiy. 2023. "Explainable CAD System for Classification of Acute Lymphoblastic Leukemia Based on a Robust White Blood Cell Segmentation" Cancers 15, no. 13: 3376. https://doi.org/10.3390/cancers15133376

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop