You are on page 1of 20

Received: 28 June 2023 | Revised: 8 December 2023 | Accepted: 16 January 2024

DOI: 10.1111/jcmm.18144

REVIEW

A systematic review on deep learning-­based automated cancer


diagnosis models

Ritu Tandon1 | Shweta Agrawal2 | Narendra Pal Singh Rathore3 | Abhinava K. Mishra4 |
Sanjiv Kumar Jain5

1
SAGE University, Indore, India
2
Indore Institute of Science and
Abstract
Technology, Indore, India Deep learning is gaining importance due to its wide range of applications. Many re-
3
Acropolis Institute of Technology & searchers have utilized deep learning (DL) models for the automated diagnosis of can-
Research, Indore, India
4 cer patients. This paper provides a systematic review of DL models for automated
Molecular, Cellular and Developmental
Biology Department, University of diagnosis of cancer patients. Initially, various DL models for cancer diagnosis are pre-
California Santa Barbara, Santa Barbara,
sented. Five major categories of cancers such as breast, lung, liver, brain and cervical
California, USA
5
Electrical Engineering Department, Medi-­ cancer are considered. As these categories of cancers have a very high percentage of
Caps University, Indore, India occurrences with high mortality rate. The comparative analysis of different types of
Correspondence DL models is drawn for the diagnosis of cancer at early stages by considering the lat-
Abhinava K. Mishra, Molecular, Cellular est research articles from 2016 to 2022. After comprehensive comparative analysis,
and Developmental Biology Department,
University of California Santa Barbara, it is found that most of the researchers achieved appreciable accuracy with imple-
Santa Barbara, California, USA. mentation of the convolutional neural network model. These utilized the pretrained
Email: abhinavamishra@ucsb.edu
models for automated diagnosis of cancer patients. Various shortcomings with the ex-
Sanjiv Kumar Jain, Electrical Engineering
isting DL-­based automated cancer diagnosis models are also been presented. Finally,
Department, Medi-­C aps University,
Indore, Madhya Pradesh, India. future directions are discussed to facilitate further research for automated diagnosis
Email: sanjivkj@gmail.com
of cancer patients.

KEYWORDS
cancer diagnosis, CNN, deep learning, machine learning, medical imaging, RNN

1 | I NTRO D U C TI O N magnetic resonance imaging (MRI), X-­ray and computed tomogra-


phy (CT) are used most widely by medical practitioners for detecting
Cancer is considered as one of the most dangerous diseases in the cancer. 2 Detecting cancer manually through biopsy images may be
world. Cancer is caused by the combination of genetic, environmen- biased and may have varied opinions from doctors to doctors de-
tal and lifestyle factors. In developing countries such as India, can- pending on their expertise and the parameters like exact and correct
cer is responsible for the maximum mortality rate with about 0.3% quantitative procedures to classify the images as normal or cancer-
death per year.1 For the correct diagnosis and treatment planning ous one. Automated system to identify cancer through microscopic
early detection of cancer plays a very important role. It is a tedious images can play a significant role to reduce human errors, depen-
task for the radiologists, oncologists and pathologists. Detection of dency and time and can provide better results.3
cancer at the initial stages can improve the percentage rate of cured Use of Machine Learning (ML) algorithms for cancer detec-
patients and hence the survival rate. Medical imaging techniques like tion with medical imaging and feature extraction is gaining high

This is an open access article under the terms of the Creative Commons Attribution License, which permits use, distribution and reproduction in any medium,
provided the original work is properly cited.
© 2024 The Authors. Journal of Cellular and Molecular Medicine published by Foundation for Cellular and Molecular Medicine and John Wiley & Sons Ltd.

J Cell Mol Med. 2024;28:e18144.  wileyonlinelibrary.com/journal/jcmm | 1 of 20


https://doi.org/10.1111/jcmm.18144
2 of 20 | TANDON et al.

popularity. So, for detecting the different types of cancers like breast, 3. Various tools that have been used to build automated computa-
lung, skin, liver, cervical and brain, various types of feature extraction tional models are also discussed.
techniques have been reviewed in medical imaging.4,5 The previous 4. Various shortcomings of the competitive automated computa-
studies show that the techniques used for feature descriptors from tional cancer diagnosis models are presented.
medical imaging expending the ML techniques have certain limita- 5. Finally, future research directions in the field of automated cancer
tions, resulting in under performance of the software system.6 Deep diagnosis models are discussed.
Learning (DL) is a sub domain of ML with the extra characteristics of
learning features directly through the available data set. Recent re-
search shows that using the CNN model, DL techniques achieved im- 1.1 | Image processing for cancer
proved accuracy for various types of cancer detection and diagnosis. 7
detection and diagnosis
In the real world, the most difficult task is to collect massive
amounts of data in a variety of formats from a number of sources. Image processing techniques are being used widely in various do-
When data are in unstructured format, traditional database man- mains of medicine. It includes disease detection, patient history
agement systems struggle to extract knowledge from it. It becomes analysis, drug discovery, conversation analysis, cancer detection and
necessary to manage both structured and unstructured data in order identifying cancer stages. From these stages noise removal, image
to create an effective system. Here, big data technology solves the enhancement and image segmentation from the medical images like
problem by extracting knowledge from both structured and un- CT scans and MRI are critical steps to decide the right treatment
8
structured data. at the right time. Bhaskar Rao et al. used Berkeley wavelet trans-
The present review work provides a comprehensive and sys- formation based segmentation method for reducing the image seg-
tematic review of automated computational deep learning-­b ased mentation complexity process and improving the performance for
models for cancer diagnosis. In addition, a thorough comparison brain tumour detection. Relevant features are extracted from each
of competitive automated computational models for cancer diag- segmented region using the support vector machine classifier. Their
nosis is also considered. Discussion on different tools employed in experimental result showed an accuracy of 95.61%.9 Wason et al.
developing automated computational models for cancer diagnosis presented the image processing technique for detecting lung cancer
is drawn. Further, identification and presentation of the shortcom- through CT images at an early stage. By using extracted features a
ings of competitive automated computational models for cancer classification model is applied to classify the tumour as benign or
diagnosis is included. Lastly, discussions on potential future re- malignant.10 Figure 1 shows the various stages of image processing.
search directions in the field of automated cancer diagnosis mod-
els is given.
Research questions: 1.2 | Artificial neural network (ANN)
The main purpose of this systematic review is to analyse reviews
and surveys published between 2016 and 2022 in the area of deep Human brain has millions of neurons, which are the basic unit of
learning in medical imaging. In doing so, we defined the following the brain and the nervous system. These neurons receive sensory
main research questions for our study: inputs via dendrites, process these inputs and output is produced
through axons. ANN is a system inspired by the human brain that
1. Which deep learning-­based learning technique has consistently mimics human brain's behaviour in terms of learning new things
produced noteworthy prediction outcomes? that replicate the way humans learn. These neural networks learn
2. Which cancer, type of data and imaging techniques are used for from the examples and the experience and they do not require any
cancer nodule detection. set of instructions or the programming to perform any task. ANN
3. Which AI-­based methods have consistently produced noteworthy consists of layers which are input, output and hidden layers. The
prediction outcomes? number of hidden layers may vary depending upon architecture
4. Which objective is mostly used to find the role of deep learning in and application requirements. Mao et al. presented the evolu-
cancer prediction? tion, working principle and properties of artificial neural networks
5. Which data set and mode (online and offline) are mostly used in (ANNs), as well as the current state of research into the use of
prediction of cancer? ANNs in the detection and diagnosis of gastrointestinal and liver
malignancies.11
Main contribution:
The main contributions of this study are as follows:
1.3 | DL in cancer detection and diagnosis
1. A systematic review of various automated computational deep
learning-­based cancer diagnosis models is presented. DL is a sub domain of ML and simulates the behaviour of human
2. Comparison are drawn among competitive automated computa- brain for learning patterns and data processing for taking decisions.
tional cancer diagnosis models. DL is also termed as deep neural network or ANN with more hidden
TANDON et al. | 3 of 20

F I G U R E 1 Schematics of steps in image processing for cancer detection.

layers and complex structure.11 Many studies have been employed Radiologists have a large amount of data and extraction for region
in detection of cancer using different approaches and models of of interest and features of the tumour as quantitative parameters is
image processing and DL. Due to the availability of huge medical shown in Figure 2. As the features are expressed by continuous vari-
data, systems with high computational power and GPUs the devel- ables, so it has the potential to capture more features as compared to
opments of learning algorithms utilizing DL is gaining importance for the visual assessment. CNNs are suitable for these cases of medical
disease diagnosis in the healthcare sector and particularly in oncol- imaging for radiologists because of the huge amount of data availability
ogy care.12 The features of DL like image segmentation, image label- and large number of features.17 Use of a pruned CNN model is pro-
ling, pattern recognition and object detection makes it suitable for posed for the diagnosis of Lumbar Spondylitis in.18 The other advan-
applications in radiology. tage of CNN is automatic extraction of features through input images.
DL techniques are widely used for tumour, lesion detection, In the following section, discussion regarding the methodology
classification and image segmentation. Stacked Ensemble Model used for cancer identification is presented. Section 3 presents a
(stacking of bagged and boosted learners) for disease diagnosis comprehensive review of breast cancer, lung cancer, brain cancer
automation is proposed by authors.13 M. Coccio et al. presented a and liver cancers. Section 4 focuses on the discussion for prediction
review on use of DL algorithms in health informatics and analysed outcomes based on deep learning techniques. Finally, Sections 5 and
various benefits and potential consequences of these algorithms.14 6 addresses the challenges encountered throughout the research
Gupta et al. presented and compared various deep learning models with key findings summarization and proposed future research
for prediction and diagnosis of colon cancer. Deep auto encoders directions.
had the highest performance with 97% accuracy and 95% area under
curve-­receiver operating characteristic (AUC-­ROC).15 Kanavati et al.
presented the classification of WSIs of LBC specimens into malig- 2 | R E L ATE D WO R K
nant and non-­neoplastic using a deep learning model. For the same a
data set of 1605 cervical WSIs are used.16 2.1 | Process flow for the DL based data analysis

This systematic review presents the use of DL techniques for the


1.4 | Convolutional neural network (CNN) five major types of cancers: breast cancer, lung cancer, brain cancer,
cervical cancer and liver cancer. Figure 3 shows the process flow of
CNN is a DL algorithm that is popular in computer vision applica- review analysis (PRISMA) for included articles.
tions and applicable to varied domains of healthcare. CNN is gaining The methodology of review consists following steps:
popularity in image processing because of its dimensionality reduc-
tion characteristics. CNN is composed of convolution layers, pooling
layers and fully connected layers which learn features in hierarchical 2.1.1 | Step 1. Data collection
manner through back propagation.14 CNN in radiology studies show
that for feature extraction, hand crafted techniques such as texture Five databases, that is, Elsevier, Scopus, Springer Nature, Wiley and
analysis and the conventional ML classifier support vector machine Institute of Electrical and Electronic Engineers (IEEE) Digital Library
are used. Whereas CNN does not require hand crafted feature ex- were searched from 2016 to 2022. Figures 4 and 5 show the data-
traction from the images and the manual segmentation of images for bases and articles considering cancer detection using DL within this
finding of any tumour. period from various databases and countries.
4 of 20 | TANDON et al.

F I G U R E 2 Schematics of feature extraction and diagnosis with large data set ROI finding.

F I G U R E 3 Process flow of review


analysis (PRISMA) for included articles.

244
216
No of Arcles

97
63 57

Elsevier IEEE Springer Nature Nature Porolio Wiley

F I G U R E 4 Summary of selected articles from five databases.


TANDON et al. | 5 of 20

310

236

No of Arcles
90
55
38

USA China England India Germany

F I G U R E 5 Top Five countries with publications related to automated cancer diagnosis.

1. Search Terms: For survey defined search terms were as follows: 3 | U S E O F D L TEC H N I Q U E S FO R TH E
‘computer vision’ or ‘machine vision’ or ‘artificial intelligence’ or C A N C E R S D I AG N OS I S
‘machine learning’ or ‘DL’ AND breast cancer or lung cancer
or cervical cancer or brain tumour or liver cancer. 3.1 | Breast cancer
2. Inclusion criteria: To search the relevant articles, first the titles and
abstracts were searched. Once meeting the search terms criteria In recent years, various DL applications for breast cancer detec-
and then duplicate papers were removed. tion and diagnosis have been used. Albayrak et al. implemented
3. Exclusion criteria: Articles that did not present techniques of can- feature extraction algorithm using DL models with accuracy of
cer detection and diagnosis through DL were excluded from the 96% to detect mitosis in histopathological images of breasts.19 An
study. image of MRI scan of normal and cancerous breast is shown in
Figure 7.
Spanhol et al. presented CNN model for classifying breast his-
2.1.2 | Step 2. Data analysis topathological images through Break-­His data set. Authors utilized
AlexNet architecture for design and implementation of CNN for
In this review work a total of 686 papers were selected from Web of differentiating benign tumours and malignant tumours. 20 A deep
Science (WoS) collection. Data analysis is performed with following network for detection of mitosis for cancer detection using breast
considerations, histology images by training a fully convolutional network (FCN)
model to take out mitosis from the whole histology images is pro-
1. Year of Publication: As DL for cancer detection has mostly attracted posed by Chen et al. 21 Albarqouni et al. presented a deep convo-
researchers from the past decades, publications from 2016 to lutional network for nonexpert crowd explanation in biomedical
2022 for cancer detection using deep learning is considered. context. The authors developed multiscale CNN architecture to
2. Purpose of the study: Different types of task performed by DL for present crowd annotations. 22 A method by using unlabeled data for
selecting the types of cancers such as lesion detection, classifica- learning the features hierarchy and learned features for performing
tion, segmentation etc. is considered. two different tasks that are breast density segmentation and scoring
3. Image Acquisition Technique: The types of medical imaging techniques of mammographic texture is presented by Kallenberg et al. 23
such as MRI, CT scan and chest X-­ray are used in different studies. Selvathi et al. used mammogram images using an unsuper-
4. DL Architecture: Considered DL architectures such as CNN, Deep vised method of deep learning for breast cancer detection.
belief network, Fast CNN and Recurrent Neural Network are the Stacked auto encoder and Softmax classifier were used to form
important architectures in the field of medical for various types of deep networks. 24 Habibzadeh et al. proposed the Res-­N et archi-
applications. tecture of CNN to detect breast cancer with specific settings as
5. Image Data set: Various types of Image data sets for cancer detec- compared to the conventional approach. The accuracy of the pro-
tion and diagnosis is presented and summarized. posed Res-­N et architecture is 99.8% and 99.7% for benign and
malignant breast cancer. 25 A classification model for categorizing
whole side images (WSI) in breast biopsies in different diagnos-
2.1.3 | Step 3. Application domain tic classes is proposed by Gecer et al. 26 Authors have used the
FCNN classifier for labelling of the WSI. Xie et al. have adapted
Inception_V3 and Inception_ResNet_V2 architectures to classify
1. Studies from different domains that have been implemented breast cancer histopathological image for the binary-­ and multi-
using various DL models for cancer diagnostics are summarized class issues by utilizing transfer learning techniques. Results show
in Figure 6. that the classification of breast cancer using Inception_V3 and
6 of 20 | TANDON et al.

No fo Arcles
Engineering Computer Medical Computer Mathma cal
Biomedical Science Informa cs Science Computa onal
informa on Biology
system
Axis Title

F I G U R E 6 Application domains of deep learning models for cancer detection.

(A) (B)

F I G U R E 7 (A). Normal Breast (B). Breast malignant mass. Arrow indicate the malignant mass.

Inception_ResNet_V2 is superior to the existing methods. 27 Le 3.2 | Lung cancer


et al. formed a map of WSI that is providing patterns and spatial
distribution of lymphocytic infiltrates and improving quantifica- Early detection of lung cancer may be done through the various
tion of TILs. Authors have used three CNN architectures that are imaging techniques like chest X-­ray, CT scan and MRI. For the de-
Resnet-­3 4, Inception v4 and VGG16 for TILs analysis and segmen- tection of respiratory disease X-­ray imaging is the commonly used
tation. 28 Kaur et al. used Mini-­M IAS data set consisting of 322 technique.37,38 A representative image is provided in Figure 8.
images and using K-­m ean clustering. Results showed appreciable In the CT scans multiple doses of radiation can increase the
accuracy with K-­M ean clustering and MSVM as compared to de- chances of cancer. So, Wei presented an adaptive partial differential
cision trees model. 29 equation model to reconstruct the images using fewer CT images
Toğaçar et al. reconstructed the data set for the processing of to decrease the radiation dose.39 Capizzi et al. used the fuzzy sys-
the auto encoder model and showed 95.89% classification success tem with the neural network for the evaluation of lung screening
rate.30 A KNN algorithm along with an auto encoder is used for model.40 Figure 8A,B shows the pictures of normal lung and the car-
31
the detection of breast cancer disease with 91.24% accuracy in. cinoma lung, respectively. Zhu et al. developed a deep CNN model
Gandomkar et al. proposed a Deep Residual Network model con- named Deep ConvSurv for survival analysis using pathological im-
sisting of 152 layers to classify the images as benign or malignant ages. Using this Deep ConvSurv model, end-­to-­end survival can be
and achieved classification accuracy of 98.52%, 97.90% and 98.33%, predicted using pathological images.41
32
respectively. A CNN model for early detection of cancer using Hussein et al. developed a multiview CNN named Tumour
thermal breast images optimized by bays algorithm and achieved ac- NetData augmentation for determining nodule of malignant tu-
curacy of 98.95%.33,34 mours.42 Shen et al. introduced a DL model of multicolumn convo-
Voting classifier (VC), logistic regression (LR), decision tree (DT), lutional neural network (MC-­CNN) to deal with the critical issue of
random forest (RF), support vector machine (SVM), and a propri- lung lump malignancy classification. The encouraging results on lump
etary convolutional neural network were used to construct predic- malignant cells classification reflect the efficiency of MC-­CNN.43,44
tion models (CNN) by Mohammad Monirujjaman et al. and realized Tajbakhsh et al. proposed comparison between two classes of con-
an average accuracy of 99%35,36 Table.1. tinuous ML massive training artificial neural networks (MTANNs)
TANDON et al.

TA B L E 1 Summary of the studies for breast cancer detection and diagnosis using DL models.

Reference Year Objective Image type DL architecture and methods Data set Accuracy
19
Albayrak et al. 2016 Cancer detection Histopathology CNN MITOS ATYPIA-­14 96%
20
Snaphol et al. 2016 Classification Histopathology CNN Alexnet transfer learning BreaKHis 85% to 90%
Albarqouni et al. 22 2016 Mitosis detection Histopathology CNN AggNet MICCAI-­AMIDA-­13 Not defined
23
Kallenberg et al. 2016 Image classification Mammographic CSAE (convolutional sparse autoencoder) Unpublished clinical data set Not defined
Altameem et al. 24 2022 Breast cancer detection Mammographic Fuzzy ensemble Mini-­MIAS +3 99.32%
25
Motlagh et al. 2018 Classification Histopathology CNN ResNet transfer learning Tissue microarray and BreakHis 96.4%
Gecer et al. 26 2018 Classification Whole-­slide breast histopathology CNN and FCN transfer learning NIH Sponsored project Not defined
27
Xie et al. 2019 Clustering Histopathology CNN Inception_V3 and Inception_ResNet_ BreaKHis 76.4% and
V2 transfer learning 59.3%
Le et al. 28 2019 TIL analysis and Whole-­slide tissue images CNN Resnet-­3 4, VGG16 and Inception v4 SEER 89%
Classification transfer learning
(Tumour Infiltrating
Lymphocytes)
Kaur et al. 29 2019 Classification Mammographic CNN and MSVM Mini-­MIAS 95%
30
Toğaçar et al. 2019 Classification Histopathology Autoencoder IDC data set 98.59%
Adem et al.31 2019 Classification Tabled data Autoencoder Kent Ridge-­2 database 91.24%
32
Gandomkar et al. 2018 Classification Histopathology Deep ResNet transfer learning BreaKHis 95.40%,
94.90% and
95.70%
Ekici et al.33 2019 Classification Thermal breast images CNN unpublished 98.95%
Naderan et al.34 2020 Breast cancer detection Histopathology Autoencoder BreaKHis 84.72%
Mohammad 2022 Breast cancer detection Tabled data LR, RF, SVM, VC, DT and a custom CNN Kaggle 99%
Monirujjaman model.
et al.35
Xiaomei Wang 2022 Breast cancer detection BC-­IDC data set CNN and GRU Kaggle 86.21%
et al.36
|
7 of 20
8 of 20 | TANDON et al.

F I G U R E 8 (A) Normal lung. (B)


(A) (B)
Carcinoma lung right side. Arrow indicates
the malignant mass.

and CNNs. The results show that the performance of MTANNs is detection of lung carcinoma at early stage. For efficient network ac-
better than CNN with limited training data.45 curacy and optimal arrangement Marine predators algorithm is uti-
Jung et al. presented a three-­dimensional deep convolutional lized in.57 O. Obulesu et al. proposed a Wilcoxon Signed Generative
neural network (3D DCNN) having shortcut connections and three Deep Learning (WS-­GDL) method for detection of lung cancer.58
dimensional Deep CNN for lung lump classification. The results Chan Zhang et al. used masked R-­CNN for image segmentation and
show superior performance metrics using three dimensional deep processing of lung nodules.59 Table 2 shows the summary of the
46
convolutional networks. Woźniak et al. suggested a novel method methods used for detection of lung cancer.
for classifying lung carcinomas. For each pixel of an original picture,
the local variance that gets the result image (‘variance image’) of the
same image size begins with the locating and extraction of the lung 3.3 | Brain tumour
nodule by calculating.47
Mao et al. proposed an unsupervised deep auto encoder for Many DL methods have been proposed for diagnosing and detecting
the classification of lung cancer.48 To ensure a truthful diagnosis of tumours in the brain through CT and MRI. Pereira et al.60 discussed
lung nodules, the proposed framework incorporates the following limitations requiring large amount of time for manual segmentation
two categories of features, (i) appearance features modelled with a of MRI of glioma. Figure 9A,B show the images of normal brain and
higher-­order Markov Gibbs random field (MGRF) model capable of brain tumour (high grade glioma), respectively.
describing spatial in homogeneities within the lung nodule and (ii) A deep neural network to detect brain tumours for customi-
geometric features describing the shape geometry of the lung nod- zation of both low and high grade (glioma) pictures in MRI images
ules.49 Vaishnavi et al. showed that in CT images, tumour segmenta- is proposed by Havaei et al. 61 Gao et al. introduced the early di-
tion and classification are challenging task. So, the authors proposed agnosis of Alzheimer's disease. In the same, authors classified CT
a method to automatically detect and classification of lung tumours images into three cluster groups that are Alzheimer's disease (AD),
tissues.50 Xiea et al. proposed an automatic pulmonary lump detec- Tumour and normal ageing and implemented advanced CNN archi-
tion using two dimensional CNN for assisting the CT process using tectures. 62 Ehab et al. selected 44 Glioma images of patients in the
LUNA16 and achieved accuracy of 86.4%.51 two different categories in image archive data set. 63 Ahmed et al.
Use of CT images for training double convolutional deep neural presented the study and implementation of DL model to predict
network (DCDNN) and a regular convolutional deep neural network rate of survival of brain tumour patients. Authors have tested their
(CDNN) is proposed by Jaki movski et al.52 The ADL model has mul- results on the very small data set due to unavailability of larger
tiple strategies for diagnosing malignant nodules efficiently utilized data set. Results show an accuracy of 81.8%. 64,65 A system using
by Nasrullah et al. In the same, two deep three-­dimensional (3D) cus- CNN is proposed for early detection of Glioma with approximate
tomized mixed link network (CMixNet) models have been used to survival rate of 11–15 months and achieved 80% accuracy. 66 Wang
53
detect and classify lung nodules. Silva et al investigated a transfer et al. proposed a cascade of CNNs in the MRI section of brain
learning method based on unsupervised learning achieved by train- tumours, and introduced a 2.5D network that offers micro con-
ing a convolutional auto encoder (CAE) with images from the same sumption, model complexity and reception fields MRIs. 67 Amin
54
domain. Ghosal et al proposed the use of a generative adversarial et al. utilized a high pass filter image to emphasize in homogene-
network (GAN) as a data augmentation strategy for increasing the ities of the MR slices' field effect, which was then fused with the
55
amount of training data available to CAD systems. input slices. 68
Amjad Rehman, et al. employed support vector machine and K-­ Ali et al. proposed an effective approach to use residual networks
nearest neighbours for the classification of features from CT chest for classifying brain tumour types. Accuracy of 99% is achieved by
images.56 Lu, Xinrong et al. proposed an optimal methodology for authors in comparison with earlier work on the same data set.69 Badža
TANDON et al.

TA B L E 2 Summary of the research papers for lung cancer detection and diagnosis using DL models.

Reference Year Objective Image type Methods Data set Accuracy


41
Zhu et al. 2016 Survival analysis Histopathology CNN NLST 12%
improvement
Hussein et al.43 2017 Lump characterization Volumetric CT CNN LIDC-­IDRI 92.31%
42
Shen et al. 2017 Lung nodule suspiciousness classification Volumetri CT CNN LIDC-­IDRI 87.14%
Wang et al.45 2016 Lung tumour classification CT slices Transfer learning JSRT Not defined
43
Tajbakhshet al. 2017 Lump detection and classification CT slices MTANN and CNN Unpublished Data set 95%
Jung et al.46 2018 Lung tumour classification CT slices 3DCNN transfer learning LUNA-­16 Not defined
47
Wozniak et al. 2018 Small lung nodules detection X-­ray Probabilistic neural network Not defined 92%
Mao et al.48 2018 Lung tumour classification CT scans Autoencoder ELCAP Not defined
49
Shaffie et al. 2018 Lung tumour detection CT scans Autoencoder LIDC-­IDRI 92.20%
50
Vaishnavi et al. 2019 Lung tumour detection CT images Probabilistic neural network Unpublished data set Not defined
Xiea et al. 51 2019 Automated nodule detection CT images 2D CNN transfer learning LUNA-­16 86.42
52
Jakimovski et al. 2019 Lung nodule diagnosis CT images CDNN LONI data set 99.62%
Nasrullah et al. 53 2019 Automatic lung nodule detection Chest X-­ray and CT Recurrent CNN (RCNN) LUNA16 and LIDC-­IDRI 94.17%
images
Silva et al. 54 2020 Lung nodule detection CT images Autoencoder LIDC-­IDRI 0.936 AUC
55
Ghosal et al. 2020 Lung nodule detection and classification CT images Convolutional autoencoder LIDC-­IDRI 95.3%
Rehman, Amjad, et al56 2021 Detection and classification of lung cancer CT Images SVM and KNN VIA ELCAP 93% and 91%
57
Lu, Xinrong et.al 2021 Lung cancer detection CT Images Deep learning RIDER 93.4%
Obulesu, O., et al58 2021 Lung cancer diagnosis CT Images WS-­generative deep learning Unpublished 86%
59
Zhang, Chan, et al 2021 Lung nodule detection CT images CNN Private hospital 93.75%
|
9 of 20
10 of 20 | TANDON et al.

F I G U R E 9 (A) Normal Brain. (B)


(A) (B) Brain tumour. (arrow indicate high grade
glioma).

et al. presented a novel convolutional neural auto-­encoder for seman- Khamparia et al. for training and testing, they used the Herlev data
tic segmentation of brain tumours.70 K. Aswani et al. proposed an set, which contains 917 cervical pap smear cells with 26 attributes
unsupervised dual auto encoder with latent space optimization. The and two target variables.81 Chen et al. developed an artificial intelli-
model is trained using only normal MRI images, which eliminates the gence (AI) system called CytoBrain to screen abnormal cervical cells
71
need for a massive tumour database. Gupta et al. proposed convo- automatically in order to aid in the subjects' subsequent clinical diag-
lutional neural networks (ConvNet) ensemble for segmenting glioma nosis.82 Chandran et al. developed a model CYENET to automatically
72
from magnetic resonance images. Ayesha Younis et al. proposed a classify cervical cancers based on colposcopy images with an accu-
faster convolutional feature maps using CNN using the VGG-­16 archi- racy of 73.3%.83 Ensemble approach of machine learning is used for
tecture as a primary network. These maps were subsequently catego- the diagnosis of cervical cancer automatically.84 Using Boruta analy-
73
rized to produce suggestions for the tumour region. Table 3 shows sis and the SVM method, a model for effective feature selection and
the summary of the DL methods for detection of Brain tumours. prediction for data sets related to cervical cancer was presented to
address this issue.85 Table 4 shows the summary of the work done for
detection of cervical cancer except review and survey articles.
3.4 | Cervical cancer

A number of DL methods have also been proposed for the diagnosis 3.5 | Liver cancer
and detection of cervical cancer. Figure 10A,B shows the images of
normal cervix and cervical carcinoma, respectively. Song et al. pro- CT and other scans based on DL methods have been proposed
posed a segmentation method that could be used to detect and di- for diagnosis and detection of liver cancer. Figure 11A shows
agnose cervical cancer automatically by using super pixel and CNN the normal liver CT scan, Figure 11B shows the Hepato-­cellular
method.74 Xu et al. proposed a technique for improving accuracy of carcinoma and Figure 11C shows the scan of multiple liver
precancerous cells that is cervical dysplasia. The authors have de- lesions—Metastasis.
signed a DL framework using multimodal information.75 Christ et al. presented a technique for liver and lesion segmen-
Devi et al. presented the cervical cancer detection and work- tation automatically through CT images of abdomen by using the
ing using ANN architecture to classify normal or abnormal cervical fully convolutional network model of DL.86 Cohen et al. proposed
76
cells. A convolutional-­based cervical cancer model for intelligent a method for detecting small lesions in CT images for liver cancer.
and efficient classification implemented by Wu et al.77 Alyafeai et al. Authors used a combined local and global approach in the system
proposed an automated pipeline to detect and classify cervical can- that can enhance the detection capabilities.87 Das et al. proposed
cer through cervigram images.78 Their pipeline architecture is very a technique called watershed Gaussian based DL (WGDL) tech-
much appropriate for mobile phone deployment with the higher nique to find the cancer lesion in CT images of the liver. Authors
speed and accuracy of 82%. have shown an achievement of total classification accuracy around
Pathania et al. developed a DNA-­focused digital micro holog- 99.38%.88 Peng et al. proposed a DL model, that is trained and val-
raphy method for HPV screening, with automated methods using idated the preoperative prediction for the response of patients.89
deep-­learning algorithms. The result of this paper shows the excel- A new three-­dimensional (3-­D) convolution network (CNN) is pro-
lent sensitivity and specificity (100% concordance) in detecting HPV posed by Trivizakis et al.90 Evaluation of the influence of images ac-
79
16 and 18 DNA from cell lines. quisition on transfer learning (TL) diagnosis by adopting pretrained
Sompawong et al. presented the method for detecting cervical neural convolution networks (CNCs) and three phased computed
cancer employing Pap smear histology slides using the Mask Regional dynamic contrast tomography (DCE-­C T) is used for primary hepatic
Convolution Neural Network (Mask R-­CNN). This is the first attempt malignancies in.91,92
to use the R-­CNN mask to identify and analyse the cervical cell nu- Budak et al. presented two convolutional deep encoder-­decoder
80
cleus, screen for normal and aberrant nuclear characteristics. neural networks (EDCNNs). The networks are constructed and trained
TANDON et al. | 11 of 20

to cascade segments of the liver and lesions in CT images with limited

CNN:96% and VGG: 98.5%


Dice coefficient above 0.8
image quantity.93 Lee et al. investigated liver imaging characteristics

30 times faster result


of stage I–III colorectal cancer (CRC) from 2019, using CNN for the
oncology purposed.94 Dong et al. proposed HFCNN for segmenting
the liver tumour.95 Almotairi et al. presented a DL model for classifying
Not defined

Not defined

Not defined
Accuracy

images and fitting liver segmentation. SegNet deep convolutional en-

80.03%

99.23%
87.62% coder–decoder architecture and accuracy up to 99.9% in the training

99%
81%

95%
phase is shown in.96 Hassan et al. presented a DL based feature rep-
resentation technique with a stacked sparse auto-­encoder. A softmax
285 data set from navy hospital china

layer classifier is used to classify the different important liver diseases


and achieved classification accuracy of 97.2%.97

Nanfang Hospital, Guangzhou


BraTS 2017 and BraTS 2018
Roy et al. presented Histo-­C AE, a multiresolution deep learning
model for segmentation of viable tumours in whole-­slide liver histo-
Cancer imaging archive
BRATS 2013 and 2015

pathology images.98 Also, some of the authors have shown efficient


Nanfang Hospital

results for the cancer detections.99-­101 Table 5 shows the summary

Private data set


BRATS 2018

BRATS 2018
BRATS 2013

Unpublished

of the work done for detection of Liver cancer except review and
BraTS 2015
Database

survey articles.

4 | DISCUSSION
CNN(ResNet) transfer learning
Convolutional autoencoder
Cascaded transfer learning

In this review recent studies related to cancer detection using deep


Stacked autoencoder

learning methods are presented. This article summarizes stud-


CNN and VGG16

ies on cancer diagnostic and prediction using deep learning-­based


2D and 3D CNN

CNN and ANN

Dual encoder

approaches.
Deep CNN
Methods

CNN

CNN
CNN

4.1 | Consistent prediction outcomes based on


deep learning techniques
multimodal MRI
TA B L E 3 Summary of the research papers for brain tumour detection and diagnosis.

CT Images

Deep learning-­based approaches have made major contributions to


the field of cancer research. The research studies cited in the litera-
Type

MRI
MRI

MRI
MRI
MRI

MRI
MRI
MRI
MRI
MRI

ture have primarily concentrated on deep learning approaches. In


the realm of cancer research, deep learning classifiers have largely
Automatic segmentation of tumour

supplanted machine learning models. convolutional neural networks


(CNN) has been the most often utilized deep learning model for can-
Segmentation of brain tumour
Segmentation of brain tumour
Classification of brain tumour

Classification of brain tumour


Classification of brain tumour
Brain tumour segmentation

Brain tumour segmentation


Brain tumour segmentation
Brain tumour classification

cer prediction; roughly 49% of researchers have used CNN to cat-


Brain tumour detection

Brain tumour diagnosis

egorize cancer. Apart from deep learning approaches, the literature


predominantly uses encoders, ensemble learning techniques (Random
Forest Classifier weighted voting, Gradient Boosting Machines) and
support vector machines (SVM). Figure 12 illustrates the distribution
Objective

of articles using machine learning-­based prediction methods.

4.2 | Cancer, type of data and imaging techniques


2022
2020
2021
2021
2016
2017
2017
2017
2017
2019
2019
2019
Year

used for detection


73

The majority of the research publications included in this review con-


Ayesha Younis et al.

centrated on automated cancer detection and prediction. Lung cancer


Aswani et al.71
Ahmed et al.64
60

61

66

68

70
Wang et al.67

is the most widely used cancer, followed by breast cancer. Apart from
Pereira et al.
Havaei et al.

63

Tandel et al.

Amin et al.v

Badža et al.
Gao et al.62
Reference

Ehab et al.

Ali et al.69

lung and breast cancer, the majority of researchers have focused on


the prediction of brain, liver and cervical cancer also. Figure 13 illus-
trates the distribution of research publications by cancer type.
12 of 20 | TANDON et al.

(A) (B)

F I G U R E 1 0 (A) Normal cervix. (B) Cervical carcinoma. (arrow indicating malignant mass).

TA B L E 4 Summary of the research papers for cervical cancer detection and diagnosis using DL models.

DL architecture
Reference Year Objective Image type and methods Data set Accuracy

Song et al.74 2016 Segmentation of cervical cell Histopathology CNN Unpublished 91.83%
cytoplasm
Xu et al.75 2016 Cervical abnormality diagnosis Digital cervicography CNN Unpublished 88.91%
77
Wu1 et al. 2019 Cervical cell classification Cytological images CNN Unpublished 89.28%
78
Alyafeai et al. 2019 Cervix detection and cervical Digital cervicography CNN Intel and mobile 82%
cancer classification ODT data set
Pathania et al.79 2019 Cervical cancer screening Histopathology CNN Unpublished Not defined
Sompawong et al.80 2019 Cervical cancer screening Pap smear histological Mask R-­CNN Thammasat 89.8%
slides transfer University
learning (TU) Hospital
Khamparia et al.81 2020 Cervical cancer classification Pap smear histological Autoencoder Herlev data set 99.2%
slides
Chen et al.82 2021 Automated cervical cell Cervical cell images Autoencoder Unpublished 98.02%
screening
Chandran et al.83 2021 Cervical cancer detection Colposcopic images Autoencoder Intel ODT data 92.3%
set
Umesh Kumar Lilhore 2022 Cervical cancer detection Colposcopic images SVM Tabular data 95%
et al.85

The type of data utilized to train the prediction model has a major researchers for cancer detection. After the study, we found that among all
impact on the model's performance. The reliability and accuracy of included papers of this survey most of the authors used a transfer learn-
the classification model are highly dependent on the data used to ing approach. The distribution of publications according to the AI-­based
train it. Additionally, mammographic, endoscopic and pathological methods used to train the prediction model is highlighted in Figure 15.
images were employed in the literature. The distribution of publi-
cations according to the type of data used to train the prediction
model is highlighted in Figure 14. 4.4 | Objective for using deep learning in
cancer prediction

4.3 | AI-­based methods for consistent Different objectives like detection, classification and segmentation
prediction outcomes are taken by the researchers to predict the cancer. In this study, most
of the researchers have worked on the detection objective. The dis-
Various deep learning methods like end-­
to-­
end learning and CNN, tribution of publications according to the objective of study used is
transfer learning, auto-­encoders and ensemble learning are used by the highlighted in Figure 16.
TANDON et al. | 13 of 20

(A) (B) (C)

F I G U R E 1 1 (A) Normal liver on CT scan. (B) Hepatocellular carcinoma. (C) Multiple liver lesions—Metastasis (arrows indicating the
malignant lesion).

TA B L E 5 Summary of the research papers for liver cancer detection and diagnosis using DL models.

DL architecture and
Reference Year Objective Image type methods Data set Accuracy
86
Christ et al. 2016 Liver and lesion segmentation CT abdomen FCNN 3DIRCADb data set 93.1%
images
Cohen et al.87 2018 Liver metastases detection CT images FCNN transfer learning Unpublished data set 94.7%
88
Das et al. 2019 Automatic detection of liver cancer CT images DNN Unpublished data set 99.38%
Peng et al.89 2019 DL model for preoperative CT images Residual CNN Unpublished data set 84.3%
prediction
Trivizakiset al.90 2019 Tissue classification in liver MRI 3D CNN Collected from private 83%
tumour hospital
Vanmoreet al.91 2019 Estimation of level of liver damage CT images DCNN transfer learning Not published 98.5%
Budak et al.92 2019 Liver tumour segmentation CT images Deep encoder-­decoder 3DIRCADb Not defined
93
Dong et al. 2020 Liver cancer detection CT images FCNN Not published 97.22%
Almotairi et al.96 2020 Liver tumour segmentation CT liver DNN 3D-­IRCADb-­01 d 99.9%
scans
Hassan et al.97 2020 Diagnosis of focal liver disease Ultrasound FUZZY K MEAN Egyptian Liver 97.2%
images CLUSTERING Research Institute
Roy et al.98 2021 Liver tumour segmentation Whole side CNN auto-­encoder PAIP challenge 2019 95%
image

4.5 | Data set and mode (online and offline) used in 2. Heterogeneity of studies: FIt can be difficult to directly compare
prediction of cancer the performance of different deep learning models due to varia-
tions in the data sets, techniques and evaluation measures across
The authors have used various types of data sets that are available different research. This might result in potential discrepancies and
both online and offline. In breast cancer most of the authors have used make it difficult to draw firm conclusions.
Break His data set, LIDC_IDRI data set in lung cancer, BraTs data set in 3. Ethical considerations: The ethical implications of depending
brain cancer, and in liver and cervical cancer most of the authors have exclusively on machine-­driven diagnoses, patient privacy, data
used offline data set or the data set collected from the private hospitals security and other issues are brought up by automated cancer di-
that are not available publicly. The distribution of publications accord- agnosis models. To protect patient confidentiality and autonomy,
ing to the data set and mode is highlighted in Figure 17. The numbers these ethical issues must be carefully considered.
of commonly available open source data sets for review are used in this
study. Table 6 shows the summary of available open source data sets.
The limitations of this study are as follows: 5 | FU T U R E S CO PE A N D C H A LLE N G E S

1. Publication bias: Publication bias could have an impact on the There is still potential for evolution to be done with using DL models
evaluation since papers showing promising outcomes are more to find and diagnose cancer cells. After the survey of various papers
likely to be published, which could result in an overestimation related to cancer detection using DL, it is observed that the major chal-
of the usefulness of deep learning models in cancer detection. lenge to train the DL model is the lack of data. Most of the papers
14 of 20 | TANDON et al.

F I G U R E 1 2 Distribution of publication on the basis of Deep learning techniques.

F I G U R E 1 3 Distribution of publication
based on cancer types.

F I G U R E 1 4 Distribution of publication based on the type of images.


TANDON et al. | 15 of 20

F I G U R E 1 5 Distribution of publication on the basis deep learning methods.

F I G U R E 1 6 Distribution of publication on the basis of objective.

include confidential information of patients that they had collected Storage of large amounts of high resolution medical images: Even
from the hospital and that data are not publicly available. In order though continuous improvement in terms of processing power and
to make those private data available for research purposes, data de-­ memory capacity, availability of compatible hardware resources to
identification and data transportation are required. Many of the re- store the high resolution medical images is still a challenge.
searchers used the data of the patients from the different hospitals Selection of suitable model: Proper selection of suitable model for
or the cancer institutions. So it is very difficult to compare the perfor- capturing needed information from medical images and in terms of
mance of the DL models using that data. So, to achieve better accuracy better accuracy.
data samples should be adequate to train, validate and test a DL model. Selection of Suitable tools and technologies: As medical images
Some other future challenges in using the DL for medical image contain hidden information and cancer cells are having very small
analysis are as follows: size so proper tools are necessary to extract hidden information
Preparation of High Resolution Data set: For the training of DL from medical images.
model high resolution data set is required to perform better pre- Deep transfer learning: The use of deep transfer learning models
diction. Although, the availability of that type of systems to confine is neglected in the literature. Therefore, to enhance the results fur-
and prepare such a large data set is still a challenge for researchers. ther and to prevent underfitting kind of issues, in near future new
16 of 20 | TANDON et al.

F I G U R E 1 7 Distribution of publication
on the type of data set.

TA B L E 6 Summary of data sets.

Data set Description Dataset source

MITOS ATYPIA-­14 This data set contains the breast cancer biopsy slides scanned by two https://​mitos​-­​atypi​a-­​14.​grand​-­​chall​enge.​org/​
slide scanners: A perio Scan scope XT and Hamamatsu Nano zoomer Datas​et/​
2.0-­HT.
Break-­His This data set contains a breast cancer histopathological image containing https://​web.​inf.​ufpr.​br/​vri/​datab​ases/​breas​
9109 microscopic images of breast using different magnifying factors t-­​c ance​r-­​histo​patho​logic​al-­​datab​ase-­​break​
(40×, 100×, 200× and 400×). his/​
MICCAI-­ This data set contains 500 breast cancer cases from The Cancer Genome http://​tupac.​tue-­​image.​nl/​node/​3
AMIDA-­13 Atlas.
SEER This data set is available in the binary format required by the SEER*Stat https://​seer.​c ancer.​gov/​data/​access.​html
software and in an ASCII text format.
NLST The National Lung Screening Trial (NLST) is a randomized controlled https://​cdas.​c ancer.​gov/​datas​ets/​nlst/​
experiment containing images of chest X-­ray and CT scans.
LIDC-­IDRI This Lung Image Database Consortium image collection (LIDC-­IDRI) https://​wiki.​c ance​rimag​ingar​chive.​net/​displ​ay/​
contains 244,527 Dicom CT images of Lung. Public/​LIDC-­​IDRI#​19413​2fe65​3e4a7​db007​
15f6f​775c012
JSRT The Japanese Society of Radiological Technology (JSRT) contains 154 http://​db.​jsrt.​or.​jp/​eng.​php
nodule and 93 non-­nodule images
BraTS This Brain tumour segmentation (BraTS) data set contains multimodal https://​w ww.​smir.​ch/​BRATS/​​Start​2013
MRI scans that are available as NIfTI files (.nii.gz).
Intel and Mobile This cervical cancer screening data set contains images of cervix https://​w ww.​kaggle.​com/c/​intel​-­​mobil​eodt-­​
ODT for classification of cervical cancer to identify cancerous or cervi​c al-­​c ance​r-­​scree​ning/​data
noncancerous.
BUPA Liver This BUPA liver disorder data set contains blood test results and liver https://​archi​ve.​ics.​uci.​edu/​ml/​datas​ets/​Liver+​
Disorders disorder status of 345 individual male patients. Disor​ders
LiTS This liver tumour segmentation challenge data set contains a training http://​acade​micto​rrents.​com/​detai​ls/​27772​
data set of 130 CT scans and testing data set of 70 CT scans. adef6​f563a​1ecc0​ae19a​528b9​56e6c​8 03ce​

models can be designed by using the deep transfer learning and Image filtering: Filtering models can be used to enhance the vis-
deep belief networks. ibility of used images for cancer detection and diagnosis processes.
Hyper-­parameters tuning: Additionally, the hyper-­parameters tun- Some of these filters are as trilateral filter,97 data cleaning, gradient
ing issue is found to be a challenging issue in the literature, there- filter, quantile separated histogram equalization etc.
fore, in near future meta-­heuristic techniques such as particle swarm Multiobjective fitness function: To tune the hyper-­
parameters
optimization,99 can be used to tune the initial parameters of the of the existing cancer detection and diagnosis approaches vari-
models automatically. ous multiobjective optimization techniques can be used such as
TANDON et al. | 17 of 20

Non-­
dominated sorting genetic algorithm-­
III, parallel strength ORCID
Pareto evolutionary algorithm-­II, multiobjective genetic algorithm, Sanjiv Kumar Jain https://orcid.org/0000-0001-8942-7681
memetic differential evolution, etc.
REFERENCES
1. Ali I, Wani WA, Saleem K. Cancer scenario in India with future per-
6 | CO N C LU S I O N spectives. Cancer Ther. 2011;8:56-­70.
2. Fass L. Imaging and cancer: a review. Mol Oncol. 2008;2(2):115-­152.
3. Talo M. Automated classification of histopathology images using
A systematic review of various automated computational deep transfer learning. Artif Intell Med. 2019;101:101743.
learning-­
b ased cancer diagnosis models was presented. Five 4. Hawkins SH, Korecki JN, Balagurunathan Y, et al. Predicting out-
types of cancers such as breast, lung, cervical, brain and liver comes of non-­small cell lung cancer using CT image features. IEEE
Access. 2014;2:1418-­1426.
at an early stage were studied. In total, 686 articles were se-
5. Aerts HJ, Velazquez ER, Leijenaar RT, et al. Decoding tumor phe-
lected that were published between 2016 and 2022 from five notype by noninvasive imaging using a quantitative radiomics ap-
major databases such as Elsevier, Wiley, IEEE, Springer Nature proach. Nat Commun. 2014;5(1):1-­9.
and Nature portfolio. Out of these papers, by using systematic 6. LeCun Y, Bengio Y, Hinton G. Deep Learning. Nature.
2015;521(7553):436-­4 44.
selection criteria, a selection of 113 articles is done for further
7. Xu B, Wang N, Chen T, Li M. Empirical evaluation of rectified activa-
reviews. Comparisons were drawn among competitive automated tions in convolutional network. arXiv preprint arXiv:1505.00853.
computational cancer diagnosis models. Various tools that have 2015.
been used to build automated computational models were also 8. Kumar Y, Sood K, Kaul S, Vasuja R. Big data analytics and its benefits
discussed. Various shortcomings of the competitive automated in healthcare. Big Data Analytics in Healthcare. Springer; 2020:3-­21.
9. Bahadure NB, Ray AK, Thethi HP. Image analysis for MRI based
computational cancer diagnosis models were presented. Finally,
brain tumor detection and feature extraction using biologically in-
a future research direction in the field of automated cancer diag- spired BWT and SVM. Int J Biomed Imaging. 2017;2017:9749108.
nosis models is discussed. 10. Wason JV, Nagarajan A. Image processing techniques for analyz-
ing CT scan images towards the early detection of lung cancer.
Bioinformation. 2019;15(8):596-­599.
AU T H O R C O N T R I B U T I O N S
11. Mao W-­B, Jia-­Yu L, Vaishnani Deep K, et al. Application of artificial
Ritu Tandon: Conceptualization (equal); formal analysis (equal); in- neural networks in detection and diagnosis of gastrointestinal and
vestigation (equal); methodology (equal); resources (equal); writing liver tumors. World J Clin Cases. 2020;8(18):3971-­3977.
– original draft (equal); writing – review and editing (equal). Shweta 12. Hinton GE, Salakhutdinov RR. Reducing the dimensionality of data
with neural networks. Science. 2006;313(5786):504-­507.
Agrawal: Formal analysis (equal); investigation (equal); project ad-
13. Agrawal S, Jain SK. Medical text and image processing: applica-
ministration (equal); supervision (equal); validation (equal). Narendra tions, issues and challenges. Machine Learning with Health Care
Pal Singh Rathore: Conceptualization (equal); data curation (equal); Perspective. Springer; 2020:237-­262.
formal analysis (equal); software (equal); writing – original draft 14. Coccia M. Artificial intelligence technology in oncology: a new
technological paradigm. arXiv. preprint arXiv:1905.06871. 2019.
(equal). Abhinava Mishra: Conceptualization (equal); investigation
15. Gupta S, Kalaivani S, Archana R, Kumar AG, Kareem OA,
(equal); project administration (equal); resources (equal); supervision Dugbakie BN. Prediction performance of deep learning for
(equal); writing – review and editing (equal). SANJIV KUMAR JAIN: colon cancer survival prediction on SEER data. Biomed Res Int.
Project administration (equal); supervision (equal); visualization 2022;2022:1467070.
16. Kanavati F, Naoki H, Takahiro I, Ayaka F, Shin I, Masayuki T. A deep
(equal); writing – original draft (equal); writing – review and editing
learning model for cervical cancer screening on liquid-­based cytol-
(equal). ogy specimens in whole slide images. Cancer. 2022;14(5):1159.
17. Tandon MR, Agrawal S, Goyal P. Sequential convolutional neural
AC K N O​W L E D
​ G E ​M E N T S network for automatic breast cancer image classification using his-
All the CT scan and MRI images are collected from Param MRI topathological images. Methods. 2020;7:10.
18. Yamashita R, Nishio M, Do RKG, Togashi K. Convolutional neu-
Center, Gwalior, M.P., India.
ral networks: an overview and application in radiology. Insights
Imaging. 2018;9(4):611-­629.
F U N D I N G I N FO R M AT I O N 19. Albayrak A, Bilgin G. Mitosis detection using convolutional neu-
‘This research received no external funding’. ral network based features. 2016 IEEE 17th international sympo-
sium on computational intelligence and informatics (CINTI). IEEE;
2016:000335-­0 00340.
C O N FL I C T O F I N T E R E S T S TAT E M E N T 20. Spanhol FA, Oliveira LS, Petitjean C, Heutte L. Breast Cancer
The authors confirm that there are no conflicts of interest. Histopathological Image Classification Using Convolutional Neural
Networks. 2016 International Joint Conference on Neural Networks
(IJCNN). IEEE; 2016:2560-­2567.
DATA AVA I L A B I L I T Y S TAT E M E N T
21. Chen H, Dou Q, Wang X, Qin J, Heng PA. Mitosis detection in
The data that support the findings of this study are available from breast cancer histology images via deep cascaded networks.
the corresponding author upon reasonable request. Mitosis detection in breast cancer histology images via deep cascaded
18 of 20 | TANDON et al.

networks. Thirtieth AAAI Conference on Artificial Intelligence; 41. Zhu X, Yao J, Huang J. Deep convolutional neural network for
2016. survival analysis with pathological images. 2016 IEEE interna-
22. Albarqouni S, Baur C, Achilles F, Belagiannis V, Demirci S, tional conference on bioinformatics and biomedicine (BIBM). IEEE;
Navab N. Aggnet: deep learning from crowds for mitosis detec- 2016:544-­547.
tion in breast cancer histology images. IEEE Trans Med Imaging. 42. Hussein S, Gillies R, Cao K, Song Q, Bagci U. Tumornet: lung nodule
2016;35(5):1313-­1321. characterization using multi-­view convolutional neural network
23. Kallenberg M, Petersen K, Nielsen M, et al. Unsupervised deep with gaussian process. 2017 IEEE 14th international symposium on
learning applied to breast density segmentation and mammographic biomedical imaging (ISBI 2017). IEEE; 2017:1007-­1010.
risk scoring. IEEE Trans Med Imaging. 2016;35(5):1322-­1331. 43. Shen W, Zhou M, Yang F, et al. Multi-­crop convolutional neural
24. Selvathi D, Poornila AA. Breast cancer detection in mammogram networks for lung nodule malignancy suspiciousness classifica-
images using deep learning techniques. Middle-­ East J Sci Res. tion. Pattern Recogn. 2017;61:663-­673.
2017;25(2):417-­426. 44. Wang C, Elazab A, Wu J, Hu Q. Lung nodule classification using
25. Motlagh NH, Jannesary M, Aboulkheir H, et al. Breast Cancer deep feature fusion in chest radiography. Comput Med Imaging
Histopathological Image Classification: A Deep Learning Approach Graph. 2017;57:10-­18.
bioRxiv. 2018. doi:10.1101/242818 45. Tajbakhsh N, Suzuki K. Comparing two classes of end-­ to-­end
26. Gecer B, Aksoy S, Mercan E, Shapiro LG, Weaver DL, Elmore JG. machine-­learning models in lung nodule detection and classifica-
Detection and classification of cancer in whole slide breast his- tion: MTANNs vs. CNNs. Pattern Recogn. 2017;63:476-­486.
topathology images using deep convolutional networks. Pattern 46. Jung H, Kim B, Lee I, Lee J, Kang J. Classification of lung nodules
Recogn. 2018;84:345-­356. in CT scans using three-­dimensional deep convolutional neural
27. Xie J, Liu R, Luttrell J IV, Zhang C. Deep learning based analy- networks with a checkpoint ensemble method. BMC Med Imaging.
sis of histopathological images of breast cancer. Front Genet. 2018;18(1):48.
2019;10:80. 47. Woźniak M, Połap D, Capizzi G, Sciuto GL, Kośmider L, Frankiewicz
28. Le H, Gupta R, Hou L, et al. Utilizing automated breast can- K. Small lung nodule detection based on local variance analysis
cer detection to identify spatial distributions of tumor infil- and probabilistic neural network. Comput Methods Prog Biomed.
trating lymphocytes in invasive breast cancer. Am J Pathol. 2018;161:173-­180.
2020;190(7):1491-­1504. 48. Mao K, Tang R, Wang X, Zhang W, Wu H. Feature representa-
29. Kaur P, Singh G, Kaur P. Intellectual detection and validation of tion using deep autoencoder for lung nodule image classification.
automated mammogram breast cancer images by multi-­ class Complexity. 2018;2018(1):11.
SVM using deep learning classification. Inform Med Unlocked. 49. Shaffie A, Soliman A, Ghazal M, et al. A novel autoencoder-­based
2019;16:100151. diagnostic system for early assessment of lung cancer. 2018 25th
30. Toğaçar M, Ergen B, Cömert Z. Application of breast cancer di- IEEE International Conference on Image Processing (ICIP). IEEE;
agnosis based on a combination of convolutional neural net- 2018:1393-­1397.
works, ridge regression and linear discriminant analysis using 50. Vaishnavi D, Arya KS, Devi Abirami T, Kavitha MN. Lung
invasive breast cancer images processed with autoencoders. Med Cancer Detection using Machine Learning. Int J Eng Res Technol.
Hypotheses. 2020;135:109503. 2019;7(1):4.
31. Adem K. Diagnosis of breast cancer with stacked autoencoder and 51. Xie H, Yang D, Sun N, Chen Z, Zhang Y. Automated pulmonary
subspace kNN. Phys A: Stat Mech Appl. 2020;551:124591. nodule detection in CT images using deep convolutional neural
32. Gandomkar Z, Brennan PC, Mello-­ Thoms C. MuDeRN: multi-­ networks. Pattern Recogn. 2019;85:109-­119.
category classification of breast histopathological image using 52. Jakimovski G, Davcev D. Using double convolution
deep residual networks. Artif Intell Med. 2018;88:14-­24. neural networks for lung cancer stage detection. Appl Sci.
33. Ekici S, Jawzal H. Breast cancer diagnosis using thermography 2019;9(3):427.
and convolutional neural networks. Med Hypotheses. 2020;137:109542. 53. Nasrullah N, Sang J, Alam MS, Mateen M, Cai B, Hu H. Automated
34. Naderan M, Zaychenko Y. Convolutional autoencoder applica- lung nodule detection and classification using deep learning com-
tion for breast cancer classification. 2020 IEEE 2nd International bined with multiple strategies. Sensors. 2019;19(17):3722.
Conference on System Analysis & Intelligent Computing (SAIC). IEEE; 54. Silva F, Pereira T, Frade J, et al. Pre-­ training autoencoder for
2020:1-­4. lung nodule malignancy assessment using CT images. Appl Sci.
35. Khan MM, Tahia T, Mohammad ZH, et al. Breast tumor detection 2020;10(21):7837.
using robust and efficient machine learning and convolutional neural 55. Ghosal, S. S., Sarkar, I., & El Hallaoui, I. (2020). Lung nodule clas-
network approaches. Comput Intell Neurosci. 2022;2022:6333573. sification using convolutional autoencoder and clustering augmented
36. Wang X, Ijaz A, Danish J, et al. Intelligent hybrid deep learning learning method (CALM). HSDM@ WSDM (19–26).
model for breast cancer detection. Electronics. 2022;11(17):2767. 56. Rehman A, Kashif M, Abunadi I, Ayesha N. Lung cancer detec-
37. Ke Q, Zhang J, Wei W, et al. A neuro-­heuristic approach for rec- tion and classification from chest CT scans using machine learn-
ognition of lung diseases from X-­ ray images. Expert Syst Appl. ing techniques. 2021 1st International Conference on Artificial
2019;126:218-­232. Intelligence and Data Analytics (CAIDA). IEEE; 2021.
38. Woźniak M, Połap D. Bio-­inspired methods modeled for respira- 57. Lu X, Nanehkaran YA, Fard MK. A method for optimal detection of
tory disease detection from medical images. Swarm Evol Comput. lung cancer based on deep learning optimized by marine predators
2018;41:69-­96. algorithm. Comput Intell Neurosci. 2021;2021:3694723.
39. Wei W, Zhou B, Połap D, Woźniak M. A regional adaptive vari- 58. Obulesu O, Kallam S, Dhiman G, et al. Adaptive diagnosis of lung
ational PDE model for computed tomography image reconstruc- cancer by deep learning classification using Wilcoxon gain and
tion. Pattern Recogn. 2019;92:64-­81. generator. J Healthc Eng. 2021;2021:5912051.
40. Capizzi G, Sciuto GL, Napoli C, Polap D, Woźniak M. Small lung 59. Zhang C, Jing L, Jian H, Shangjie W. Computed tomography image
nodules detection based on fuzzy-­logic and probabilistic neural under convolutional neural network deep learning algorithm in
networks with bio-­ inspired reinforcement learning. IEEE Trans pulmonary nodule detection and lung function examination. J
Fuzzy Syst. 2019;28(1178):1189. Healthc Eng. 2021;2021:3417285.
TANDON et al. | 19 of 20

60. Pereira S, Pinto A, Alves V, Silva CA. Brain tumor segmentation 81. Khamparia A, Gupta D, Rodrigues JJ, de Albuquerque VHC.
using convolutional neural networks in MRI images. IEEE Trans Med DCAVN: cervical cancer prediction and classification using deep
Imaging. 2016;35(5):1240-­1251. convolutional and variational autoencoder network. Multimed
61. Havaei M, Davy A, Warde-­Farley D, et al. Brain Tumor Segmentation Tools Appl. 2021;80(20):30399-­3 0415.
with Deep Neural Networks. Cornell University Library; 2016. 82. Chen H, Liu J, Wen QM, et al. CytoBrain: cervical cancer screening
doi:10.48550/arXiv.1505.03540 system based on deep learning technology. J Comput Sci Technol.
62. Gao XW, Hui R, Tian Z. Classification of CT brain images based 2021;36(2):347-­360.
on deep learning networks. Comput Methods Prog Biomed. 83. Chandran V, Sumithra MG, Karthick A, et al. Diagnosis of cervical
2017;138:49-­56. cancer based on ensemble deep learning network using colpos-
63. AlBadawy EA, Saha A, Mazurowski MA. Deep learning for seg- copy images. Biomed Res Int. 2021;2021:5584004.
mentation of brain tumors: impact of cross-­institutional training 84. Gupta S, Gupta MK. Computational prediction of cervical cancer
and testing. Med Phys. 2018;45(3):1150-­1158. diagnosis using ensemble-­based classification algorithm. Comput J.
64. Ahmed KB, Hall LO, Goldgof DB, Liu R, Gatenby RA. Fine-­tuning 2021;65(1527):1539.
convolutional deep features for MRI based brain tumor classifica- 85. Lilhore UK, Poongodi M, Amandeep K, et al. Hybrid model for de-
tion. Medical Imaging 2017: Computer-­Aided Diagnosis. Vol 10134. tection of cervical cancer using causal analysis and machine learn-
International Society for Optics and Photonics; 2017:7 101342E. ing techniques. Comput Math Methods Med. 2022;2022:4688327.
65. Sharmila Agnal A, Arun Deepak C, Venkatesh J, Sudarshan S, 86. Christ PF, Elshaer MEA, Ettlinger F, et al. Automatic liver and lesion
Pranav A. Predicting survival of brain tumor patients using deep segmentation in CT using cascaded fully convolutional neural net-
learning. Int J Innov Technol Explor Eng. 2019;20(8):1441-­1448. works and 3D conditional random fields. International Conference
66. Tandel GS, Biswas M, Kakde OG, et al. A review on a deep learning on Medical Image Computing and Computer-­A ssisted Intervention.
perspective in brain cancer classification. Cancer. 2019;11(1):111. Springer; 2016:415-­423.
67. Wang G, Li W, Ourselin S, Vercauteren T. Automatic brain tumor 87. Ben-­Cohen A, Klang E, Kerpel A, Konen E, Amitai MM, Greenspan
segmentation based on cascaded convolutional neural networks H. Fully convolutional network and sparsity-­based dictionary learn-
with uncertainty estimation. Front Comput Neurosci. 2019;13:56. ing for liver lesion detection in CT examinations. Neurocomputing.
68. Amin J, Sharif M, Gul N, et al. Brain tumor detection by using stacked 2018;275:1585-­1594.
autoencoders in deep learning. J Med Syst. 2020;44(2):1-­12. 88. Das A, Acharya UR, Panda SS, Sabut S. Deep learning based liver
69. Ismael SAA, Mohammed A, Hefny H. An enhanced deep learning cancer detection using watershed transform and gaussian mixture
approach forbrain cancer MRI images classification using residual model techniques. Cogn Syst Res. 2019;54:165-­175.
networks. Artif Intell Med. 2020;102:101779. 89. Peng J, Kang S, Ning Z, et al. Residual convolutional neural net-
70. Badža MM, Barjaktarović MČ. Segmentation of brain tumors work for predicting response of transarterial chemoemboliza-
from MRI images using convolutional autoencoder. Appl Sci. tion in hepatocellular carcinoma from CT imaging. Eur Radiol.
2021;11(9):4317. 2020;30(1):413-­424.
71. Aswani K, Menaka D. A dual autoencoder and singular value de- 90. Trivizakis E, Manikis GC, Nikiforaki K, et al. Extending 2-­D con-
composition based feature optimization for the segmentation of volutional neural networks to 3-­D for advancing deep learning
brain tumor from MRI images. BMC Med Imaging. 2021;21(1):1-­11. cancer classification with application to MRI liver tumor differen-
72. Gupta S, Gupta M. Deep learning for brain tumor segmenta- tiation. IEEE J Biomed Health Inform. 2018;23(3):923-­930.
tion using magnetic resonance images. 2021 IEEE Conference on 91. Vanmore SV, Chougule S. Estimation of level of liver damage due
Computational Intelligence in Bioinformatics and Computational to cancer using deep convolutional neural network in CT Images.
Biology (CIBCB). IEEE; 2021:1-­6. Int J Innov Technol Explor Eng. 2019;9:3761-­3764.
73. Younis A, Li Q, Okanda NC, Jajere AM, Bello KH. Brain tumor 92. Azer SA. Application of convolutional neural networks in gastro-
analysis using deep learning and VGG-­16 Ensembling learning ap- intestinal and liver cancer images: a systematic review. In: Nanni
proaches. Appl Sci. 2022;12(14):7282. L, Brahnam S, Ghidoni S, Brattin R, Jain L, eds. Deep Learners
74. Song Y, Cheng JZ, Ni D, Chen S, Lei B, Wang T. Segmenting overlap- and Deep Learner Descriptors for Medical Applications. Springer;
ping cervical cell in pap smear images. 2016 IEEE 13th international 2020:1-­17.
symposium on biomedical imaging (ISBI). IEEE; 2016:1159-­1162. 93. Budak Ü, Guo Y, Tanyildizi E, Şengür A. Cascaded deep convolu-
75. Xu T, Zhang H, Huang X, Zhang S, Metaxas DN. Multimodal deep tional encoder-­decoder neural networks for efficient liver tumor
learning for cervical dysplasia diagnosis. International Conference segmentation. Med Hypotheses. 2020;134:109431.
on Medical Image Computing and Computer-­A ssisted Intervention. 94. Lee S, Choe EK, Kim SY, Kim HS, Park KJ, Kim D. Liver imaging
Springer; 2016:115-­123. features by convolutional neural network to predict the meta-
76. Devi MA, Ravi S, Vaishnavi J, Punitha S. Classification of cervi- chronous liver metastasis in stage I-­III colorectal cancer patients
cal cancer using artificial neural networks. Procedia Comput Sci. based on preoperative abdominal CT scan. BMC Bioinformatics.
2016;89:465-­472. 2020;21(13):1-­14.
77. Wu M, Yan C, Liu H, Liu Q, Yin Y. Automatic classification of cer- 95. Dong X, Zhou Y, Wang L, Peng J, Lou Y, Fan Y. Liver cancer detec-
vical cancer from cytological images by using convolutional neural tion using hybridized fully convolutional neural network based on
networks. Biosci Rep. 2018;38(6):BSR20181769. deep learning framework. IEEE Access. 2020;8:129889-­129898.
78. Alyafeai Z, Ghouti L. A fully-­automated deep learning pipeline for 96. Almotairi S, Kareem G, Aouf M, Almutairi B, Salem MAM. Liver
cervical cancer classification. Expert Syst Appl. 2020;141:112951. Tumor Segmentation in CT Scans Using Modified SegNet. Sensors.
79. Pathania D, Landeros C, Rohrer L, et al. Point-­of-­care cervical 2020;20(5):1516.
cancer screening using deep learning-­ based microholography. 97. Hassan TM, Elmogy M, Sallam ES. Diagnosis of focal liver diseases
Theranostics. 2019;9(26):8438-­8 447. based on deep learning techniques for ultrasound images. Arab J
80. Sompawong N, Mopan J, Pooprasert P, et al. Automated pap smear Sci Eng. 2017;42(8):3127-­3140.
cervical cancer screening using deep learning. 2019 41st Annual 98. Roy M, Kong J, Kashyap S, et al. Convolutional autoencoder based
International Conference of the IEEE Engineering in Medicine and model histocae for segmentation of viable tumor regions in liver
Biology Society (EMBC). IEEE; 2019:7044-­7048. whole-­slide images. Sci Rep. 2021;11(1):1-­10.
20 of 20 | TANDON et al.

99. Tsafack N, Sankar S, Abd-­El-­Atty B, et al. A new chaotic map with


dynamic analysis and encryption application in internet of health How to cite this article: Tandon R, Agrawal S, Rathore NPS,
things. IEEE Access. 2020;8:137731-­137744.
Mishra AK, Jain SK. A systematic review on deep
100. Iwendi C. Innovative augmented and virtual reality applications
for disease diagnosis based on integrated genetic algorithms. Int J learning-based automated cancer diagnosis models. J Cell
Cogn Comput Eng. 2023;4:266-­276. Mol Med. 2024;28:e18144‑. doi:10.1111/jcmm.18144
101. Md AQ, Kulkarni S, Joshua CJ, Vaichole T, Mohan S, Iwendi C.
Enhanced preprocessing approach using ensemble machine
learning algorithms for detecting liver disease. Biomedicine.
2023;11(2):581.

You might also like