Hybrid Bio-Inspired Algorithm and Convolutional Neural Network For Automatic Lung Tumor Detection
Hybrid Bio-Inspired Algorithm and Convolutional Neural Network For Automatic Lung Tumor Detection
https://doi.org/10.1007/s00521-020-05362-z
(0123456789().,-volV)(0123456789().,-volV)
Received: 24 July 2020 / Accepted: 9 September 2020 / Published online: 19 September 2020
The Author(s) 2020
Abstract
In this paper, we have proposed a hybrid bio-inspired algorithm which takes the merits of whale optimization algorithm
(WOA) and adaptive particle swarm optimization (APSO). The proposed algorithm is referred as the hybrid WOA_APSO
algorithm. We utilize a convolutional neural network (CNN) for classification purposes. Extensive experiments are per-
formed to evaluate the performance of the proposed model. Here, pre-processing and segmentation are performed on 120
lung CT images for obtaining the segmented tumored and non-tumored region nodule. The statistical, texture, geometrical
and structural features are extracted from the processed image using different techniques. The optimized feature selection
plays a crucial role in determining the accuracy of the classification algorithm. The novel variant of whale optimization
algorithm and adaptive particle swarm optimization, hybrid bio-inspired WOA_APSO, is proposed for selecting optimized
features. The feature selection grouping is applied by embedding linear discriminant analysis which helps in determining
the reduced dimensions of subsets. Twofold performance comparisons are done. First, we compare the performance against
the different classification techniques such as support vector machine, artificial neural network (ANN) and CNN. Second,
the computational cost of the hybrid WOA_APSO is compared with the standard WOA and APSO algorithms. The
experimental result reveals that the proposed algorithm is capable of automatic lung tumor detection and it outperforms the
other state-of-the-art methods on standard quality measures such as accuracy (97.18%), sensitivity (97%) and specificity
(98.66%). The results reported in this paper are encouraging; hence, these results will motivate other researchers to explore
more in this direction.
Keywords Medical imaging Artificial intelligence Feature extraction Hybrid WOA_APSO Convolutional neural
network
1 Introduction
123
23712 Neural Computing and Applications (2023) 35:23711–23724
consisting of normalization and enhancement is usually prognosis of lung cancer done by the experts. The com-
performed to improve the quality of the image and reduce parative classification analysis is performed by considering
the distortion. There are different types of filters applied for techniques such as artificial neural network, support vector
image enhancement techniques in spatial and frequency machine and convolutional neural network [19, 20]. Sup-
domain [5]. The wiener filter minimizes the noise using a port vector machine uses the multiclass model learning
low pass filter and performs deconvolution using high pass technique to determine the prediction of medical imaging.
filter (Inverse filtering) on lung CT image obtained from The support vector machine (SVM) considers a linear
the Lung Image Database Consortium [6]. The segmenta- function hypothetical space in higher dimension features
tion is the most challenging task in medical imaging for which are instructed using a learning bias originated from
appropriately extracting the features from the segmented statistical learning theory [21]. The artificial neural net-
tumor nodule region. There are various segmentation work represents a multilayer network consisting of three
techniques [7] such as Watershed transform edge-based different layers with the backpropagation algorithm
segmentation, Region-based segmentation [8] and [22, 23]. Deep learning [24] is a promising field and pro-
Thresholding [9]. The global thresholding and morpho- vides enhanced performance in various medical imaging
logical post-processing operation are performed for applications [24, 25]. The fully connected convolutional
detecting the tumored region from surrounding and seg- neural network consisting of a mesh connection of neurons
menting the lung region nodule. The different statistical comprises activation function and backpropagation for
features, textural features, shape and geometrical-based adjustment of weights [26, 27]. The presented state-of-art
features are extracted from the segmented region [10]. The outperforms for the fully connected convolutional neural
number of features is prominently more in neuroimaging, network in computer-aided diagnosis of lung cancer
so the technique used for feature extraction is Gray-Level imaging by showing better performance.
Co-occurrence Matrix (GLCM), Gray-Level Run-Length
Matrix (GLRLM), Histogram features, Gray-Level 1.1 Motivation and contributions
Dependence Matrix (GLDM) and Local Binary Pattern
(LBP) [11, 12]. These sets of extracted features provide Metaheuristic hybridization is the recent trend in the field
significant information from medical imaging which helps of optimization, achieved by combining one metaheuristic
in evaluating the pattern and decision-making process. To algorithm with a complementing metaheuristic algorithm.
reduce the dimensional features space of different modal- The novel variant of whale optimization algorithm and
ities of the image, the hybrid WOA_APSO feature selec- adaptive particle swarm optimization, hybrid bio-inspired
tion algorithm is proposed, which removes the redundant WOA_APSO, is proposed for selecting optimized features.
features [13, 14]. The feature selection technique optimizes Hybrid WOA_APSO is implemented for the selection of
the selection of extracted features and provides more the optimized features subset. The whale optimization
dominant information. The extracted feature selection is algorithm is a recently developed metaheuristic algorithm
grouped using a linear discriminant algorithm [15–18] for with many good properties like few parameters, covers a
selecting the more dependent and relevant features on class broader area in the search space, and exploration of the
values to improve the performance of classification. The search space is made efficient by using randomly selected
subset of the best feature is selected to reduce the dimen- search agents in place of the best search agent so far.
sionality of problem space and to maximize the perfor- Further, APSO uses additional adaptive parameters—
mance of the learning algorithm (Fig. 1). adaptive factor fa and perturbation factor Ga to improve the
Classification is the most critical aspect in determining convergence speed of the algorithm and to achieve a bal-
the performance parameters, i.e., accuracy, sensitivity and ance between exploitation and exploration of the search
specificity of the model that helps in the process of space [28–32]. Thus, WOA_APSO performs better than
other common algorithms in terms of convergence speed
and balancing between exploration and exploitation
[28, 29, 33]. So, the hybridization of WOA and APSO is
proposed and is explained in detail in the paper.
The key contribution of this paper is highlighted as
follows:
• Firstly, we propose an intelligent lung tumor segmen-
tation algorithm for the detection of tumor and treat-
(i) Tumored (ii) Non-tumored ment of cancer patients.
Fig. 1 i Tumored lung CT image ii Non-tumored lung CT image
123
Neural Computing and Applications (2023) 35:23711–23724 23713
• Secondly, we show the hybridization of two meta- performance is computed by evaluating the correlation
heuristic algorithms, namely, whale optimization algo- values. Joon et al. [44] showed the segmentation of
rithm (WOA) and adaptive particle swarm optimization cancerous and non-cancerous lung region nodule using
(APSO). The proposed algorithm is referred as the k-mean clustering and fuzzy c-mean technique. The
hybrid WOA_APSO algorithm. Hybrid WOA_APSO is structural and texture extracted features are used in the
implemented for the selection of the optimized features classification performed by the support vector machine.
subset. Here, feature selection grouping is performed by Prabukumar et al. [45] proposed a hybrid segmentation
embedding linear discriminant analysis. Our proposed technique comprising Fuzzy C-means (FCM) and region
model utilizes a CNN for classification purposes. growing algorithm to segment the nodule. The statistical,
• Thirdly, extensive computer simulations are performed texture and geometrical features are extracted from the
to determine the effectiveness of the proposed model. segmented nodule, and the optimized features are selected
We reported a twofold performance comparison. First, using a cuckoo search algorithm. The optimal features are
the performance of the proposed model is tested against considered for evaluating the classification using a support
different state-of-the-art classification techniques and vector machine while obtaining the overall accuracy of
evaluated accuracy, sensitivity and specificity. Sec- 98.5%. Mittal et al. [46] proposed a methodology for
ondly, the performance of the proposed algorithm is multilevel image thresholding for segmentation and intro-
compared with the standard WOA and APSO algo- duced the exponential kbest gravitational search technique.
rithms based on the computational cost of convergence Shankar et al. [47] stated a methodology for Alzheimer
to the optimal results. detection in which various features are extracted using
gray-level run-length matrix, histogram features, gray-level
occurrence matrix, the local binary pattern features and
1.2 Organization
scale-invariant transform. The feature selection is per-
formed using the gray wolf optimization algorithm to attain
The remainder of the paper is organized as follows: Sect. 2
the optimized features for performing the classification.
presents the related work; the proposed model is compre-
The convolutional neural network classification technique
hensively discussed in Sect. 3; Sect. 4 represents the
is used to achieve the accuracy, sensitivity and specificity
experimental results and computational performance mea-
as 96.23%, 94% and 96%. Vijh et al. [48] proposed an
sures; the conclusion and future avenue of the proposed
approach for developing the computer-aided lung tumor
work is given in Sect. 5.
segmentation system. The whale optimization algorithm is
used for feature selection and support vector machine for
classification. The performance of methodology is com-
2 Related work
pared using different SVM kernels. However, the RBF
support vector kernel provided the accuracy, sensitivity and
Cancer is the deadly disease worldwide whose detection at
specificity of 95%, 100% and 92%.
an early stage provides preventive measures and treatment
Reddy et al. [49] presented algorithm consists of parallel
to increase the survival rate of patients. The research in
thresholding, feature extraction and fuzzy neural network
medical imaging is growing rapidly to recognize the pat-
for identifying the lung tumor on CT imaging evaluating
tern of disease showing the development of computation-
the accuracy of 96.5%. Zhang et al. [50] stated a novel
ally intelligent systems. Data visualization for medical
approach for computer-aided diagnosis for lung tumor
image analysis is one of the most promising fields in the
detection by implementing a multiscale mask region-based
development of a robust expert system using artificial
convolutional neural network on PET imaging. The per-
intelligence [34, 35], computer vision [36] and pattern
formance computed by estimating recall, precision and F-
recognition application [37–39]. The computer-aided
value as 1, 0.90 and 0.95. Uçar et al. [51] presented the
medical diagnosis is the most challenging task in the
methodology for automatic detection of lung nodules using
interpretation of the decision-making process by a radiol-
deep learning convolutional neural network architecture
ogist for extracting the abnormalities in the image [40, 41].
with Laplacian of gaussian filter model obtaining the
The related research work and findings are presented in this
accuracy of 72.97%. Naqi et al. [52] proposed a novel
section.
hybrid approach consisting of 3D neighborhood connec-
Uzelaltinbulat et al. [42] presented a lung tumor seg-
tivity, active contour model (ACM) and geometric prop-
mentation technique using Otsu thresholding and mor-
erties for 3D nodule candidate detection. The comparative
phological operations. Kumar et al. [43] proposed a hybrid
analysis of classification is performed using Naı̈ve Bayes,
of the 2D Otsu method and modified artificial bee colony
KNN, SVM and AdaBoost to evaluate the model effec-
method for the segmentation of the lung CT image. The
tiveness. Table 1 presents a summary of the existing works.
123
23714 Neural Computing and Applications (2023) 35:23711–23724
Database Image Pre-processing Segmentation Nodule detection Features Optimization Classification Final Outcome
Manikandan Lung CT images Fuzzy auto seed cluster SVM kernel’s Specificity-
et al. [53] 93%
Accuracy-
94%
Kavitha et al. Lung CT images Otsu’s Thresholding and Artificial neural network Accuracy-
[54] Morphological segmentation method 92.68%
Precision-
87.50%
Recall-
100%
Kumar et al. Brain MRI T1 Gradient vector flow model Principal component analysis and Artificial Accuracy-
[55] weighted neural network (PCA-ANN) 91.17%
El Abbadi MRI brain images Morphological segmentation Probabilistic neural network Accuracy-
et al. [56] 98%
Nibali et al. LIDC/IDRI dataset- – Residual network (ResNet)—deep residual Accuracy-
[57] Lung CT images network 89.90%
Sensitivity-
91.07%
Specificity-
88.64%
Ali et al. [58] LIDC/IDRI dataset— – Reinforcement learning convolutional –
lung CT images neural network
Duarte et al. MIAS Fisher discriminant analysis and – Accuracy-
[59] texture features 0.94 ±
0 .019
Esteva et al. Clinical images Deep learning convolutional Accuracy-
[60] neural network architecture 72%
Vijh et al. Brain MRI Otsu Thresholding ? APSO, Convolutional neural network (CNN) Accuracy-
[61] morphological operation 98%
Loss
function-
4%
The comparison is done based on the dataset, segmentation methods, classification method and performance of the techniques. For performance
standard, measures such as specificity, accuracy, precision and recall have been reported
123
Neural Computing and Applications (2023) 35:23711–23724 23715
123
23716 Neural Computing and Applications (2023) 35:23711–23724
where E calculates the overall error, b is constant having The bubble net phase formulation for a spiral updating
value 0.5, m represents no of selected features, S is the no position to mimic the helix-shaped movement of humpback
swarms. The parameters and the values used in hybrid bio- whales and prey is shown using Eq. (13).
inspired algorithm are represented in Table 3.
Y ði þ 1Þ ¼ E0 eal cos ð2plÞ þ Y ðiÞ ð13Þ
The hunting functionality is performed with the help of
the best search agent chasing the position of prey to The humpback whales revolve around the prey within a
encircle. This behavior can be mathematically represented spiral-shaped and shrinking circle simultaneously. The
using Eqs. (9) and (10), respectively. prey updates their location by using Eqs. (14), (15) and
(16).
! ! ! h i
~
E ¼ L Y ðiÞ Yð iÞ ð9Þ ~
Y ði þ 1Þ ¼ ðCtji viþ1 Þ þ f1 vi1j RtBest;t xitj
! h i
Y ði þ 1Þ ¼ Y ðiÞ P ~
~ E ð10Þ þ f2 vi2j RtBest;t xitj : ð14Þ
L and P are the coefficient vectors, i is the latest ongoing Here, Rbest represents the local best search
!
iteration, Y shows the position vector and Y represents ytj ði þ 1Þ ¼ ytj ðiÞ þ fa Ctj ði þ 1Þ ð15Þ
the position vector of the best solution acquired. However,
the coefficient vector is shown in Eqs. (11) and (12). Gbest ¼ Gbest þ Ga ¼ Gbest þ max yj min yj rand
P ¼ 2b r b ð11Þ ð16Þ
L¼ 2r ð12Þ Here, fa represents Adaptive factor and Gbest global best
location
where b is linearly decreasing from 2 to 0 and r is random In the exploration phase, the coefficient vector P is used
vector [0, 1]. for searching the prey, and it can be shown through
Eq. (17).
123
Neural Computing and Applications (2023) 35:23711–23724 23717
GLCM Dissimilarity P
g GLCM Cluster prominence P
g1
3
ji jjH ði; jÞ Hij i Fi þ j Fj
i;j i;j¼0
Energy P
g1 Inverse difference moment P
g1
Hij
logðHijÞ2 normalized (IDM) 1þðijÞ2
i;j¼0 i;j¼0
Inverse difference P
g1
Hij Sum variance P
2g
normalized (IDN) 1þjijj ð1 lÞ2 IH ði; jÞ
i;j¼0 i;j¼1
Autocorrelation P
g LBP Local binary Pattern P
H1
ðijÞH ði; jÞ 2g yðGh GðZa1 Za2 ÞÞ
i;j¼0 h¼0
Contrast P
g1 GLDM GLDM prob½Kaðe; r Þ
H ði; jÞði jÞ2
i;j¼0
Sum average P
2g2 Mean P
g1
iHiþj ðiÞ oi H ðoi Þ
i;j¼2 h¼0
Cluster shade P
g1 GLRLM Run-length non-uniformity II 2
4 1
P P
Hij i Fi þ j Fj t H ði; jÞ
i;j¼0 i w
P w
Homogeneity P
g1
Hij Run percentage H ði;jÞw
i;j
1þðijÞ2
i;j¼0
Correlation P
g1 Inertia P g1
g1 P
Hij ðil ÞðjlÞ
1þðijÞ2 ði jÞ H ði; jÞ
i;j¼0 i¼0 j¼0
1
P
Difference variance P
g1 Long run emphasis I w2 H ði; jÞ
ð1 lÞ2 H ði; jÞ t
i;j
i¼1
P X ði;wÞ
Difference entropy P
g1 Low gray-level run emphasis 1
Hiþj ðiÞlog Hiþj ðiÞ t i2
i;j
i¼0
Angular second moment g1 P
P g1 Gray-level non-uniformity 2
P P
H ði; jÞ2 1
t H ði; jÞ
i¼0 j¼0 i w
P H ði;jÞ
Energy P
g1 Short run emphasis 1
log ðHijÞ2 t
i;j
i2
i;j¼0
~ !
Y ði þ 1Þ ¼ Yrandom ~
P~
E ð17Þ 6:2 Feature selection grouping is performed using linear
discriminant analysis for reducing the dimensions
Time Complexity The proposed hybrid bio-inspired and selecting the best-optimized subsets which
algorithm has two inner loops for population ‘n’ and one enhance the classification performance effectively.
outer loop for iteration ‘t’ where n = 20 and t = 35. The
extreme case complexity of hybrid WOA_APSO can be
O(n2). However, when the population size is large, the time 7. Convolutional neural network is a deep learning
complexity of the algorithm can be represented as follows: classification technique for training and testing the
T(n) = 2n ? s ? nlog(n)t = O(nlog (n)t). learning network [67, 68]. The neural network
123
23718 Neural Computing and Applications (2023) 35:23711–23724
CNN Layer 3
Activation function relu, softmax
Optimizer Adam
LOSS categorical_crossentropy
Epochs 200
validation_split 0.2
Fig. 3 2D Matlab plot for F(x, y) = E * (1 ? b)/RF BATCH SIZE 2
123
Neural Computing and Applications (2023) 35:23711–23724 23719
LBP 24 LBP 34 LBP 36 LBP 38 LBP 40 LBP 50 LBP 52 LBP 54 LBP 56 Class value
123
23720 Neural Computing and Applications (2023) 35:23711–23724
123
Neural Computing and Applications (2023) 35:23711–23724 23721
Fig. 6 The sample result analysis on lung non-tumored image for detection of nodule
artificial neural network. The achieved accuracy, sensitiv- process. The proposed state-of-art method provides a better
ity and specificity are 97.18, 97 and 98.66. consolidated optimized dimension of features selection
grouping approach by implementing a hybrid WOA_APSO
algorithm embedding LDA. The convolutional neural net-
5 Conclusion and future work work classification technique outperforms by providing an
accuracy of 97.5% in comparison to support vector
In this paper, we have presented a novel approach for early machine and artificial neural network. The methodology
detection, diagnosis and prediction to improve the treat- demonstrates the effectiveness and promising results for
ment of patients and take preventative measures. Here, we clinical application as compared to existing algorithms.
implemented a hybrid WOA_APSO algorithm (see Algo- The proposed method limits the working for 3-dimensional
rithm 1). Image pre-processing and segmentation technique medical imaging. In the future, the work can be extended
is applied for partitioning and segmenting the tumor region. by using different modalities of medical imaging, and other
The different features are extracted to gather the statistics metaheuristic techniques can be incorporated for enhancing
information analysis which assists in the decision-making the system performance.
123
23722 Neural Computing and Applications (2023) 35:23711–23724
123
Neural Computing and Applications (2023) 35:23711–23724 23723
27. Anwar SM, Majid M, Qayyum A, Awais M, Alnowami M, Khan 46. Mittal H, Saraswat M (2018) An optimum multi-level image
MK (2018) Medical image analysis using convolutional neural thresholding segmentation using non-local means 2D histogram
networks: a review. J Med Syst 42(11):226 and exponential Kbest gravitational search algorithm. Eng Appl
28. Pandey HM, Chaudhary A, Mehrotra D (2014) A comparative Artif Intell 71:226–235
review of approaches to prevent premature convergence in GA. 47. Shankar K, Lakshmanaprabu SK, Khanna A, Tanwar S, Rodri-
Appl Soft Comput 24:1047–1077 gues JJ, Roy NR (2019) Alzheimer detection using Group Grey
29. Pandey HM, Chaudhary A, Mehrotra D (2016) Grammar induc- Wolf Optimization based features with convolutional classifier.
tion using bit masking oriented genetic algorithm and compara- Comput Electr Eng 77:230–243
tive analysis. Appl Soft Comput 38:453–468 48. Vijh S, Gaur D, Kumar S (2019) An intelligent lung tumor
30. Pandey H (2017) Performance review of harmony search, dif- diagnosis system using whale optimization algorithm and support
ferential evolution and particle swarm optimization. In: IOP vector machine. Int J Syst Assur Eng Manag 11:1–11
conference series: materials science and engineering, vol 225. 49. Reddy UJ, Reddy BRVR, Reddy BE (2019) Recognition of lung
IOP Publishing cancer using machine learning mechanisms with fuzzy neural
31. Pandey HM (2016) Performance evaluation of selection methods networks. Trait Signal 36(1):87–91
of genetic algorithm and network security concerns. Phys Pro- 50. Zhang R, Cheng C, Zhao X, Li X (2019) Multiscale mask
cedia 78:13–18 R-CNN–based lung tumor detection using PET Imaging. Mol
32. Dhiman G, Soni M, Pandey HM et al (2020) A novel hybrid Imaging 18:1536012119863531
hypervolume indicator and reference vector adaptation strategies 51. Uçar M, Uçar E (2019) Computer-aided detection of lung nodules
based evolutionary algorithm for many-objective optimization. in chest X-rays using deep convolutional neural networks.
Eng Comput. https://doi.org/10.1007/s00366-020-00986-0 Sakarya Univ J Comput Inf Sci 2(1):41–52
33. Pandey HM (2020) Secure medical data transmission using a 52. Naqi SM, Sharif M, Lali IU (2019) A 3D nodule candidate
fusion of bit mask oriented genetic algorithm, encryption and detection method supported by hybrid features to reduce false
steganography. Future Gener Comput Syst 111:213–225 positives in lung nodule detection. Multimed Tools Appl
34. Jindal A, Aujla GS, Kumar N, Prodan R, Obaidat MS (2018) 78(18):26287–26311
DRUMS: demand response management in a smart city using 53. Manikandan T, Bharathi N (2016) Lung cancer detection using
deep learning and SVR. In: 2018 IEEE global communications fuzzy auto-seed cluster means morphological segmentation and
conference (GLOBECOM). IEEE, pp 1–6 SVM classifier. J Med Syst 40(7):181
35. Gulati A, Aujla GS, Chaudhary R, Kumar N, Obaidat MS (2018) 54. Kavitha P, Ayyappan G (2018) Lung cancer detection at early
Deep learning-based content centric data dissemination stage by using SVM classifier techniques. Int J Pure Appl Math
scheme for Internet of Vehicles. In: 2018 IEEE international 119(12):3171–3180
conference on communications (ICC). IEEE, pp 1–6 55. Kumar V, Sachdeva J, Gupta I, Khandelwal N, Ahuja CK (2011)
36. Aujla GS, Jindal A, Chaudhary R, Kumar N, Vashist S, Sharma Classification of brain tumors using PCA-ANN. In: 2011 world
N, Obaidat MS (2019) DLRS: deep learning-based recommender congress on information and communication technologies. IEEE,
system for smart healthcare ecosystem. In; ICC 2019–2019 IEEE pp 1079–1083
international conference on communications (ICC). IEEE, pp 1–6 56. El Abbadi NK, Kadhim NE (2017) Brain cancer classification
37. Teramoto A, Fujita H, Yamamuro O, Tamaki T (2016) Auto- based on features and artificial neural network. Brain
mated detection of pulmonary nodules in PET/CT images: 6(1):123–134
ensemble false-positive reduction using a convolutional neural 57. Nibali A, He Z, Wollersheim D (2017) Pulmonary nodule clas-
network technique. Med Phys 43(6Part1):2821–2827 sification with deep residual networks. Int J Comput Assist Radiol
38. Gore JC (2020) Artificial intelligence in medical imaging. Magn Surg 12(10):1799–1808
Reson Imaging 68:A1–A4, ISSN 0730–725X. https://doi.org/10. 58. Ali I, Hart GR, Gunabushanam G, Liang Y, Muhammad W,
1016/j.mri.2019.12.006 Nartowt B, Kane M, Ma X, Deng J (2018) Lung nodule detection
39. Jiang J, Trundle P, Ren J (2010) Medical image analysis with via deep reinforcement learning. Front Oncol 8:108
artificial neural networks. Comput Med Imaging 59. Duarte MA, Pereira WC, Alvarenga AV (2019) Calculating
Graph 34(8):617–631 texture features from mammograms and evaluating their perfor-
40. Chen CH (2015) Handbook of pattern recognition and computer mance in classifying clusters of microcalcifications. In:
vision. World Scientific, Singapore Mediterranean conference on medical and biological engineering
41. Bi WL, Hosny A, Schabath MB, Giger ML, Birkbak NJ, Mehr- and computing. Springer, Cham, pp 322–332
tash A, Allison T, Arnaout O, Abbosh C, Dunn IF, Mak RH 60. Esteva A, Kuprel B, Novoa RA, Ko J, Swetter SM, Blau HM,
(2019) Artificial intelligence in cancer imaging: clinical chal- Thrun S (2017) Dermatologist-level classification of skin cancer
lenges and applications. CA Cancer J Clin 69(2):127–157 with deep neural networks. Nature 542(7639):115–118
42. Uzelaltinbulat S, Ugur B (2017) Lung tumor segmentation 61. Vijh S, Sharma S, Gaurav P (2020) Brain tumor segmentation
algorithm. Procedia Comput Sci 120:140–147 using OTSU embedded adaptive particle swarm optimization
43. Kumar S, Sharma TK, Pant M, Ray AK (2012) Adaptive artificial method and convolutional neural network. In: Hemanth J, Bhatia
bee colony for segmentation of CT lung images. Int J Comput M, Geman O (eds) Data visualization and knowledge engineer-
Appl iRAFIT 5:1–5 ing. Springer, Cham, pp 171–194
44. Joon P, Bajaj SB, Jatain A (2019) Segmentation and detection of 62. https://wiki.cancerimagingarchive.net/display/Public/LIDC-IDRI
lung cancer using image processing and clustering techniques. In: 63. Preetha K, Jayanthi SK (2018) GLCM and GLRLM based feature
Saeed K, Chaki N, Pati B, Bakshi S, Mohapatra DP (eds) Pro- extraction technique in mammogram images. Int J Eng Technol
gress in advanced computing and intelligent engineering. 7(2.21):266–270
Springer, Singapore, pp 13–23 64. Ahmadi N, Akbarizadeh G (2018) Iris tissue recognition based on
45. Prabukumar M, Agilandeeswari L, Ganesan K (2019) An intel- GLDM feature extraction and hybrid MLPNN-ICA classifier.
ligent lung cancer diagnosis system using cuckoo search opti- Neural Comput Appl 32:1–15
mization and support vector machine classifier. J Ambient Intell 65. Dalal N, Triggs B (2005) Histograms of oriented gradients for
Hum Comput 10(1):267–293 human detection. In: 2005 IEEE computer society conference on
123
23724 Neural Computing and Applications (2023) 35:23711–23724
computer vision and pattern recognition (CVPR’05), vol 1. IEEE, diseases using a deep convolutional neural network. IEEE Trans
pp 886–893 Med Imaging 35(5):1207–1212
66. Dornaika F, Moujahid A, El Merabet Y, Ruichek Y (2017) A 68. Ker J, Wang L, Rao J, Lim T (2018) Deep learning applications
comparative study of image segmentation algorithms and in medical image analysis. IEEE Access 6:9375–9389
descriptors for building detection. In: Samui P, Roy SS, Balas VE
(eds) Handbook of neural computation. Academic Press, Cam- Publisher’s Note Springer Nature remains neutral with regard to
bridge, pp 591–606 jurisdictional claims in published maps and institutional affiliations.
67. Anthimopoulos M, Christodoulidis S, Ebner L, Christe A, Mou-
giakakou S (2016) Lung pattern classification for interstitial lung
123