You are on page 1of 5

Breast Cancer Prediction Using Deep Learning

Technique RNN and GRU


2022 Second International Conference on Computer Science, Engineering and Applications (ICCSEA) | 978-1-6654-5834-4/22/$31.00 ©2022 IEEE | DOI: 10.1109/ICCSEA54677.2022.9936383

1Nalinikanta 2Saroja 3Bandita Sahu


Routray Kumar Rout
Research Scholar, Department of Department of Information Department of Computer Science and
Computer Science and Engineering, Technology, Vardhaman College of Engineering, GIET University,
GIET University, Gunupur, Odisha, Engineering (Autonomous), Gunupur, Odisha, India.
India. nalini.bjbcollege12@gmail.com Hyderabad, Telangana, India. banditasahu@giet.edu
rout_sarojkumar@yahoo.co.in, 0000-
0001-9007-3665

Abstract— One of the most investigated issues in health uses prior medical information as input to forecast the
informatics is breast cancer diagnostics. Cancer treatment has diagnosis of this disease. Two RNN versions utilized for the
also been widely researched, showing the importance of early prediction of cancer use Gated Recurrent Unit (GRU) and the
cancer detection. Health records are integrated into a Deep Long-Short Term Memory (LSTM) [7],[8]. The suggested
Learning Model to provide an enhanced prognosis. The goal of technique is compared to the simple RNN model, the stacked
the work is to create a system that automated those leverages LSTM model, and the stacked GRU model are examples of
with deep learning and recurrent neural network (RNN) alternate baseline models. The results of the proposed
models. The proposed work used the technique for cancer approach enable the most efficient early diagnosis of breast
prediction as RNN and a Gated Recurrent Unit (GRU). In the
cancer disease. The suggested algorithms are evaluated using
simulation, Python and the cancer dataset have been used. The
performance of the system represents that cancer predictions
quantitative, qualitative, comparative, and complexity
using GRU and RNN models gives a significant role. measurements. A dataset was used to thoroughly examine the
suggested methodologies.
Keywords— breast cancer, GRU, RNN, deep learning The paper is strongly motivated for breast cancer
I. INTRODUCTION prediction because:

Breast cancer (BC) affects a large percentage of adult 1) To get a better and clean dataset, pre-processing is
females and is one of the most frequent types of cancer. performed.
Patients with breast cancer make up a large percentage of the 2) For more precision, GRU-RNN-based models are used.
population comprises cancers at various stages of
development as well as growth rates. Malignancy begins in 3) When compared to other methods, the strategy
the cells that coat the lactiferous ducts and spreads over time surpasses the most modern models in every manner.
to become a lump or tumour described [1]. In India, % of The rest of the paper is furnished into 4 sections. Section
individuals with breast cancer are detected in advanced stages 2 represents the related research and the techniques used by
of the disease, such as stages III and IV. When it comes to the authors. The proposed technique is described in section 3.
industrialized countries, such as the United States, this Simulation and results have been depicted in Section 4.
diagnosis rate approaches 12 percent [2]. So according to this Section 5 comprising of the conclusion and future direction of
study, around 7% of women under the age of 40 are diagnosed the research work.
with breast cancer, and breast cancer accounts for more than
40% of all malignancies in this age range [3]. In the medical II. RELATED WORKS
field, computer-aided diagnostic technologies are frequently
To distinguish between benign and malignant breast
investigated and aided. This research proposes an automated
cancers, experts used neural network models and ultrasound
technique that can help in the clinical care unit by predicting
pictures with multi-fractal dimension characteristics. This
BC early.
study [9] reported the most precise classification results, with
By teaching a machine how to understand a difficult an accuracy of 82.04 %. In the Weka tool for breast tumours
problem, Machine Learning (ML) techniques replicate the detection, [10] looked at clustering algorithms such as
data mining process. Deep learning, a subtype of machine hierarchical clustering, farthest first, LVQ, canopy, and
learning, is typically advantageous due to its self-adaptive DBSCAN. According to the data, the farthest first clustering
structure, which can analyze data with minimal processing. algorithm achieved the highest prediction accuracy of 72
The feature engineering stage is delegated to computers rather percent [10]. For mammography images, a study presented a
than being done by hand, allowing non-experts to participate deep learning approach. Mammographic scans were used to
in the analysis phase. Deep learning outperforms standard create the Convolutional Neural Network Improvement for
artificial neural networks in that it enables the building of Breast Cancer Classification (CNN-BCC) system. The
multilayer networks [5]. This study uses a deep learning-based Mammographic Image Analysis Society submitted 21 benign,
technique to improve breast cancer prediction accuracy using 17 malignant, and 183 normal cases for the approach to be
clinical data. In RNN, the feedback loop structure is employed tested (MIAS). The accuracy of the model was 90.50 percent
to forecast. This research describes a GRU-LSTM model that

XXX-X-XXXX-XXXX-X/XX/$XX.00 ©20XX IEEE

Authorized licensed use limited to: BIRLA INSTITUTE OF TECHNOLOGY AND SCIENCE. Downloaded on December 26,2023 at 15:26:45 UTC from IEEE Xplore. Restrictions apply.
[11]. For BC classification, Multiple Instance Learning (MIL)
and CNN were coupled and presented.
A. Dataset Used
The study employed the Break dataset, which contains In this context, UCI has assembled a (Diagnostic) dataset
8000 microscopic biopsy pictures of benign and malignant for Breast Cancer in Wisconsin. The dataset contains 569
breast tumours. With a magnification factor of 40, the instance records, which can all be presented as a collection of
categorization rate was determined to be 92.1 percent [12]. variables for individuals with breast cancer symptoms,
The deep architectures VGG-16, VGG19, and ResNet50 were containing various diagnostic criteria. The property
used to perform a transfer learning analysis on the BC 'diagnostic' is utilized as the prediction's output class in the
histological image categorization problem. With 92.60 dataset. It belongs to one of two classes: benign or malignant.
percent, the combination of VGG-16 and logistic regression Figure 1 depicts the exact distribution of patients classified as
(LR) produced the best results [13]. Researchers employed a 'benign' or ‘malignant.' The overall comprehension of the
Back Propagation Neural Network (BPPN) and Radial Basis dataset is as shown in Figure 2.
Neural Networks to recognize pictures for breast cancer
detection (RBFNs). The BPNN and RBFN were also shown
to be accurate, with 59.0 percent and 70.4 percent accuracy,
respectively [14]. Several studies have been conducted to
improve the performance of computational techniques for
diagnosing BC and to ensure the establishment of a diagnosis
system, as stated in the associated papers. The present
diagnosing system is being supplemented by a new system
proposed in this study. Layers including GRU and RNN are
constructed inside a single platform to give breast cancer
predictions in advance.
By developing more than two layers, deep learning creates
a neural network that is a multi-layered specific data
arrangement. To do this, multiple layers using sequential or Figure 1: distribution of benign and malignant information.
quasi activation functions are combined and trained together
in advanced issue resolution methodologies in neural network
models. Activation functions can execute a wide range of III. THE PROPOSED TECHNIQUE
calculations and provide results that are inside of a certain
assortment. In other terms, an activation function is a The goal of this work is to forecast breast cancer using data
procedure that allows you to do something. that changes both mining techniques. Two major operations are necessary for
input & output Signal [15RNNs (Recurrent Neural Networks) data mining. Data pre-processing, which removes any
are one form of a neural network capable of handling both redundant or unnecessary data from the original, precedes any
sequential and parallel data. The neural network is enhanced classification or grouping phase. To obtain the goal of
by the addition of memory cells, and similar operations to prediction, estimate, or other tasks, classification or clustering
those of the human brain can be replicated. RNNs that are processes are performed. The next section shows how data
created to gain access to training sets with known beginnings mining techniques can be used to predict breast cancer. The
and endings are known as bidirectional RNNs (BRNNs). procedures for data retreatment are explained in depth. Then,
Because RNN can only use information from the previous alternative ML-based architectural combinations are
context, it can be used to create even greater improvements. explained and evaluated to uncover considerably superior
The Bi-RNN can deal with data from two independent prediction performance.
sources. One RNN runs the sequence from beginning to end, A. Dataset Pre-Processing
while the other runs it backward [16], taking into account both
the past and future context of each sequence element. The Pre-processing processes are used to establish a balanced
RNN alternatives GRU-RNN and GRU-RNN have distinct dataset after the data has been collected. Checking and fixing
gating units. GRU gating units are similar to LSTM gating missing values, as well as scaling some properties, are all
units in that they control the flow of information within the examples of pre-processing procedures. The attributes, and
unit without taking individual memory cells into account. existing 'nan' values are checked. The averages of the
GRU, like LSTM, has no memory cells and fewer gates that respective feature are substituted for these values. Some
are activated by both current and prior outputs. GRU has attributes are eliminated since they have no bearing on
control over the flow of information from the previous prediction, such as 'id' and 'Unnamed:32.' Then, to improve
activation while computing the new candidate activation, but the effectiveness of fitting to a classifier, relevant attribute
not over the quantity of candidate activation that is added on feature scaling is performed. The ten real-valued parameters
its own. It's vital to use an optimizer when RNN-base layers of cancer are used for data pre-processing. You'll have an
are combined into one framework, Adam is a well-known updated dataset that you can use to train the classifier if you
optimizer that is both memory and computationally efficient, utilize these pre-processing techniques. In a 7:3 ratio, the
as well as simple to use. Using adaptive estimations of lower- converted dataset is divided into a training set and a testing
order moments, this method may be used to optimize set. ML models are fitted using the training data, and
stochastic objective functions based on first-order gradients. predictions for the test dataset are received.
This technique has received a lot of attention due to its
suitability for non-stationary targets and circumstances with
very noisy and/or sparse gradients [17].

Authorized licensed use limited to: BIRLA INSTITUTE OF TECHNOLOGY AND SCIENCE. Downloaded on December 26,2023 at 15:26:45 UTC from IEEE Xplore. Restrictions apply.
Neurons/
No. of
Layers Dropout o/p shape
parameteres
rate
Input Layer NA [(None, 30, 1)] 0

RNN 128 (None, 30, 128) 16640

Dropout 0.5 (None, 30, 128) 0

RNN 128 (None, 30, 128) 32896

Dropout 0.5 (None, 30, 128) 0

RNN 64 (None, 64) 12352

Dense 4 (None, 4) 260

Dense 2 (None, 2) 10
Activation
(None, 2) 0
(sigmoid)
Figure 2: Visual representation of dataset attributes.
Figures 3 and 4 show the accuracy value and loss value
obtained for each of the 250 and 150 epochs RNN model.
When the epoch size increases, the simulation result showed
IV. EXPERIMENTAL RESULTS that the Model closed to 98 %.
The major proposing classifier is to employ approaches for
deep learning to assess whether or not a patient suffers from
breast cancer. Using a supervised learning paradigm and an
end-to-end training technique, deep learning algorithms aid in
the automatic recognition of features from raw data. The
supervised learning technology is used to classify cancer
patients and determine whether they are benign or malignant.
For such predictions, the proposed method uses a GRU and
RNN-based framework. The current work presents a GRU-
RNN-based model with four dense layers and an alternative
sequence of GRU and LSTM layers.
ML models are trained during the training phase by
providing them with a dataset for training. At the end of each
epoch, the training process is assessed inaccuracy and loss
performance parameters. Like other baseline classifiers, the
proposed model is trained with epoch sizes of varying lengths.
The initial era sizes were 20, 50, and 100. These epoch sizes Figure 3: Model accuracy of RNN model obtained over 98% in 250.
were used to train all of the models. Models were tested and
contrasted in terms of testing accuracy after they had been
trained. The best prediction efficiency is provided in Table I
with an epoch size of 100. As a result, the optimal training
criterion with 100 epoch size.
A. Recurrent Neural Network (RNN)
RNNs were used in deep learning and the development of
related approaches that would mimic the movement of
neurons in the human brain. Because RNN nodes use
backpropagation, they are more dominant in predicting
outcomes than other models. With 150 epochs it reaches 95%.
RNN Model reached close to 98%. During the training phase,
the model can make predictions by taking into account
parameters. Table I gives a summary of the model.
Figure 4: Model accuracy of RNN model obtained over 98% in 150.

B. Gated Recurrent Unit (GRU)


To classify the dataset into benign or malignant, researchers
used GRU, multilayer perceptron (MLP), and SoftMax
regression. Due to the decrease in parameters, GRU has a
higher convergence rate and, in some situations, outperforms
RNN models. Using GRUs it reached 97%.GRU employs
fewer training parameters, which means it consumes less
TABLE I. DESCRIPTION OF RNN MODEL memory and runs faster than RNN. RNN is more accurate on
a larger dataset. During the training phase, the model can

Authorized licensed use limited to: BIRLA INSTITUTE OF TECHNOLOGY AND SCIENCE. Downloaded on December 26,2023 at 15:26:45 UTC from IEEE Xplore. Restrictions apply.
make predictions by taking into account parameters. Table II even more improvised result is obtained in terms of
gives a summary of the model. The accuracy and loss classification shown in figure 6
acquired for the GRU model gives better in the 150 epochs
GRU model shown in Figure 5. The simulation result
indicated that when the epoch size increased, the Model
closed to 97 %.

Figure 6: Performance Analysis of GRU & RNN

V. CONCLUSION
Breast cancer is a dangerous condition that requires extreme
caution. The ability to save a patient's life is greatly enhanced
by the early identification of this illness. The purpose of this
research is to examine if past medical records can be utilized
to predict the risk of cardiac arrest. This study develops and
implements a GRU-RNN model with layers using deep
Figure 5: Model accuracy of GRU model obtained over 97% in 150. learning techniques. While developing the model with the
appropriate parameter adjustments, obstructive features that
Table II. Description of GRU Model
have a bearing on the disease are taken into account. To
Neurons/ improve accuracy, the f1-score, the cohen-kappa score, test
No. of
Layers Dropout o/p shape
parameteres loss, and MSE values, the stacked GRU-RNN model
rate
surpasses alternative baseline classifiers. The proposed
Input Layer NA [(None, 30, 1)] 0
method produces a more exact and promising outcome.
GRU 128 (None, 30, 128) 50304
Batch
Normalization
(None, 30, 128) 512 REFERENCES
Dropout 0.5 (None, 30, 128) 0 [1] A. Sharma, and C. Ives, “Management of breast cancer: basic
principles”. Surgery (Oxford), 2021.
GRU 128 (None, 30, 128) 99072
[2] J. Sathwara, S. Bobdey, and B. Ganesh, “Breast cancer survival
Batch
(None, 30, 128) 512 studies in India: a review”. Int J Res Med Sci [Internet], vol.4, no.
Normalization
8, 2016, pp.3102-8,
Dropout 0.5 (None, 30, 128) 0
[3] D. Ribnikar, J.M. Ribeiro, D. Pinto, B. Sousa., A.C Pinto, E. Gomes,
GRU 64 (None, 64) 37248 E.C. Moser, M.J. Cardoso and Cardoso, 2015. “Breast cancer
Batch
under age 40: a different approach. Current treatment options in
(None, 64) 256 oncology” vol. 16, no. 4, 2015, pp.1-24.
Normalization

Dense 4 (None, 4) 260 [4] C.A. Palacios, J.A. Reyes-Suárez, L.A. Bearzotti, V. Leiva, and
Marchant, “Knowledge discovery for higher education student
Dense 2 (None, 2) 10 retention based on data mining: Machine learning algorithms
Activation
(None, 2) 0
and case study in Chile”. Entropy, vol. 23, no. 4, p.485, 2021.
(sigmoid) [5] J. Wang, H. Zhu, S.H. Wang, and Y.D. Zhang, “A review of deep
learning on medical image analysis. Mobile Networks and
The comparative study is shown in Table III concerning the Applications “, vol.26, no.1, pp.351-380,2021.
accuracy, precision, recall, and F1 score. [6] A. Sherstinsky, 2020.” Fundamentals of recurrent neural
network (RNN) and long short-term memory (LSTM)
TABLE III. DESCRIPTION OF THE COMPARATIVE STUDY OF THE network. Physica D: Nonlinear Phenomena” 404,
RNN & GRU MODEL p.132306,2020.
[7] P.B. Weerakody, K.W. Wong, G. Wang, and W. Ela,” A review of
Models Accuracy Precision Recall F1-score irregular time series data handling with gated recurrent neural
RNNs 0.956140 0.972222 0.958904 0.95 networks. Neurocomputing” 441, pp.161-178, 2021.
[8] S.K. Rout, B. Sahu, and D. Singh, “Artificial Neural Network
GRUs 0.976253 0.992228 0.976432 0.98 Modeling for Prediction of Coronavirus (COVID-19). In Advances
in Distributed Computing and Machine Learning” (pp. 328-339).
Springer, Singapore,2022.
As shown in table 3, GRU & RNN deep model provides
[9] M.A. Mohammed, B. Al-Khateeb, A.N. Rashid, D.A. Ibrahim. Abd
better classification results in cancer prediction. Therefore, an Ghani and S.A. Mostafa, “Neural network and multi-fractal
improvement in classification results is observed in GRU dimension features for breast cancer classification from
deep model. By incorporating the advantages of RNN, the

Authorized licensed use limited to: BIRLA INSTITUTE OF TECHNOLOGY AND SCIENCE. Downloaded on December 26,2023 at 15:26:45 UTC from IEEE Xplore. Restrictions apply.
ultrasound images”. Computers & Electrical Engineering, 70, [15] C. Nwankpa, W. Ijomah, Gahagan, and Marshall, “Activation
pp.871-882, 2018. functions: Comparison of trends in practice and research for
[10] R.D.H Devi and Deepika 2015, December. “Performance deep learning”. arXiv preprint arXiv:1811.03378, 2018.
comparison of various clustering techniques for diagnosis of [16] Z.C Lipton. Berkowitz, and Elkan, “A critical review of recurrent
breast cancer”. In 2015 IEEE International Conference on neural networks for sequence learning”. arXiv preprint
Computational Intelligence and Computing Research (ICCIC) , pp. arXiv:1506.00019, 2015.
1-5, IEEE, December 2015. [17] D. P. Kingma and J. L. Ba, “Adam: A method for stochastic
[11] F.F. Ting, Y.J. Tan and K.S Sim, 2019. “Convolutional neural optimization,” in 3rd International Conference on Learning
network improvement for breast cancer classification. Expert Representations, [Online]. Available:
Systems with Applications” 120, pp.103-115, 2019. https://arxiv.org/abs/1412.6980, 2015.
[12] P.J. Sudarshan. Petitjean, F. Spanhol, L.E. Oliveira., L. Heutte, and
P. Honeine, “Multiple instances learning for histopathological
breast cancer image classification. Expert Systems with
Applications” 117, pp.103-111, 2019.
[13] R. Mehra, “Breast cancer histology images classification:
Training from scratch or transfer learning”. ICT Express, vol. 4,
no.4, pp.247-254, 2018
[14] S. Kaymak, A. Helwan, and D. Uzun, “Breast cancer image
classification using artificial neural networks. Procedia computer
science ‘120, pp.126-131, 2017.

Authorized licensed use limited to: BIRLA INSTITUTE OF TECHNOLOGY AND SCIENCE. Downloaded on December 26,2023 at 15:26:45 UTC from IEEE Xplore. Restrictions apply.

You might also like