A Review of Deep Learning Techniques for Leukemia Cancer Classification Based on Blood Smear Images
Abstract
:1. Introduction
- Acute Lymphoblastic Leukemia (ALL): This type of leukemia progresses rapidly, affecting lymphoid cells, a type of white blood cell that produces antibodies to fight infections.
- Chronic Lymphocytic Leukemia (CLL): CLL progresses slowly and affects mature lymphocytes, a type of white blood cell that helps the body fight infection.
- Acute Myeloid Leukemia (AML): AML progresses rapidly, affecting myeloid cells, a type of white blood cell that gives rise to red blood cells, platelets, and other white blood cells.
- Chronic Myeloid Leukemia (CML): CML progresses slowly and affects myeloid cells. It is characterized by an abnormal chromosome called the Philadelphia chromosome.
2. Methodology
2.1. Research Questions
- RQ1: From 2019 to 2023, how many articles were published on leukemia classification using deep learning techniques? How many of these are SLR and SMS?
- RQ2: Which dataset(s) are commonly used for leukemia classification using deep learning? Which dataset is considered the most suitable or effective for this purpose?
- RQ3: How do researchers preprocess blood images before applying deep learning techniques for leukemia classification? Which preprocessing methods have been identified as effective in improving classification accuracy?
- RQ4: Which deep learning models are effective for leukemia classification? Are there specific architectures or approaches that are particularly successful?
- RQ5: What are the main challenges encountered in the reviewed studies, and what future research directions are suggested to overcome these challenges and further improve the accuracy and interpretability of deep learning models in leukemia diagnosis?
2.2. Inclusion and Exclusion Criteria
2.3. Search Process
2.4. Review Phases
- (1)
- The study’s rigorous data analysis relied on evidence or theoretical reasoning rather than non-justified or ad hoc statements.
- (2)
- The study described the research context.
- (3)
- The design and execution of the research supported the study’s aims.
- (4)
- The study described the research method used for data collection.
3. Literature Review
4. Analysis of the Reviewed Studies
- Firstly, we covered the classification analysis based on the literature review (See Figure 4).
- The second part handles dataset analysis, preprocessing, DL model, and evaluations.
- The third analysis is about the advantages and disadvantages based on the reviewed literature.
4.1. Summary of Taxonomy Based on Literature Review
4.2. Summary of Primary Studies Based on Literature Review
4.3. Summary of Advantages and Disadvantages Based on Literature Review
5. Results
5.1. Answer to Question RQ1
5.2. Answer to Question RQ2
5.3. Answer to Question RQ3
- Data Augmentation: Techniques such as rotation, translation, flipping, zooming, and shearing increase the diversity of the dataset, which helps prevent overfitting and improve model generalization.
- Color Space Conversion: Converting images from RGB to other color spaces like YCbCr or Lab* can enhance image quality and make segmentation easier.
- Image Resizing: Resizing images to a standardized size helps reduce computational complexity and ensure consistency across the dataset.
- Segmentation: Segmenting images to isolate specific components, such as cells or nuclei, can aid in feature extraction and improve classification accuracy.
- Thresholding: Techniques like Otsu Adaptive Thresholding separate objects from the background by finding an optimal threshold value.
- Filtering: Gaussian or Laplacian filters help reduce noise and enhance image clarity.
- Normalization: Normalizing pixel values helps standardize the input data and improve convergence during model training.
- Feature Extraction: Extracting features using methods like the Gray Level Co-occurrence Matrix (GLCM) helps capture texture information, which is useful for distinguishing between different cell types.
5.4. Answer to Question RQ4
- Convolutional Neural Networks (CNNs): CNNs have been extensively used in medical image analysis, including leukemia classification. Their ability to automatically learn hierarchical features from images makes them well suited for this task. The types of CNNs used in reviewed papers include but are not limited to DCNN (DenseNet121), Sequential CNN, Neural Network, DCNN with squeeze-and-excitation learning, CNFN: fuzzy interface, Customized CNN, and Type II fuzzy CNN.
- Transfer Learning: Pre-trained models can be fine-tuned for leukemia classification tasks, especially those trained on large datasets like ImageNet. This approach leverages the knowledge gained from diverse datasets. The selected papers identified the following transfer learning techniques: VGG, MobileNet, AlexNet, GoogleNet, EfficientNet, ResNet, Inception, ShuffleNet, and QCResNet.
- Vision Transformer (ViT): ViT is a relatively newer architecture that has succeeded in various computer vision tasks. Its attention mechanism lets it capture long-range image dependencies, making it promising for leukemia classification.
- Ensemble Models: Combining predictions from multiple models, such as an ensemble of CNNs or a combination of different architectures, has enhanced overall classification performance.
- Hybrid Models: Hybrid models offer flexibility in leveraging the strengths of different deep learning architectures or approaches, potentially leading to improved classification accuracy and generalization capability. However, designing and training hybrid models requires careful consideration of model architecture, parameter tuning, and computational resources.
5.5. Answer to Question RQ5
- Limited Datasets: Many studies face challenges due to the scarcity of annotated leukemia images, leading to small and imbalanced datasets. This hampers the ability of models to generalize across diverse cases.
- Class Imbalance: Class imbalance, where certain leukemia subtypes are underrepresented in the dataset, can bias the model towards the majority class and lead to suboptimal performance for minority classes.
- Interpretability and Explainability: Deep learning models, particularly complex architectures like CNNs and transformers, are often considered “black boxes.” Interpreting and explaining the decision-making process of these models remains challenging, raising concerns in clinical applications where transparency is crucial.
- Generalization to Unseen Cases: Ensuring the robustness and generalization of deep learning models to handle unseen or rare leukemia subtypes is a persistent challenge. Models need to be capable of adapting to variations in image quality and patient demographics.
- Integration with Clinical Workflow: Deploying deep learning models into clinical practice requires seamless integration with clinical workflows and electronic health record systems. Ensuring the usability and practicality of the models is essential for their adoption by healthcare professionals.
- Ethical and Regulatory Considerations: As deep learning models progress towards clinical deployment, ethical and regulatory aspects become increasingly important. Critical challenges include ensuring patient privacy, model fairness, and compliance with medical regulations.
- Data Augmentation and Synthesis: Techniques such as data augmentation and synthesis can help address the limited data availability by generating synthetic images or augmenting existing data to increase the diversity and size of the dataset.
- Attention Mechanisms and Explainable AI: Integrating attention mechanisms and developing explainable AI techniques can enhance the interpretability of deep learning models, allowing clinicians to understand the model’s decision-making process and trust its predictions.
- Transfer Learning and Domain Adaptation: Further exploration of transfer learning and domain adaptation methods can improve generalization across different datasets and unseen cases.
- Ensemble and Multi-Modal Approaches: Ensemble learning and multi-modal approaches, which combine information from multiple sources or models, can improve classification accuracy and robustness by leveraging complementary information.
- Hybrid Models and Integration with Clinical Data: Investigating hybrid models that combine imaging data with clinical information can provide a more comprehensive understanding of leukemia cases. Developing effective frameworks for integrating diverse data sources is essential. Incorporating AI into healthcare faces technical and organizational barriers. Key challenges are ensuring interoperability with hospital systems, addressing data variability, and overcoming infrastructure limitations. High computational demands and the need for skilled personnel hinder adoption, particularly in resource-limited settings. Organizational resistance and legal uncertainties regarding liability further complicate implementation. Addressing these issues requires standardized data protocols, robust quality assurance, and fostering collaboration between technologists and clinicians to align AI solutions with clinical needs effectively.
- Ethical AI and Regulatory Frameworks: Ethical AI in healthcare requires transparency, fairness, accountability, and explainability. Explainable AI (XAI) is critical for fostering clinician trust by enabling them to understand and validate AI predictions, especially in sensitive applications like leukemia diagnosis. Addressing biases in datasets is equally essential to prevent inequitable outcomes, ensuring that AI systems are fair and representative across diverse populations. Regulatory frameworks must evolve to include standards for model validation, periodic reassessment, and compliance with data protection laws like GDPR (General Data Protection Regulation). Collaboration between regulators, healthcare professionals, and developers is crucial to align innovation with ethical integrity, promote the adoption of XAI, and safeguard patient safety [46].
- Patient-Centric Approaches: Future research should prioritize patient-centric approaches, considering individual variations and tailoring models to specific patient demographics and characteristics.
6. Conclusions
Author Contributions
Funding
Conflicts of Interest
Abbreviations
AUC | Area Under the Curve |
CAS | Computer-Aided System |
CBS | Complete Blood Smear |
CNFN | Convolutional Neuro-Fuzzy Network |
COVID-19 | An Infectious Disease Caused by the SARS-CoV-2 Virus |
DCNN | Deep Convolutional Neural Network |
DL | Deep Learning |
DNA | Deoxyribonucleic Acid |
DT | Decision Tree |
FCH | Fuzzy Color Histogram |
GAN | Generative Adversarial Network |
GFLOPS | Gigaflops |
IoMT | Internet of Medical Things |
IoT | Internet of Things |
K-NN | K-Nearest Neighbor |
LBP | Local Binary Pattern |
LD | Linear Discriminant |
LeakyReLU | Leaky Rectified Linear Unit |
MAP | Mean Average Precision |
ML | Machine Learning |
RBC | Red Blood Cell |
R-CNN | Region-based Convolutional Neural Network |
ReLU | Rectified Linear Unit |
RGB | Red, Green, Blue |
RNA | Ribonucleic Acid |
ROC-AUC | Receiver Operating Characteristic—Area Under the Curve |
SBILab | Laboratory Name |
SGD | Stochastic Gradient Descent |
SVM | Support Vector Machine |
SVM-Cubic | SVM Cubic Kernel |
VGG | Visual Geometry Group |
WSDAN | Weakly Supervised Data Augmentation Network |
YCbCr | Luminance (Y), Blue-difference Chroma (Cb), and Red-difference Chroma (Cr) |
Appendix A. An Overview of Existing Primary Studies
Ref | Year | Dataset | Preprocessing | Model | Evaluation |
[7] | 2019 | ALL-IDB ASH | Data aug: Rotation, height shift, width shift, zoom, horizontal flip, vertical flip, and shearing | CNN Optimizations: SGD and ADAM | 88.25% acc binary class. 81.74% acc multi-class classification |
[10] | 2019 | BSMI | Preprocessing: Removing the noise, enhancing the features Segmentation: Gaussian Distribution and K-Means clustering Feature extract: GLCM | CNN | 97.3% acc |
[12] | 2019 | C-NMC 2019 | Normalization: RGB, ImageNet Resizing: 380 × 380 Augmentation: Contrast adjustments, brightness correction, horizontal and vertical flips, and intensity adjustments | - Feature extraction: VGG16, MobileNet Hybrid CNN: VGG+ MobileNet | 96.17% acc |
[13] | 2020 | BCCD ASH | Transformation: Convert to RGB Resize: 227 × 227 Augmentation: Translation, reflection, and rotation. Feature extract: AlexNet | Classification: SVM, DT, LD, K-NN Feature extraction fine-tuned AlexNet. | Case1: 99.79% acc Case 2: 100% acc |
[15] | 2020 | C-NMC 2019 | Normalization: Stain norm. Resizing: 224 × 224 × 3 Augmentation: Rademacher Mixup | MMA-MTL combines GAC and LAC, PAC, LSA | F1 = 0.9189 |
[16] | 2020 | ALL_IBD2, LISC | Not mentioned | AlexNet, GoogleNet, and VGG-16 | IDB_2—96.15% acc LISC—80.82% |
[18] | 2020 | ALL_IBD | Augmentation: Rotation, brightness adjustment, contrast adjustment, shearing, horizontal and vertical flipping, translation, and zooming | CNN | 95.45% acc |
[19] | 2020 | BCCD | Augmentation and Balancing Resize: 120 × 160 | CNN, Adam optimization | 98.31% acc |
[20] | 2020 | ALL-IDB ASH | Augmentation: Rotation, height shift, width shift, horizontal flip, zoom, and shearing | DCNN: DenseNet-121, ResNet-34 | 100% acc |
[21] | 2021 | ALL dataset | Augmentation: Horizontal and vertical flipping, random rotational transformations | Sequential CNN | ROC-AUC of 0.97 ± 0.02 |
[22] | 2021 | ALL-IDB | Augmentation Resize: 224 × 224 × 3 | ShuffleNet | ALLIDB1: 96.97% acc ALLIDB2: 96.67% acc |
[23] | 2021 | C-NMC 2019 | Normalize: Difference enhancement-random sampling (DERS) Resize: 224 × 224 | Ensemble Model: ViT, CNN (EfficientNet) Optimizer: Adam | 99.03% acc |
[24] | 2021 | ALL-IDB | Augmentation | Hybrid transfer learning: MobileNetV2 and ResNet18 | ALLIDB1: 99.39% acc ALLIDB2: 97.18% acc |
[25] | 2021 | C-NMC 2019 | Augmentation: Mirroring, rotation, shearing, blurring, salt-and-pepper noise | Neural Network | F1 = 91.2% |
[26] | 2021 | Local dataset from Tehran hospitals (Iran) | Decoding, resizing to 224 × 224, segmentation using LAB color space and K-means clustering, data augmentation (vertical and horizontal flips), and normalization. | Lightweight CNN models (EfficientNetB0, MobileNetV2, NASNet Mobile) | 100% accuracy, sensitivity, and specificity for B-ALL detection and classification |
[27] | 2022 | ALL-IDB | Noise reduction: Average and Laplacian filters Segmentation: Adaptive Region-Groving Algorithm Feature extract: LBP, GLCM, FCH, CNN Augmentation: Rotation, flipping, cropping, displacement | (1): ANN, FFNN, SVM (2) CNN: AlexNet, GoogleNet, ResNet-18 (3) Hybrid CNN-SVM | FFNN—100% GoogleNet—100% ResNet18+ SVM—100% |
[28] | 2022 | ALL-IDB | Augmentation: Rotation and random shifts | deep CNN architecture with squeeze-and-excitation learning | IDB1—100% IDB2—99.98% IDB1+ IDB2—99.33 |
[29] | 2022 | ALL-IDB | Augmentation: Vertical and horizontal flips and image rotation. Img. Prep: Noise reduction: selective filtering, unsharp masking Transformation: RGB to L*a*b Resize: 64 × 64 Segmentation: Color-based clustering, followed by the application of the bounding box method | Convolutional neuro-fuzzy network: fuzzy inference, Takagi-Sugeno-Kang (TSK) fuzzy model | 97.31% |
[30] | 2022 | Surabaya dataset | Labeling: YOLO format Resizing: 416 × 416 | GhostNet convolution module into the YOLO 4 and 5 | F1 = 86.1 to 90 |
[32] | 2022 | ALL_IBD | Clustering: K-Means Segmentation: modified Residual U-Net architecture Augmentation: Flipping, rotating, shifting, and scaling | Multistage transfer learning: InceptionV3, Xception, InceptionResNetV2 | Detection: 99.60% Classification: 94.67% |
[33] | 2022 | Surabaya dataset | Augmentation: Rotation, zoom, flip | Detection: YOLO 4, 5 Segmentation: Mask R-CNN | F1 = 89.5% maP = 93.2% |
[34] | 2022 | C-NMC 2019 | Resize: 300 × 300 × 3 Augmentation: Horizontal flipping and resizing | Inception V3 | 99% acc. |
[35] | 2023 | Tabriz dataset: 184 (ALL) 469 (AML) | Img. Prep: Resize: 224 × 224, grayscale, normalization, Augmentation: Using GAN | Customized CNN | 99.5% acc. |
[36] | 2023 | Tabriz dataset: 184 (ALL) 469 (AML) | Img. Prep: Resize: 224 × 224, grayscale, normalization, Augmentation: Rotation, horizontal and vertical translation | Type-II Fuzzy DCNN | 98.8% acc. |
[37] | 2023 | C-NMC 2019 | Resize and balance, Gamma transforms, shuffle and split | QCResNet modified ResNet-18, trained with Adam | 98.9%acc. |
[38] | 2023 | ALL_IDB ASH C_NMC 2019 | ResNet18 for feature extraction | Orthogonal SoftMax Layer (OSL)-Based on Classification | 99.39% acc. ALLIDB1, 98.21% acc. ALLIDB2, 97.50% acc. ASH |
[39] | 2023 | Raabin-WBC | Resize: 224 × 224 | ViT | 99.40% |
[40] | 2023 | C-NMC 2019 | Img. Prep: Normalization, noise reduction, resolution standardization, augmentation | ResNet, InceptionNet, MobileNet, EfficientNet | Accuracies: ResNet 95.75% Inception 95.37% MobileNet 94.81% EfficientNet 96.44% |
[41] | 2023 | Raabin Leukemia | Augmentation Img. Prep: Rescaling, brightness adaptation, and discrimination. | Ensemble: VGG16 + ResNet50+, InceptionV3 | Accuracies: Ensemble 99.8%, VGG16 98%, ResNet50 90%, InceptionV3 92.5% |
[42] | 2023 | C-NMC 2019 | Normalization, resizing to 300 × 300 pixels, edge enhancement, data augmentation with 16 techniques, and image standardization | Ensemble of four CNN models (DenseNet121, Inception V3, Inception-ResNet-v2, and Xception) using a majority voting technique | Sensitivity of 99.4%, specificity of 96.7%, accuracy of 98.5% |
Appendix B. The Comparison of Articles Related to the Leukemia Diagnosis Based on DL
Ref | Objective | Advantages | Disadvantages |
[7] | Accurately finding different subtypes of leukemia using CNN | Data augmentation Comparison with other models | Limited dataset. Evaluation variability. Generalization to real-world settings. Noise. |
[10] | Automated diagnosis of white blood cell cancer diseases | Accurate diagnosis Robust segmentation Efficient feature extraction | Limited dataset. Dependency on image quality. Complexity of implementation |
[12] | Automatic leukemic B-lymphoblast classification using a DL-based hybrid method | High accuracy Hybrid approach Addressing limitations | Limited dataset. Computational complexity. Evaluation on a single dataset. |
[13] | Automated leukemia detection, using deep learning techniques and transfer learning | Utilizes transfer learning High accuracy Data augmentation comparative analysis | Limited dataset. Lack of detailed analysis. |
[15] | Reducing false negatives in the classification of ALL cells | Detecting early-stage leukemia Enhancing the model’s ability to discern morphologically similar cells Effective regularization technique | It does not offer detailed insights into the computational complexity and scalability of model and acknowledges the challenge of comparing results due to the held-out test set not being public. |
[16] | CAS using CNN for automated WBC detection and classification, particularly for finding ALL | Achieves high accuracy in classifying WBC types Comparison of pre-trained models provides insights into model performance | Misclassifications still occur, particularly for certain WBC types. Limited discussion on preprocessing techniques and model hyperparameters. |
[18] | Automated diagnostic system to detect ALL using a CNN | High accuracy Augmentation techniques | Limited discussion on potential challenges and limitations. Dependency on the specific characteristics of the ALL_IDB dataset. |
[19] | An automated approach using a lightweight CNN for WBC classification | High-accuracy automated approach reduces the time and effort required for WBC Augmentation and balancing techniques | Limited discussion on potential challenges and limitations. model’s performance may vary depending on the dataset and specific application. |
[20] | Automated detection and classification of leukemia subtypes using an IoMT framework | Quick, safe, and accurate early-stage diagnosis of leukemia offers the potential for remote diagnosis and medical care, particularly during pandemics like COVID-19 | Limited discussion on potential challenges or limitations of the proposed framework. |
[21] | Analyzing the impact of training set size on CNN performance | Achieve high classification performance even with small training datasets | Primarily focuses on classification performance and does not extensively discuss the generalizability of the proposed method across different datasets or medical imaging tasks. Does not provide detailed information on preprocessing steps or hyperparameter tuning. |
[22] | Transfer learning with ShuffleNet | Highly computationally efficient, Outperforming other techniques superior performance over existing methods in terms of various evaluation metrics | Limited discussion on preprocessing techniques. |
[23] | Diagnosing ALL using an ensemble model combining ViT and CNN. | High classification accuracy Augmentation and balancing techniques Ensemble model Optimizer | The evaluation is primarily based on accuracy and precision metrics, and more metrics or external validation may offer further insights into the model’s performance. |
[24] | Aims to address the challenge of achieving correct ALL detection with smaller datasets by using hybrid transfer learning | Excellent performance in ALL detection and classification Achieving accurate results with smaller datasets It offers computational efficiency compared to ensemble transfer learning approaches | While the proposed method generally demonstrates superior performance, there are instances where it delivers slightly poorer performance. |
[25] | Effectiveness of a simple multilayer neural network combined with standard image processing feature extraction techniques for lymphocyte classification | Achieves state-of-the-art performance with a fraction of the computational cost required by Convolutional Neural Networks It uses a rich set of features extracted from lymphocyte images, contributing towards accurate classification | While achieving high accuracy, an F1-score of 91.2% may not be accurate enough for disease diagnosis. May still require optimization for real-time applications. |
[26] | Develop a lightweight CNN model integrated into a mobile application for real-time diagnosis of B-ALL using blood smear images | Achieved 100% accuracy, sensitivity, and specificity, with deployment in a mobile application for accessible and efficient diagnosis | Limited to a single dataset and may not generalize well to broader datasets or diverse clinical conditions. |
[27] | Application of both traditional ML and DL models for early detection of leukemia | High classification accuracy Hybrid systems combine the strengths of CNN for feature extraction and SVM for classification | CNN models require a large dataset to avoid overfitting, and this is one of the limitations of this study because the data set is insufficient to train CNN models. The data augmentation technique overcomes this limitation. |
[28] | Deep CNN architecture with squeeze-and-excitation learning for diagnosing leukemia | High classification accuracy Utilizes data augmentation to overcome limited dataset size Incorporates squeeze-and-excitation learning to enhance feature learning discriminability | The proposed method may require further validation on diverse datasets to assess its generalizability to different populations or subtypes of leukemia. |
[29] | Classification of ALL using a deep convolutional neuro-fuzzy network | Achieves high accuracy Effective use of fuzzy reasoning rules and deep learning for automated prognosis Utilizes data augmentation to address limited training samples | Specific challenges in finding useful characteristics and categorization due to the small dataset. |
[30] | It introduces the GhostNet convolution module to replace the standard convolution module in the backbone of YOLOv4 and YOLOv5 models | The modification reduces computational complexity, number of parameters, and GFLOPS values without significant loss in detection accuracy Object detection time is improved, making the model lighter and faster than the original YOLO models | This study’s evaluation is based on a specific dataset, which may limit the proposed method’s generalizability to other datasets or medical imaging tasks. Further research is needed to explore the robustness and scalability of the modified YOLO models across different medical imaging datasets and applications. |
[32] | Multistage transfer learning (MTL) approach for ALL detection and classification | Achieves high accuracy in leukemia detection and classification Utilizes a MTL approach to leverage knowledge from pre-trained models and improve classification performance. Incorporates comprehensive preprocessing | The computational and time-intensive nature of the proposed method may limit its scalability and applicability in real-time clinical settings. |
[33] | Use of object detection and instance segmentation techniques, specifically comparing YOLO and Mask R-CNN, for the detection of ALL subtypes | YOLOv4 shows superior performance in detecting ALL subtypes compared to YOLOv5 and Mask R-CNN Data augmentation techniques are employed to increase the model’s ability to recognize new variant representations and reduce overfitting | The YOLOv4 model, despite its higher performance, still shows recall values and precision below 90%, with some ALL-subtype cell objects detected as false positives or not detected at all. Mask R-CNN shows the lowest performance among the compared models. |
[34] | A transfer learning approach based on the Inception V3 architecture for diagnosing leukemia | High accuracy, precision, and F1-score in classifying ALL from microscopic images Image preprocessing technique | Computational resources are needed for training and fine-tuning the model, particularly with complex architectures like Inception V3. |
[35] | DL model for the automatic diagnosis of acute leukemia using images of lymphocytes and monocytes | High accuracy, novel dataset and GAN augmentation, Tversky loss function improves diagnosis | Limited dataset. |
[36] | A type-II fuzzy deep network for feature extraction and classification | High-accuracy architecture improves feature extraction and classification accuracy | The computational efficiency of the type-II fuzzy function is lower compared to Relu and Leaky Relu. |
[37] | QCResNet for the classification of ALL | High accuracy, converges faster compared to other models | Limitations of the dataset itself may affect the generalizability of the model. |
[38] | Classifying and detecting leukemia using DL, specifically addressing the challenges of overfitting with small medical image datasets | Faster testing time, ResNet18 and OSL enhance classification performance and computational efficiency | It does not discuss specific preprocessing techniques. |
[39] | Automate the classification of WBCs from blood films using the ViT model to capture long-range dependencies and global context. | Achieves high accuracy with low training cost due to pre-training on large datasets End-to-end transformer structure eliminates the need for feature engineering. Potential for clinical applications due to high classification accuracy | The model’s resilience to image variations was not verified. Computational and memory requirements are higher than those of other models. |
[40] | Analysis of ALL Detection Methods Using DL | Each model has its unique strengths, such as robust feature learning in ResNet, efficient multi-scale feature extraction in InceptionNet, reduced computational cost in MobileNet, and a favorable tradeoff between accuracy and efficiency in EfficientNet | Computational demands, potential overfitting, longer training times, and increased complexity. |
[41] | To improve the accuracy and efficiency of leukemia detection using ensemble learning and pre-trained CNN models on blood microscopic images | High accuracy, detailed methodology, and experimental results provided for reproducibility and validation, Ensemble model using pre-trained models | Require longer execution time compared to individual models. Small dataset. Reliance on pre-trained models may limit adaptability to specific dataset characteristics. |
[42] | Classify B-lymphoblast cells from normal B-lymphoid precursors using an ensemble CNN model with majority voting. | High accuracy (98.5%) and robust performance for distinguishing cancerous and normal cells | It is computationally expensive due to multiple CNN models in the ensemble. |
References
- Huang, J.; Chan, S.C.; Ngai, C.H.; Lok, V.; Zhang, L.; Lucero-Prisno, D.E., III; Xu, W.; Zheng, Z.J.; Elcarte, E.; Withers, M.; et al. Disease burden, risk factors, and trends of leukaemia: A global analysis. Front. Oncol. 2022, 12, 904292. [Google Scholar] [CrossRef] [PubMed]
- MSD Manual. Acute Lymphoblastic Leukemia (ALL). 2023. Available online: https://www.msdmanuals.com/professional/hematology-and-oncology/leukemias/acute-lymphoblastic-leukemia-all?ruleredirectid=745 (accessed on 8 November 2024).
- Medicine, Y. Diagnosing Leukemia. Available online: https://www.yalemedicine.org/conditions/leukemia-diagnosis (accessed on 10 November 2024).
- Cruz-Benito, J. Systematic Literature Review & Mapping. 2016. Available online: https://zenodo.org/records/165773 (accessed on 10 November 2024).
- Theodore Armand, T.P.; Nfor, K.A.; Kim, J.I.; Kim, H.C. Applications of Artificial Intelligence, Machine Learning, and Deep Learning in Nutrition: A Systematic Review. Nutrients 2024, 16, 1073. [Google Scholar] [CrossRef] [PubMed]
- Hosseini, S.H.; Monsefi, R.; Shadroo, S. Deep learning applications for lung cancer diagnosis: A systematic review. Multimed. Tools Appl. 2024, 83, 14305–14335. [Google Scholar] [CrossRef]
- Ahmed, N.; Yigit, A.; Isik, Z.; Alpkocak, A. Identification of Leukemia Subtypes from Microscopic Images Using Convolutional Neural Network. Diagnostics 2019, 9, 104. [Google Scholar] [CrossRef]
- Labati, R.D.; Piuri, V.; Scotti, F. All-IDB: The acute lymphoblastic leukemia image database for image processing. In Proceedings of the 2011 18th IEEE International Conference on Image Processing, Brussels, Belgium, 11–14 September 2011; pp. 2045–2048. [Google Scholar] [CrossRef]
- The American Society of Hematology. Available online: http://www.hematology.org (accessed on 15 October 2024).
- Agrawal, R.; Satapathy, S.; Bagla, G.; Rajakumar, K. Detection of White Blood Cell Cancer using Image Processing. In Proceedings of the 2019 International Conference on Vision Towards Emerging Trends in Communication and Networking (ViTECoN), Vellore, India, 30–31 March 2019; pp. 1–6. [Google Scholar] [CrossRef]
- Gupta, A.; Gupta, R. ALL Challenge Dataset of ISBI 2019 [Data Set]. The Cancer Imaging Archive. 2019. Available online: https://www.cancerimagingarchive.net/collection/c-nmc-2019/ (accessed on 10 November 2024).
- Kassani, S.H.; Kassani, P.H.; Wesolowski, M.J.; Schneider, K.A.; Deters, R. A Hybrid Deep Learning Architecture for Leukemic B-lymphoblast Classification. In Proceedings of the 2019 International Conference on Information and Communication Technology Convergence (ICTC), Jeju, Republic of Korea, 16–18 October 2019; pp. 271–276. [Google Scholar] [CrossRef]
- Loey, M.; Naman, M.; Zayed, H. Deep Transfer Learning in Diagnosing Leukemia in Blood Cells. Computers 2020, 9, 29. [Google Scholar] [CrossRef]
- Blood Cell Images. Available online: www.kaggle.com/paultimothymooney/blood-cells (accessed on 19 October 2024).
- Mathur, P.; Piplani, M.; Sawhney, R.; Jindal, A.; Shah, R.R. Mixup Multi-Attention Multi-Tasking Model for Early-Stage Leukemia Identification. In Proceedings of the ICASSP 2020—2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Barcelona, Spain, 4–8 May 2020; pp. 1045–1049. [Google Scholar] [CrossRef]
- Safuan, S.N.M.; Tomari, M.R.M.; Zakaria, W.N.W.; Othman, N.; Suriani, N.S. Computer Aided System (CAS) of Lymphoblast Classification for Acute Lymphoblastic Leukemia (ALL) Detection Using Various Pre-Trained Models. In Proceedings of the 2020 IEEE Student Conference on Research and Development (SCOReD), Batu Pahat, Malaysia, 27–29 September 2020; pp. 411–415. [Google Scholar] [CrossRef]
- Rezatofighi, S.H.; Soltanian-Zadeh, H. Automatic recognition of five types of white blood cells in peripheral blood. Comput. Med. Imaging Graph. 2011, 35, 333–343. [Google Scholar] [CrossRef]
- Anwar, S.; Alam, A. A convolutional neural network–Based learning approach to acute lymphoblastic leukaemia detection with automated feature extraction. Med. Biol. Eng. Comput. 2020, 58, 3113–3121. [Google Scholar] [CrossRef]
- Ridoy, M.A.R.; Islam, M.R. An Automated Approach to White Blood Cell Classification Using a Lightweight Convolutional Neural Network. In Proceedings of the 2020 2nd International Conference on Advanced Information and Communication Technology (ICAICT), Dhaka, Bangladesh, 28–29 November 2020; pp. 480–483. [Google Scholar] [CrossRef]
- Bibi, N.; Sikandar, M.; Ud Din, I.; Almogren, A.; Ali, S. IoMT-Based Automated Detection and Classification of Leukemia Using Deep Learning. J. Healthc. Eng. 2020, 2020, 6648574. [Google Scholar] [CrossRef]
- Schouten, J.P.; Matek, C.; Jacobs, L.F.; Buck, M.C.; Bošnački, D.; Marr, C. Tens of images can suffice to train neural networks for malignant leukocyte detection. Sci. Rep. 2021, 11, 7995. [Google Scholar] [CrossRef]
- Das, P.K.; Meher, S. Transfer Learning-Based Automatic Detection of Acute Lymphocytic Leukemia. In Proceedings of the 2021 National Conference on Communications (NCC), Kanpur, India, 27–30 July 2021; pp. 1–6. [Google Scholar] [CrossRef]
- Jiang, Z.; Dong, Z.; Wang, L.; Jiang, W. Method for Diagnosis of Acute Lymphoblastic Leukemia Based on ViT-CNN Ensemble Model. Comput. Intell. Neurosci. 2021, 2021, 7529893. [Google Scholar] [CrossRef]
- Das, P.K.; Meher, S. An efficient deep Convolutional Neural Network based detection and classification of Acute Lymphoblastic Leukemia. Expert Syst. Appl. 2021, 183, 115311. [Google Scholar] [CrossRef]
- De Sant, Y.F.D.; De Oliveira, J.E.M.; Dantas, D.O. Lightweight Classification of Normal Versus Leukemic Cells Using Feature Extraction. In Proceedings of the 2021 IEEE Symposium on Computers and Communications (ISCC), Athens, Greece, 5–8 September 2021; pp. 1–7. [Google Scholar] [CrossRef]
- Hosseini, A.; Eshraghi, M.A.; Taami, T.; Sadeghsalehi, H.; Hoseinzadeh, Z.; Ghaderzadeh, M.; Rafiee, M. A mobile application based on efficient lightweight CNN model for classification of B-ALL cancer from non-cancerous cells: A design and implementation study. Inform. Med. Unlocked 2023, 39, 101244. [Google Scholar] [CrossRef]
- Abunadi, I.; Senan, E.M. Multi-Method Diagnosis of Blood Microscopic Sample for Early Detection of Acute Lymphoblastic Leukemia Based on Deep Learning and Hybrid Techniques. Sensors 2022, 22, 1629. [Google Scholar] [CrossRef] [PubMed]
- Bukhari, M.; Yasmin, S.; Sammad, S.; Abd El-Latif, A.A. A Deep Learning Framework for Leukemia Cancer Detection in Microscopic Blood Samples Using Squeeze and Excitation Learning. Math. Probl. Eng. 2022, 2022, 2801227. [Google Scholar] [CrossRef]
- Boreiri, Z.; Azad, A.N.; Ghodousian, A. A Convolutional Neuro-Fuzzy Network Using Fuzzy Image Segmentation for Acute Leukemia Classification. In Proceedings of the 2022 27th International Computer Conference, Computer Society of Iran (CSICC), Tehran, Iran, 23–24 February 2022; pp. 1–7. [Google Scholar] [CrossRef]
- Mustaqim, T.; Fatichah, C.; Suciati, N. Modification of YOLO with GhostNet to Reduce Parameters and Computing Resources for Detecting Acute Lymphoblastic Leukemia. In Proceedings of the 2022 International Conference on Advanced Computer Science and Information Systems (ICACSIS), Depok, Indonesia, 1–3 October 2022; pp. 167–172. [Google Scholar] [CrossRef]
- Fatonah, N.S.; Tjandrasa, H.; Fatichah, C. Identification of acute lymphoblastic leukemia subtypes in touching cells based on enhanced edge detection. Int. J. Intell. Eng. Syst. 2020, 13, 204–215. [Google Scholar] [CrossRef]
- Maaliw, R.R.; Alon, A.S.; Lagman, A.C.; Garcia, M.B.; Susa, J.A.B.; Reyes, R.C.; Fernando-Raguro, M.C.; Hernandez, A.A. A Multistage Transfer Learning Approach for Acute Lymphoblastic Leukemia Classification. In Proceedings of the 2022 IEEE 13th Annual Ubiquitous Computing, Electronics & Mobile Communication Conference (UEMCON), New York, NY, USA, 26–29 October 2022; pp. 488–495. [Google Scholar] [CrossRef]
- Fatichah, C.; Suciati, N.; Mustaqim, T.; Revanda, A.R. Detection of Acute Lymphoblastic Leukemia Subtypes using YOLO and Mask R-CNN. In Proceedings of the 2022 5th International Seminar on Research of Information Technology and Intelligent Systems (ISRITI), Yogyakarta, Indonesia, 8–9 December 2022; pp. 413–418. [Google Scholar] [CrossRef]
- Ahammed, P.; Faruk, M.F.; Raihan, N.; Mondal, M. Inception V3 Based Transfer Learning Model for the Prognosis of Acute Lymphoblastic Leukemia from Microscopic Images. In Proceedings of the 2022 4th International Conference on Electrical, Computer & Telecommunication Engineering (ICECTE), Rajshahi, Bangladesh, 29–31 December 2022; pp. 1–4. [Google Scholar] [CrossRef]
- Ansari, S.; Navin, A.H.; Sangar, A.B.; Gharamaleki, J.V.; Danishvar, S. A Customized Efficient Deep Learning Model for the Diagnosis of Acute Leukemia Cells Based on Lymphocyte and Monocyte Images. Electronics 2023, 12, 322. [Google Scholar] [CrossRef]
- Ansari, S.; Navin, A.H.; Babazadeh Sangar, A.; Vaez Gharamaleki, J.; Danishvar, S. Acute Leukemia Diagnosis Based on Images of Lymphocytes and Monocytes Using Type-II Fuzzy Deep Network. Electronics 2023, 12, 1116. [Google Scholar] [CrossRef]
- Fan, Q.; Qu, B.; Teng, J.; Hui, A.; Toe, T.T. Acute lymphoblastic leukemia Classification Based on Convolutional Neural Network. In Proceedings of the 2023 6th International Conference on Artificial Intelligence and Big Data (ICAIBD), Chengdu, China, 26–29 May 2023; pp. 877–883. [Google Scholar] [CrossRef]
- Das, P.K.; Sahoo, B.; Meher, S. An Efficient Detection and Classification of Acute Leukemia Using Transfer Learning and Orthogonal Softmax Layer-Based Model. IEEE/ACM Trans. Comput. Biol. Bioinform. 2023, 20, 1817–1828. [Google Scholar] [CrossRef]
- Katar, O.; Yildirim, O. An Explainable Vision Transformer Model Based White Blood Cells Classification and Localization. Diagnostics 2023, 13, 2459. [Google Scholar] [CrossRef]
- Talupuri, P.K.; Naseeba, B.; Challa, N.P.; Sathwik, A.S. Analysis of Acute Lymphoblastic Leukemia Detection Methods Using Deep Learning. In Proceedings of the 2023 International Conference on Self Sustainable Artificial Intelligence Systems (ICSSAS), Erode, India, 18–20 October 2023; pp. 565–574. [Google Scholar] [CrossRef]
- Bhute, A.; Bhute, H.; Pande, S.; Dhumane, A.; Chiwhane, S.; Wankhade, S. Acute Lymphoblastic Leukemia Detection and Classification Using an Ensemble of Classifiers and Pre-Trained Convolutional Neural Networks. Int. J. Intell. Syst. Appl. Eng. 2023, 12, 571–580. Available online: https://ijisae.org/index.php/IJISAE/article/view/3955 (accessed on 1 January 2020).
- Ghaderzadeh, M.; Hosseini, A.; Asadi, F.; Abolghasemi, H.; Bashash, D.; Roshanpoor, A. Automated detection model in classification of B-lymphoblast cells from normal B-lymphoid precursors in blood smear microscopic images based on the majority voting technique. Sci. Program. 2022, 2022, 4801671. [Google Scholar] [CrossRef]
- Raina, R.; Gondhi, N.K.; Chaahat Singh, D.; Kaur, M.; Lee, H.N. A Systematic Review on Acute Leukemia Detection Using Deep Learning Techniques. Arch. Computat. Methods Eng. 2023, 30, 251–270. [Google Scholar] [CrossRef]
- Mustaqim, T.; Fatichah, C.; Suciati, N. Deep Learning for the Detection of Acute Lymphoblastic Leukemia Subtypes on Microscopic Images: A Systematic Literature Review. IEEE Access 2023, 11, 16108–16127. [Google Scholar] [CrossRef]
- Abirami, M.; George, G.V.S.; Sam, D. Acute Lymboplastic Leukemia Detection Challenges and Systematic Review. In Proceedings of the 2023 5th International Conference on Smart Systems and Inventive Technology (ICSSIT), Tirunelveli, India, 23–25 January 2023; pp. 1471–1477. [Google Scholar] [CrossRef]
- Theodore Armand, T.P.; Kim, H.C.; Kim, J.I. Digital Anti-Aging Healthcare: An Overview of the Applications of Digital Technologies in Diet Management. J. Pers. Med. 2024, 14, 254. [Google Scholar] [CrossRef]
Inclusion Criteria | Exclusion Criteria |
---|---|
Studies on different methods of leukemia classification and detection using DL | Studies that are not related to research questions |
Comprehensive articles with clear evidence | Incomplete or insufficiently detailed articles |
Studies were published from 2019 to 2023 | Articles published before 2019 or after 2023 |
Only the articles that have been published in English are considered | Articles published in languages other than English |
Articles that includes keywords “Deep learning”, “Vision transformer”, “CNN”, “neural networks”, “Transfer learning”, “leukemia”, “acute myeloid leukemia”, “acute lymphoblastic leukemia”, “Blood smears” are included. | Articles that include the keywords “DNA”, “RNA”, and “MICROARRAY” are excluded. |
Extracted Data | Description |
---|---|
Identity of study | Unique identity for the study |
Bibliographic references | Author, year of publication, title, and source of publication |
Type of study | Book, journal paper, conference paper, etc. |
The focus of the study | Main topic area, concepts, motivation, and objective of the study |
Used database of the study | Database name, size, classes, image types, file formats, and label type |
Preprocessing techniques | Data augmentation, image preprocessing, feature extraction |
Deep learning models | Description of the model used in the study. |
Evaluation metrics | Description of the evaluation metrics used in the study |
Performance of the study | The results obtained, such as accuracy F1-score |
Key challenges and limitations | key challenges and constraints mentioned in the study |
Nº | Ref | Year | Title | Main Idea |
---|---|---|---|---|
1 | [43] | 2022 | A Systematic Review on Acute Leukemia Detection Using Deep Learning Techniques | This systematic review aims to explore the use of deep learning techniques for detecting and classifying acute leukemia. By analyzing selected publications, this review addresses four research questions regarding the effectiveness of deep learning in leukemia classification. |
2 | [44] | 2023 | Deep Learning for the Detection of Acute Lymphoblastic Leukemia Subtypes on Microscopic Images: A Systematic Literature Review | This study reviews advancements in detecting and classifying Acute Lymphoblastic Leukemia (ALL) subtypes. The discussion primarily centers around using deep learning techniques for object detection and classification in this domain. |
3 | [45] | 2023 | Acute Lymphoblastic Leukemia Detection Challenges and Systematic Review | This paper provides a literature review on detecting Acute Lymphoblastic Leukemia using various development approaches. It highlights existing studies on leukemia detection using machine or deep learning, performance analysis, and associated challenges. |
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. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Oybek Kizi, R.F.; Theodore Armand, T.P.; Kim, H.-C. A Review of Deep Learning Techniques for Leukemia Cancer Classification Based on Blood Smear Images. Appl. Biosci. 2025, 4, 9. https://doi.org/10.3390/applbiosci4010009
Oybek Kizi RF, Theodore Armand TP, Kim H-C. A Review of Deep Learning Techniques for Leukemia Cancer Classification Based on Blood Smear Images. Applied Biosciences. 2025; 4(1):9. https://doi.org/10.3390/applbiosci4010009
Chicago/Turabian StyleOybek Kizi, Rakhmonalieva Farangis, Tagne Poupi Theodore Armand, and Hee-Cheol Kim. 2025. "A Review of Deep Learning Techniques for Leukemia Cancer Classification Based on Blood Smear Images" Applied Biosciences 4, no. 1: 9. https://doi.org/10.3390/applbiosci4010009
APA StyleOybek Kizi, R. F., Theodore Armand, T. P., & Kim, H.-C. (2025). A Review of Deep Learning Techniques for Leukemia Cancer Classification Based on Blood Smear Images. Applied Biosciences, 4(1), 9. https://doi.org/10.3390/applbiosci4010009