Conference PaperPDF Available

A Decision Support System for the Identification of Acute Lymphoblastic Leukemia in Microscopic Blood Smear Images

Authors:
  • MIT Campus, Anna University, Chennai

Abstract and Figures

Blood cancer is one of the most critical diseases. Leukemia, in particular, is the common blood cancer that causes an overabundance of leukocytes to be produced. The detection of acute lymphocytic leukemia from single cell blood smear images is identified by various of methodologies. The goal of this research is to come up with a reliable strategy for classifying leukemia. The input images are obtained from the public database ALL-IDB2 which contains 198 images. Resizing and image augmentation are carried out to get a more number of images with uniform size. For the segmentation of ALL nucleus the proposed work employs SK U-Net convolutional neural network. The SK U-Net outperformed the conventional U-Net with a Dice score of 0.916, compared to the conventional U-Net with a Dice score 0.320. Deep features are obtained from segmented images. ResNet and CapsuleNet are used to extract deep features from segmented images. When compared to CapsuleNet, ResNet provides the most significant features. The distinct features are fed into the binary bat algorithm, to reduce irrelevant features. Finally, ANOVA is used to do statistical analysis of consistent and robust feature sets. The obtained p value is 0.00001. The selected feature from binary bat algorithm is given to a k-nearest neighbour and support vector machine. SVM gives better accuracy of 98%
Content may be subject to copyright.
A Decision Support System for the Identification of
Acute Lymphoblastic Leukemia in Microscopic
Blood Smear Images
Cranaf R 1, Kavitha G 2 and Alagu S 3
1,2,3Department of Electronics Engineering, Madras Institute of Technology, Anna University, Chennai.
Abstract
Blood cancer is one of the most critical
diseases. Leukemia, in particular, is the common blood
cancer that causes an overabundance of leukocytes to
be produced. The detection of acute lymphocytic
leukemia from single cell blood smear images is
identified by various of methodologies. The goal of this
research is to come up with a reliable strategy for
classifying leukemia. The input images are obtained
from the public database ALL-IDB2 which contains
198 images. Resizing and image augmentation are
carried out to get a more number of images with
uniform size. For the segmentation of ALL nucleus the
proposed work employs SK U-Net convolutional
neural network. The SK U-Net outperformed the
conventional U-Net with a Dice score of 0.916,
compared to the conventional U-Net with a Dice score
0.320. Deep features are obtained from segmented
images. ResNet and CapsuleNet are used to extract
deep features from segmented images. When
compared to CapsuleNet, ResNet provides the most
significant features. The distinct features are fed into
the binary bat algorithm, to reduce irrelevant features.
Finally, ANOVA is used to do statistical analysis of
consistent and robust feature sets. The obtained p
value is 0.00001. The selected feature from binary bat
algorithm is given to a k-nearest neighbour and
support vector machine. SVM gives better accuracy of
98%
Introduction
Medical image processing plays vital role for
disease screening and automated image evaluation is
common in health care. White blood cells come in a
variety of sizes and shapes in the human body.
Leukemia is a blood cancer that begins in the bone
marrow and resulting in an excessively large number
of white blood cells. Today's lab tests for diagnosing
leukaemia infection take longer and they are
complex, prone to human error, and repetitious.
Leukemia is divided into two categories: acute and
chronic. Leukemia is sub categorised into four
categories based on the rate of spread and type of
white blood cells: acute lymphocytic leukaemia
(ALL), acute myelogenous leukaemia (AML),
chronic lymphocytic leukaemia (CLL), and chronic
myelogenous leukaemia (CML) [1].
According to a World Health Organization
analysis of cancer databases, leukemia incidence
varies significantly by area and subtype. As per
Globocan 2020, over 20,000 new cases of childhood
blood cancer are diagnosed every year in India, of
which nearly 15,000 of those cases is leukemia [2].
There are about 61780 cases of leukemia in the U.S.
in the year 2019 and around 9900 new cases of
leukemia are detected in U.K. every year. Globally,
the number of new cases of leukemia is increased
from 345.5 thousand in 1990 to 518.5 thousand in
2018 which decreases the ASIR by 0.43% for every
year [3].
Microscopic blood smears are usually used to
identify leukemia by the medical examiner.
In a healthy white blood cell, there is a nucleus at
the centre and cytoplasm as the next layer. In recent
studies, various methods have been utilised to detect
ALL early from microscopic images [4]. Colour
space conversion and the k-means method, as well
as CNN models-based classification, were used to
segment WBC nucleus [5].
Recently, many research works are going on
to detect ALL. Some of them are discussed here.
Medical experts prefer the cluster of differentiation
(CD) marker with morphological features for
leukemia cell classification [6]. To assimilate the
differences in healthy and blast cells, many
geometrical and moment-based aspects are also
examined. To extract more relevant features, a
combination of maximal information coefficient and
ridge feature selection methods were used in
conjunction with CNN models [7]. For a confident
choice, statistical analysis, such as ANOVA tests, is
essential [8].
The use of a pre-trained AlexNet model
could help classify different forms of leukaemia. For
leukemia identification, machine learning and
simple CNN models such as CafeNet and VGG-f are
considered [9].
Wang et al. employed the CNN model's
optimised deep features and a graph convolutional
network (GCN) with deep feature fusion (DFF) to
improve classification accuracy [10]. The purpose of
this study is to use microscopic blood smear images
to identify acute lymphoblastic leukemia. To obtain
a larger number of images of uniform size, resizing
and image augmentations are performed. The
proposed technique uses the SK U-Net
convolutional neural network to segment ALL
nuclei. The SK U-Net outperformed the
conventional U-Net (Dice score of 0.320) and the
SK U-Net has the Dice score of 0.916.
Deep features are extracted from
segmented images using ResNet and CapsuleNet.
ResNet extracts the most significant features when
compared to CapsuleNet. The binary bat algorithm
is used to reduce irrelevant features by feeding the
different features into it. Finally, ANOVA is utilised
to do statistical analysis on feature sets that are
consistent and robust. It is observed that 1000
percent of the deep characteristics appear to be
better with p =. 00001.
Material and methods
2.1 Dataset
There are 198 microscopic images of blood
smears in the "ALL IDB2" database. There are 99
healthy cells and 99 unhealthy cells among the 198
images. The energy shot G5 and a laboratory optical
microscope were used to capture all of the images.
The images have a resolution of 2592 x 1944 pixels
and a depth of 24 bits. [11].
2.2. Pre processing
The proposed computer vision paradigm
employs resizing. The collection provided a wide
range of images in different sizes. Images of a
specific size are required for further processing.
Using the bi-cubic interpolation method, all of the
Acute Lymphoblastic Leukemia images in our
database were resized to 224 x 224 pixels and then
processed with a 3 x 3 median filter. Manual ROIs
were reduced to 224 × 224 using the nearest
neighbour interpolation approach. To increase the
amount of dataset, the given input images are fed to
an augmentation unit.
Figure 1:Block diagram of proposed work
2.3. Selective Kernel U-Net based segmentation
The SK-U-Net architecture was based on the
U-Net architecture, however instead of activation
function blocks, SK blocks were used. Figure 2
depicts the SK-U-Net architecture and the SK block
in general.
The purpose of each SK block was to modify
the network's receptive field adaptively and mix
feature maps obtained by different convolutions to
successfully distinguish nucleus from ALL. In each
SK block, there were two branches. The first
employed 3x3 kernel filters and convolutions with a
dilation size of 2, whereas the second used 3x3
kernel filters without dilation.
Another deep neural network U-Net is used for
comparison. U-Net architecture consists of
contracting and expansive path which gives U-
shaped architecture. The contracting path CNN
consists of repeated application of convolution
followed by rectified linear unit and maxpooling
operation.
2.4. Feature Extraction
Feature Extraction is used to describe the
most relevant information of an image. The
segmented nucleus is subjected to feature extraction
using different CNN models. Using U-Net, SK U-
Net, the nucleus is segmented and features extracted
by using ResNet and CapsuleNet.
Deep CNN is used to extract features from
input and classify data [12]. In the proposed work,
ResNet and CapsuleNet are used for this purpose.
A residual neural network (ResNet) is one of
the artificial neural network (ANN).
Typical ResNet models are implemented
with double- or triple- layer skips that contain
nonlinearities (ReLU) and batch normalization in
between. Models with several parallel skips are
referred to as DenseNets. In the context of residual
neural networks, a non-residual network may be
described as a plain network.
The robust features can be extracted by
using ResNet. The architecture is inspired on VGG-
19 and has a 34-layer plain network to which
shortcut and skip connections are added [12].
The Capsulenet is also used to extract
features. A unique capsule of this sort is capable of
detecting the face as well as other forms of
information. To build the capsule network,
numerous layers of capsule nodes are used. The
CapsuleNet or CapsNet is an encoding unit that
consists of three layers of capsule nodes.
2.5. Feature Selection
For feature selection, the obtained deep
features are taken into account. To choose the most
important features, the binary bat method is used. As
a result, feature selection not only eliminates
unimportant features but also significantly reduces
the cost of computation.
A new meta-heuristic algorithm based on
micro bat echolocation, with the fundamental
assumption that the micro bat can distinguish
between an obstacle and its prey and only modifies
its behaviour when it is near a prey rather than an
obstruction. The algorithm is designed to mimic the
behaviour of a colony of micro bats pursuing their
meal [13].
It is assumed that the bats reside in an n-
dimensional vector space, where n is the number of
optimization points of the problem. The current
position of the ith bat flying with a velocity Vi is
represented as Xi. The waves emitted are assumed
to be within the frequency range (fmin, fmax), with
an initial loudness A0, and the rate of pulse emission
as r. The position and velocity of the virtual micro
bat at a (t + 1) is realized as a function of its
frequency, position and velocity using Equations
(1), (2) and (3).
𝑓
𝑖= 𝑓
𝑚𝑖𝑛 + (𝑓
𝑚𝑎𝑥 + 𝑓
𝑚𝑖𝑛)𝛽 ----------------(1)
𝑉𝑖= 𝑉𝑖+(𝑋𝑖 𝑋𝑏𝑒𝑠𝑡)𝑓
𝑖 ----------------(2)
𝑋𝑖= 𝑋𝑖+ 𝑉𝑖 ------------------(3)
In this case, β is a random number between 0 and 1,
and Xbest is the current location of the global best
solution in the algorithm.
2.6. Classification
The classification is performed by the K-
Nearest Neighbour (KNN) and Support Vector
Machine (SVM) algorithm.
The K-Nearest Neighbour algorithm is based
on the supervised learning technique and is one of
the most basic Machine Learning algorithms. The K-
NN algorithm assumes that the new case/data and
existing cases are similar and places the new case in
the category that is most similar to the existing
categories.
The K-NN method stores all available data
and classifies a new data point based on its similarity
to the existing data. This means that new data can be
quickly sorted into a well-defined category using the
K-NN method. The K-NN algorithm can be used for
both regression and classification, but it is more
commonly utilised for classification tasks.
SVM is a supervised machine learning
technique that may be used for both classification
and regression. Though we might also argue
regression difficulties, categorization is the best fit.
The goal of the SVM algorithm is to find a
hyperplane in an N-dimensional space that
categorises data points clearly. The hyperplane's size
is determined by the number of features.
Results
The proposed research aims to classify Acute
Lymphoblastic Leukemia. Figure 3 shows examples
of healthy and blast cells. Each image contains two
types of cells.
Figure 3: Typical microscopic images (a) Healthy
cells and (b) blast cells
The images from the database are sent
through the preprocessing unit, as shown in Figure
1. During preprocessing, the images are resized to
224 x 224 pixels so that SK U-Net can segment ALL
cells. After resizing, the input images are fed into the
augmentation unit. Rotation of 45 degrees width
shift, height shift, zooming, and horizontal shift are
all done during image augmentation.
Table 1 compares the standard U-Net and the
SK U-Net in terms of segmentation performance. In
terms of overall performance, this paper
outperformed the U-Net.
For healthy cells, the SK U-Net had a
median Dice score of 0.914, whereas for blast cells,
it had a median Dice score of 0.898. Figures 4 and 5
show several segmentation results for healthy cells
and blast cells with Dice coefficients around the
median.
Figure 4: Segmentation of healthy cells nucleus by
SK U-Net
Figure 5: Segmentation of Unhealthy cell nucleus
by SK U-Net
Figure 5 displays the SK U-Net segmentation
results, with the resized input images in the first
column. The second and third columns, respectively,
show the ground truth mask from Kaggle and the
nucleus expected mask from SK U-Net. The
segmented images in the final column are used as
input in various CNN configurations. The visual
results for SK U-Net appear to be better than scaled
photos.
Table1: Dice coefficient and accuracy of SK U-
Net and U-Net
The predicted mask is compared with the ground
truth mask by Dice metrics and Accuracy. The plot
for variation in Dice metrics and accuracy is shown
in Figure 6.
Figure 6: Performance comparison of SK U-Net and
U-Net.
The suggested method outperforms previous
methods in terms of performance, with an accuracy
of 0.97.
The feature extraction block receives the
segmented images from SK U-Net. Feature
extraction is performed on the segmented images
using several CNN models such as ResNet and
CapsuleNet. A multi-layered artificial neural
network called a deep convolutional neural network
(CNN) is a sort of deep convolutional neural
network. It was created with the goal of extracting
features from the input and classifying high-
dimensional data.
A deep CNN is made up of several
convolutional and Max pooling layers, as well as
0.916
0.323
0.967
0.76
0
0.2
0.4
0.6
0.8
1
1.2
SK U-Net U-Net
Normalized values
Dice coefficient
Accuracy
fully connected output layers. A number of feature
maps make up each convolutional layer in the
network. The neurons in one feature map with the
same weights ensure that parameters are reduced
and shift invariance is maintained. The model is
trained using the back propagation approach.
In order to find desired features, the Resnet
algorithm provided above 4000 features. The
percentages of various features are checked for p
value of anova test calculator to find the desired
features.
Table2: Significant results of anova test (ResNet)
Furthermore, the p-values of the proposed
method for different percentages of the fused deep
feature set show a significant difference. Among
them, 100% of the features are highly significant
with the value of p = .00001, which can be more
suitable to differentiate blast cells from normal cells.
CapsuleNet is used for comparison purpose.
Furthermore, the suggested method's p-values for
different percentages of the fused deep feature set
change significantly. 50 percent of the features are
highly significant with a p value of.00001, making
them better for distinguishing blast cells from
normal cells.
Table3: Significant results of anova test
(CapsuleNet)
According to the Table 2 and Table 3, ResNet has
the most significant features over CapsuleNet. In
order to eliminate irrelevant features, the collected
features from ResNet are passed into a binary bat
method. Table 4 displays the outcome of the binary
bat algorithm.
Table4: Significant results of anova test (BAT)
The p-values of the proposed method for
different percentages of the fused deep feature set
show a significant difference. All of the features are
highly significant with the value of p = .00001,
which can be more suitable to differentiate blast
cells from normal cells.
The binary bat algorithm's retrieved features
are fed into classification models such as KNN and
SVM. Figure 7 depicts the confusion matrix of KNN
algorithm.
Figure 7: Confusion matrix of KNN
KNN obtains accuracy of 0.58. The goal of the
SVM algorithm is to create the best line or decision
boundary that can segregate n-dimensional space
into classes so that we can easily put the new data
point in the correct category in the future. This best
decision boundary is called a hyperplane. Figure 8
depicts the confusion matrix of SVM algorithm.
Figure 8: SVM confusion matrix.
Healthy cells have a SVM accuracy of 0.98, while
unhealthy cells have a SVM accuracy of 0.98.
Conclusion
A novel approach for leukemia detection is
introduced on single smear blood cells. Input images
are obtained from public database Initially the
images are pre-processed and given to the
segmentation process. For proper segmentation of
nucleus, selective kernel U-Net segmentation model
is carried out. The Segmentation is compared U-Net
Algorithm. Based on the Dice metrics of both the
models, the SK U-Net gives better results than the
active U-Net. From the segmented output, the deep
features are extracted by using ResNet and
CapsuleNet, ResNet provide Significant features
than CapsNet. These extracted features are given to
the binary bat algorithm. For proper selection of
optimal weights, BBA is developed.
. For the classification KNN model and SVM model
of leukemia detection is well performed. The
proposed SVM has comparatively increase the
performance of the CNN model with the accuracy of
100%. In future, hybrid optimization algorithm will
be developed for training the Deep CNN which will
enhance the classification results.
References
[1] Seifedine Kadry and et al., 2021. Automated
segmentation of leukocyte from hematological images- a
study using various CNN schemes. Springer, doi:
https://doi.org/10.1007/s11227-021-04125-4.
[2] Cancer Research UK.
http://www.cancerresearchuk.org/, 2020.
[3] Ying Dong et al., Leukemia incidence trends at the
global, regional and national level between 1990 and
2018,” Research article on Experimental Hematology and
Oncology, 2020.
[4] Michal Byra, Piotr Jarosik and et.al., 2020. “Breast
mass segmentation in ultrasound with selective kernel U-
Netconvolutional neural network”. ELSEVIER
Biomedical Signal Processing and Control 61,
102027.doi: https://doi.org/10.1016/j.bspc.2020.102027.
[5] Pradeep Kumar Das and et al., (2021). “An efficient
deep convolutional neural network based detection and
classification of acute lymphoblastic leukemia”.
ELESEVIER Expert System with Application 183, doi:
https://doi.org/10.1016/j.eswa.2021.115311.
[6] Mishra, S., B. Majhi, and P. K. Sa. 2018. GLRLM-
Based feature extraction for Acute Lymphoblastic
Leukemia (ALL) detection. Recent findings in intelligent
computing techniques. Advances in Intelligent Systems
and Computing 708. Springer, Singapore.
doi:10.1007/978-981-10-8636-6_41.
[7] Toğaçar, M., B. Ergen, and C. Zafer. 2020.
Classification of white blood cells using deep features
obtained from Convolutional Neural Network models
based on the combination of feature selection methods.
Applied Soft Computing 97:110. doi:
10.1016/j.asoc.2020.106810.
[8] Hassan Al-Yassin, I., A. Jaafar Mousa, M. Fadhel, O.
Al-Shamma, and L. Alzubaidi. 2020. Statistical accuracy
analysis of different detecting algorithms for surveillance
system in smart city. Indonesian Journal of Electrical
Engineering and Computer Science 18 (2):97986.
doi:10.11591/ijeecs.v18.i2.pp979-986
[9] Wang, S. H., V. V. Govindaraj, J. M. Górriz, X. Zhang,
and Y. D. Zhang. 2021. Covid-19 classification by
FGCNet with deep feature fusion from graph
convolutional network and convolutional neural network.
An International Journal on Information Fusion 67:208
29. doi: 10.1016/j.inffus.2020.10.004.
[10] Donida Labati, R., V. Piuri, and F. Scotti., 2011.
ALL-IDB: The acute lymphoblastic leukemia image
database for image processing. IEEE International
conference on Image Processing. Brussels,
Belgium.204548. doi:10.1109/ICIP.2011.6115881.
[11] Kumar, D., N. Jain, A. Khurana, S. Mittal, S. C.
Satapathy, D. Roman Senkerik, and J. Hemanth. 2020.
Automatic detection of white blood cancer from bone
marrow microscopic images using convolutional neural
networks. IEEE Access 8:14252131. doi:10.1109/
access.2020.3012292.
[12] Laith Alzubaidi et al.,2021. Review of deep learning:
concepts, CNN architectures, challenges, applications,
future directions. Journal of big data. Doi:
https://doi.org/10.1186/s40537-021-00444-8.
[13] Prerna Sharma, Kapil Sharma. A novel quantum-
inspired binary bat algorithm for leukocytes classification
in blood smear. Wiley expert systems doi:
10.1111/exsy.12813
... Around 61,780 instances of leukemia were diagnosed in the United States in 2019, with another 9900 cases being found in the United Kingdom. From 345,000 in 1990 to 518,000 in 2018, the number of newly diagnosed cases of leukemia increased, lowering the Annualized Survival Insusceptibility Rate (ASIR) by 0.43% per year [10,11]. ...
... The article [11] suggested an approach of convolutional neural network called SK U-Net to perform the task of nucleus segmentation for ALL. All 198 input photos come from the publicly available database ALL-IDB2. ...
... The probability of a hypothesis can be calculated using Bayes' theorem, often known as Bayes' Rule or Bayes' law. Bayes's theorem can be expressed as the following Equation (11). The NB in data classification works with this equation to find the results. ...
Article
Full-text available
Breast cancer, lung cancer, skin cancer, and blood malignancies such as leukemia and lymphoma are just a few instances of cancer, which is a collection of cells that proliferate uncontrollably within the body. Acute lymphoblastic leukemia is of one the significant form of malignancy. The hematologists frequently makes an oversight while determining a blood cancer diagnosis, which requires an excessive amount of time. Thus, this research reflects on a novel method for the grouping of the leukemia with the aid of the modern technologies like Machine Learning and Deep Learning. The proposed research pipeline is occupied into some interconnected parts like dataset building, feature extraction with pre-trained Convolutional Neural Network (CNN) architectures from each individual images of blood cells, and classification with the conventional classifiers. The dataset for this study is divided into two identical categories, Benign and Malignant, and then reshaped into four significant classes, each with three subtypes of malignant, namely, Benign, Early Pre-B, Pre-B, and Pro-B. The research first extracts the features from the individual images with CNN models and then transfers the extracted features to the features selections such as Principal Component Analysis (PCA), Linear Discriminant Analysis (LDA), and SVC Feature Selectors along with two nature inspired algorithms like Particle Swarm Optimization (PSO) and Cat Swarm Optimization (CSO). After that, research has applied the seven Machine Learning classifiers to accomplish the multi-class malignant classification. To assess the efficacy of the proposed architecture a set of experimental data have been enumerated and interpreted accordingly. The study discovered a maximum accuracy of 98.43% when solely using pre-trained CNN and classifiers. Nevertheless, after incorporating PSO and CSO, the proposed model achieved the highest accuracy of 99.84% by integrating the ResNet50 CNN architecture, SVC feature selector, and LR classifiers. Although the model has a higher accuracy rate, it does have some drawbacks. However, the proposed model may also be helpful for real-world blood cancer classification.
Article
Full-text available
Medical images play a fundamental role in disease screening, and automated evaluation of these images is widely preferred in hospitals. Recently, Convolutional Neural Network (CNN) supported medical data assessment is widely adopted to inspect a set of medical imaging modalities. Extraction of the leukocyte section from a thin blood smear image is one of the essential procedures during the preliminary disease screening process. The conventional segmentation needs complex/hybrid procedures to extract the necessary section and the results achieved with conventional methods sometime tender poor results. Hence, this research aims to implement the CNN-assisted image segmentation scheme to extract the leukocyte section from the RGB scaled hematological images. The proposed work employs various CNN-based segmentation schemes, such as SegNet, U-Net, and VGG-UNet. We used the images from the Leukocyte Images for Segmentation and Classification (LISC) database. In this work, five classes of the leukocytes are considered, and each CNN segmentation scheme is separately implemented and evaluated with the ground-truth image. The experimental outcome of the proposed work confirms that the overall results accomplished with the VGG-UNet are better (Jaccard-Index = 91.5124%, Dice-Coefficient = 94.4080%, and Accuracy = 97.7316%) than those of the SegNet and U-Net schemes Finally, the merit of the proposed scheme is also confirmed using other similar image datasets, such as Blood Cell Count and Detection (BCCD) database and ALL-IDB2. The attained result confirms that the proposed scheme works well on hematological images and offers better performance measure values.
Article
Full-text available
In the field of medical sciences, day‐to‐day procedure is followed for identification of bone marrow and immune system related diseases, which is most of the time carried out manually. The notion is to perform differential and qualitative analysis of leukocytes for the timely diagnosis of these diseases. In this article, a systematized solution is offered for the classification of leukocytes in blood smear. The proposed model incorporates the optimistic aspects of nature‐inspired and quantum‐inspired algorithms; this model tends to be perfect blend of both the techniques. For reducing the dimensionality, that is, irrelevant features; the quantum‐inspired binary bat algorithm (QBBA) has been used in the proposed model. The optimality of features selected has been computed with the help of accuracy measure using various machine learning classifiers like Logistic Regression, KNN, Random Forest, Decision Tree. The performance of QBBA and its customary algorithms has been compared and the results depict that QBBA outperforms binary bat algorithm for the same set of population. QBBA comes out as an influential algorithm with an average accuracy of 98.31% and also possess enhanced noise invulnerability. The proposed QBBA can also find its usage in thorough haematological analysis.
Article
Full-text available
In the last few years, the deep learning (DL) computing paradigm has been deemed the Gold Standard in the machine learning (ML) community. Moreover, it has gradually become the most widely used computational approach in the field of ML, thus achieving outstanding results on several complex cognitive tasks, matching or even beating those provided by human performance. One of the benefits of DL is the ability to learn massive amounts of data. The DL field has grown fast in the last few years and it has been extensively used to successfully address a wide range of traditional applications. More importantly, DL has outperformed well-known ML techniques in many domains, e.g., cybersecurity, natural language processing, bioinformatics, robotics and control, and medical information processing, among many others. Despite it has been contributed several works reviewing the State-of-the-Art on DL, all of them only tackled one aspect of the DL, which leads to an overall lack of knowledge about it. Therefore, in this contribution, we propose using a more holistic approach in order to provide a more suitable starting point from which to develop a full understanding of DL. Specifically, this review attempts to provide a more comprehensive survey of the most important aspects of DL and including those enhancements recently added to the field. In particular, this paper outlines the importance of DL, presents the types of DL techniques and networks. It then presents convolutional neural networks (CNNs) which the most utilized DL network type and describes the development of CNNs architectures together with their main features, e.g., starting with the AlexNet network and closing with the High-Resolution network (HR.Net). Finally, we further present the challenges and suggested solutions to help researchers understand the existing research gaps. It is followed by a list of the major DL applications. Computational tools including FPGA, GPU, and CPU are summarized along with a description of their influence on DL. The paper ends with the evolution matrix, benchmark datasets, and summary and conclusion.
Article
Full-text available
Leukocytes, produced in the bone marrow, make up around one percent of all blood cells. Uncontrolled growth of these white blood cells leads to the birth of blood cancer. Out of the three different types of cancers, the proposed study provides a robust mechanism for the classification of Acute Lymphoblastic Leukemia (ALL) and Multiple Myeloma (MM) using the SN-AM dataset. Acute lymphoblastic leukemia (ALL) is a type of cancer where the bone marrow forms too many lymphocytes. On the other hand, Multiple myeloma (MM), a different kind of cancer, causes cancer cells to accumulate in the bone marrow rather than releasing them into the bloodstream. Therefore, they crowd out and prevent the production of healthy blood cells. Conventionally, the process was carried out manually by a skilled professional in a considerable amount of time. The proposed model eradicates the probability of errors in the manual process by employing deep learning techniques, namely convolutional neural networks. The model, trained on cells’ images, first pre-processes the images and extracts the best features. This is followed by training the model with the optimized Dense Convolutional neural network framework (termed DCNN here) and finally predicting the type of cancer present in the cells. The model was able to reproduce all the measurements correctly while it recollected the samples exactly 94 times out of 100. The overall accuracy was recorded to be 97.2%, which is better than the conventional machine learning methods like Support Vector Machine (SVMs), Decision Trees, Random Forests, Naive Bayes, etc. This study indicates that the DCNN model’s performance is close to that of the established CNN architectures with far fewer parameters and computation time tested on the retrieved dataset. Thus, the model can be used effectively as a tool for determining the type of cancer in the bone marrow.
Article
Full-text available
Background: Leukemias are a group of life-threatening malignant disorders of the blood and bone marrow. The incidence of leukemia varies by pathological types and among different populations. Methods: We retrieved the incidence data for leukemia by sex, age, location, calendar year, and type from the Global Burden of Disease online database. The estimated average percentage change (EAPC) was used to quantify the trends of the age-standardized incidence rate (ASIR) of leukemia from 1990 to 2017. Results: Globally, while the number of newly diagnosed leukemia cases increased from 354.5 thousand in 1990 to 518.5 thousand in 2017, the ASIR decreased by 0.43% per year. The number of acute lymphoblastic leukemia (ALL) cases worldwide increased from 49.1 thousand in 1990 to 64.2 thousand in 2017, whereas the ASIR experienced a decrease (EAPC = - 0.08, 95% CI - 0.15, - 0.02). Between 1990 and 2017, there were 55, 29, and 111 countries or territories that experienced a significant increase, remained stable, and experienced a significant decrease in ASIR of ALL, respectively. The case of chronic lymphocytic leukemia (CLL) has increased more than twice between 1990 and 2017. The ASIR of CLL increased by 0.46% per year from 1990 to 2017. More than 85% of all countries saw an increase in ASIR of CLL. In 1990, acute myeloid leukemia (AML) accounted for 18.0% of the total leukemia cases worldwide. This proportion increased to 23.1% in 2017. The ASIR of AML increased from 1.35/100,000 to 1.54/100,000, with an EAPC of 0.56 (95% CI 0.49, 0.62). A total of 127 countries or territories experienced a significant increase in the ASIR of AML. The number of chronic myeloid leukemia (CML) cases increased from 31.8 thousand in 1990 to 34.2 thousand in 2017. The ASIR of CML decreased from 0.75/100,000 to 0.43/100,000. A total of 141 countries or territories saw a decrease in ASIR of CML. Conclusions: A significant decrease in leukemia incidence was observed between 1990 and 2017. However, in the same period, the incidence rates of AML and CLL significantly increased in most countries, suggesting that both types of leukemia might become a major global public health concern.
Article
Full-text available
In this work, we propose a deep learning method for breast mass segmentation in ultrasound (US). Variations in breast mass sizes and image characteristics make the automatic segmentation difficult. To address this issue, we developed a selective kernel (SK) U-Net convolutional neural network. The aim of the SK was to adjust network's receptive field via an attention mechanism, and fuse feature maps extracted with dilated and conventional convolutions. The proposed method was developed and evaluated using US images collected from 882 breast masses. Moreover, we used three datasets of US images collected at different medical centers for testing (893 US images). On our test set of 150 US images, the SKU-Net achieved mean Dice score of 0.826, and outperformed regular U-Net, Dice score of 0.778. When evaluated on three separate datasets, the proposed method yielded mean Dice scores ranging from 0.646 to 0.780. Additional fine-tuning of our better-performing model with data collected at different centers improved mean Dice scores by ~6%. SKU-Net utilized both dilated and regular convolutions to process US images. We found strong correlation, Spearman's rank coefficient of 0.7, between the utilization of dilated convolutions and breast mass size in the case of network's expansion path. Our study shows the usefulness of deep learning methods for breast mass segmentation. Codes and pre-trained models can be found at gihub.com/mbyr/bus.seg https://authors.elsevier.com/sd/article/S174680942030183X
Article
Full-text available
Several detecting algorithms are developed for real-time surveillance systems in smart cities. The most popular algorithms due to its accuracy are Temporal Differencing, Background Subtraction, and Gaussian Mixture Models. Selecting of which algorithm is the best to be used, based on accuracy, is a good choice, but is not the best. Statistical accuracy analysis tests are required for achieving a confident decision. This paper presents further analysis of the accuracy by employing four parameters: false recognition, unrecognized, true recognition, and total fragmentation ratios. The results prove that no algorithm is selected as the perfect or suitable for all applications based on the total fragmentation ratio, whereas both false recognition ratio and unrecognized ratio parameters have a significant impact. The multi-way Analysis of Variate (so-called K-way ANONVA) is used for proofing the results based on SPSS statistics.
Article
Automated and accurate diagnosis of Acute Lymphoblastic Leukemia (ALL), blood cancer, is a challenging task. Nowadays, Convolutional Neural Networks (CNNs) have become a preferred approach for medical image analysis. However, for achieving excellent performance, classical CNNs usually require huge databases for proper training. This paper proposes an efficient deep CNNs framework to mitigate this issue and yield more accurate ALL detection. The salient features: depthwise separable convolutions, linear bottleneck architecture, inverted residual, and skip connections make it a faster and preferred approach. In this proposed method, a novel probability-based weight factor is suggested, which has a significant role in efficiently hybridizing MobilenetV2 and ResNet18 with preserving the benefits of both approaches. Its performance is validated using public benchmark datasets: ALLIDB1 and ALLIDB2. The experimental results display that the proposed approach yields the best accuracy (with 70% training and 30% testing) 99.39% and 97.18% in ALLIDB1 and ALLIDB2 datasets, respectively. Similarly, it also achieves the best accuracy (with 50% training and 50% testing) 97.92% and 96.00% in ALLIDB1 and ALLIDB2 datasets, respectively. Moreover, it also achieves the best performance compared to the recent transfer learning-based techniques in both the datasets, in terms of sensitivity, specificity, accuracy, precision, F1 score, and receiver operating characteristic (ROC) in most of the cases.
Article
White blood cells are cells in the blood and lymph tissue produced by the bone marrow in the human body. White blood cells are an important part of the immune system. The most important task of these cells is to protect the human body against foreign invaders and infectious diseases. When the number of white blood cells in the blood is not enough for the human body, it can cause leukopenia. As a result of this situation, the resistance of the human body against infections and diseases decreases. In this respect, determining the number of these cells in the human body is a specialist task. Detection and treatment of this symptom is a labor-intensive process carried out by specialist doctors and radiologists. Image processing techniques have recently been widely used in biomedical systems for the diagnosis of various diseases. In this study, it is aimed to use image processing techniques to improve the classification performance of deep learning models in white blood cells classification. To perform the classification process more efficiently, the Maximal Information Coefficient and Ridge feature selection methods were used in conjunction with the Convolutional Neural Network models. The Maximal Information Coefficient and Ridge feature selection methods extracted the most relevant features. Afterward, the classification process was realized by using this feature set. In this study, AlexNet, GoogLeNet, and ResNet-50 were used as feature extractor and quadratic discriminant analysis was used as a classifier. As a result, the overall success rate was obtained as 97.95% in the classification of white blood cells. The experimental results showed that the use of the convolutional neural network models with feature selection methods contributed to improving the classification success of white blood cell types.
Article
(Aim) COVID-19 is an infectious disease spreading to the world this year. In this study, we plan to develop an artificial intelligence based tool to diagnose on chest CT images. (Method) On one hand, we extract features from a self-created convolutional neural network (CNN) to learn individual image-level representations. The proposed CNN employed several new techniques such as rank-based average pooling and multiple-way data augmentation. On the other hand, relation-aware representations were learnt from graph convolutional network (GCN). Deep feature fusion (DFF) was developed in this work to fuse individual image-level features and relation-aware features from both GCN and CNN, respectively. The best model was named as FGCNet. (Results) The experiment first chose the best model from eight proposed network models, and then compared it with 15 state-of-the-art approaches. (Conclusion) The proposed FGCNet model is effective and gives better performance than all 15 state-of-the-art methods. Thus, our proposed FGCNet model can assist radiologists to rapidly detect COVID-19 from chest CT images.