SlideShare a Scribd company logo
1 of 7
Download to read offline
International Journal of Electrical and Computer Engineering (IJECE)
Vol. 14, No. 1, February 2024, pp. 1041~1047
ISSN: 2088-8708, DOI: 10.11591/ijece.v14i1.pp1041-1047  1041
Journal homepage: http://ijece.iaescore.com
Breast cancer detection using ensemble of convolutional neural
networks
Swati Nadkarni, Kevin Noronha
Department of Electronics and Telecommunication Engineering, St. Francis Institute of Technology, Mumbai, India
Article Info ABSTRACT
Article history:
Received Mar 30, 2023
Revised Aug 12, 2023
Accepted Oct 9, 2023
Early detection leading to timely treatment in the initial stages of cancer may
decrease the breast cancer death rate. We propose deep learning techniques
along with image processing for the detection of tumors. The availability of
online datasets and advances in graphical processing units (GPU) have
promoted the application of deep learning models for the detection of breast
cancer. In this paper, deep learning models using convolutional neural
network (CNN) have been built to automatically classify mammograms into
benign and malignant. Issues like overfitting and dataset imbalance are
overcome. Experimentation has been done on two publicly available
datasets, namely mammographic image analysis society (MIAS) database
and digital database for screening mammography (DDSM). Robustness of
the models is accomplished by merging the datasets. In our experimentation,
MatConvNet has achieved an accuracy of 94.2% on the merged dataset,
performing the best amongst all the CNN models used individually.
Hungarian optimization algorithm is employed for selection of individual
CNN models to form an ensemble. Ensemble of CNN models led to an
improved performance, resulting in an accuracy of 95.7%.
Keywords:
Breast cancer
Convolutional neural network
Deep learning
Ensemble learning
Hungarian optimization
Mammogram
This is an open access article under the CC BY-SA license.
Corresponding Author:
Swati Nadkarni
Department of Electronics and Telecommunication Engineering, St. Francis Institute of Technology
Mumbai, India
Email: swatinadkarni@student.sfit.ac.in
1. INTRODUCTION
Breast cancer is the next major cause of cancer deaths in women after lung cancer [1]. As per
records of American Cancer Society 281,550 new cases of breast cancer were detected every year in women
from United Stated [2]. The current screening techniques led to a decline in the breast cancer death rate by
2.6%, even though there was an increase of breast cancer patients across the world. Detection of tumors is
essential for choosing the best possible line of treatment. Small tumors in the breast might not produce any
symptoms [3]. Consequently, the early detection using screening plays a crucial role in medical evaluation.
Mammography has always been considered a gold standard for breast cancer screening [4].
Mammography is a low-dose X-ray imaging, whose radiation may increase the risk in developing breast
cancer [5]. The manual process of detecting malignant masses is time consuming, tedious and has a large
variability in the interpretation by radiologists.
Convolutional neural network (CNN) is a part of artificial intelligence which is gaining popularity
since last decade. CNN had been proposed way back in 1993. Unfortunately these ventures remained in the
experimental stage due to the unavailability of computational resources [6]. Recently, CNN achieved
improvement in its performance due to the availability of powerful graphical processing units (GPU).
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047
1042
Shen et al. [7] have got promising results by training on database and digital database for screening
mammography (DDSM) and transferring the training to INbreast database. Thulkar et al. [8] implemented
rotation augmentation and vertical flipping to improve performance. Wang et al. [9] integrated the deep
features extracted from CNN with shape features, density features and texture features to generate a fusion
deep feature set. The authors used the support vector machine (SVM) classifier on fusion deep feature set to
get an accuracy of 86.5%.
Ragab et al. [10] replaced the last fully connected layer of CNN with SVM to enhance the
performance. The authors manually cropped the rectangular regions of interest (ROI) from the mammogram
and were successful in achieving an accuracy of 73.6%. Zhao et al. [11] used active learning in mammographic
image classification and achieved an accuracy of 90.5%. Bekker et al. [12] implemented a classification
technique consisting of two neural networks followed by a single neural layer. The authors obtained an accuracy
of 89% on DDSM dataset. Jadoon et al. [13] proposed a model in which CNN combined with discrete wavelet
and curvelet is trained using SoftMax layer and SVM; thereby achieving an accuracy of 83.11%. Agnes et al.
[14] developed a classification method by fusing the information using multiscale filters using CNN and
obtained an accuracy of 83%. El-Kenawy et al. [15] have discussed that Ensemble learning may be used to
improve the performance. The rest of the paper is as follows: Section 2 describes the proposed method. section
3 specifies the results and discussion. Section 4 summarizes the conclusion.
2. METHOD
In machine learning, the features must be handcrafted, whereas in deep learning, the need for
manual feature extraction is eliminated. Usage of deep learning has increased exponentially as the deep
learning models can be developed with minimum knowledge of the domain. Deep learning has been widely
adopted for the detection and classification of lesions, since it has significant potential to learn the extremely
distinguishing features as compared with machine learning. The issue of the large variability in interpretation
is controlled using deep learning. Promising results have been achieved by deep CNN models in the detection
of breast cancer as the models are able to extract the features which are not seen by humans.
2.1. Datasets
Our research has been done on two publicly available datasets namely mammographic image
analysis society (MIAS) database and digital database for screening mammography (DDSM). These datasets
were chosen for our research based on the survey done by Nahid and Kong [16]. In their survey on Springer,
Elsevier and IEEE websites, they concluded that researchers predominantly used MIAS and DDSM
databases for breast image classification.
2.1.1. MIAS: mini mammographic database
Mammographic image analysis society (MIAS) is a United Kingdom research group, which is
formed with an intension to figure out mammograms and to provide an organized database for research.
MIAS database is popularly used by researchers as these images can be effortlessly acquired. MIAS provides
a database with ground truth labeling for the researchers [17]. Uniformity is maintained as each image is
available with a size 1024×1024 pixels.
2.1.2. Digital database for screening mammography
The digital database for screening mammography (DDSM) is the largest online database of
mammographic images maintained at the University of South Florida [17]. A subset of DDSM is the curated
breast imaging subset of DDSM referred as curated breast imaging subset of DDSM (CBIS-DDSM)
containing images which are systematically labeled by a trained mammographer. There are around 2,500
medical records. Each record has images of both breasts in addition to patient details and corresponding
anomaly.
2.1.3. Merged dataset
To increase robustness of the models, the images from the MIAS and CBIS-DDSM databases have
been merged and applied as input. By merging the dataset, we imply that the images from the two diverse
datasets have been included to form a new dataset. Using images from only one database would have trained
the models only for the images of that particular type. Giving inputs from multiple sources, leads to training
of parameters to build the intricate nonlinear relation between the inputs and outputs. The merging of
databases was done such that equal number of images of each class were selected from each database, so as
to avoid the problem of class imbalance. Hence the generalization of the system was increased. A total of 120
unique images were applied as input to the system.
Int J Elec & Comp Eng ISSN: 2088-8708 
Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni)
1043
2.2. Software/hardware details
Experimentation has been done in MATLAB R2022a. The CNN models have been implemented
using the deep learning toolbox. The National Biomedical Imaging Archive (NBIA) data retriever version 4.3
is installed to download the images from The Cancer Imaging Archive (TCIA). This research was conducted
on Intel Core i7 processor with 8 GB RAM, 1 TB hard disk and Nvidia GeForce GTX 1650 Ti GPU running
on Windows 11.
2.3. Block diagram of proposed system
The schematic diagram of the approach of our proposed methodology is depicted in Figure 1. After
preprocessing, the raw mammographic images from the merged dataset were applied as inputs to CNN
models. The various CNN models were trained and tested. After evaluation, the most suitable CNN models
were selected to form an Ensemble. The detailed description of our proposed methodology is as stated below.
2.3.1. Preprocessing
Median filter was employed to remove the noise present in raw mammographic images. To further
enhance the image, contrast limited adaptive histogram equalization (CLAHE) was used. The images from
datasets were resized as per the requirements of the pretrained networks. In this research, Data augmentation
was applied to overcome the drawback of small size of dataset which could have otherwise led to overfitting.
Data augmentation was performed by Reflection and Translation. The original database of 120 images was
increased 8 times by data augmentation, leading to a total of 960 images. Image datastore was employed to
manage the collection of image files, where every image fits in memory at a time, but the entire collection
may not necessarily fit at a time.
Figure 1. The schematic diagram of the approach of our proposed methodology
2.3.2. Individual CNN classifiers
The standard CNN architecture is made up of a sequence of layers to extract the distinguishing
features. The important layers of CNN are the input layer, the convolutional layer, the pooling layer, the
activation layer, and the fully connected layer. In the initial stage, the CNN models were used as feature
extractors and individual classifiers. The selection of CNN models was done based on the survey done by
Bhatt et al. [18]. The authors have categorized the CNN architectures into groups such as spatial exploitation
models, depth-based models, multi-path-based, width-based, feature-map-based, channel-boosting-based,
attention-based and dimension-based CNN models. The CNN architectures which have been used in our
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047
1044
experimentations were AlexNet, VGG-19, DenseNet-201, Inception-V3, MatConvNet, and YOLO, which
belonged to various groups and had unique advantages. AlexNet from spatial exploitation models group
introduced regularization in CNN architecture. VGG from spatial exploitation models group made use of
homogeneous topology. Inception-V3 of depth-based models category encorporated nonlinear mappings.
DenseNet amongst multi-path-based group established maximal data flow within network layers. The CNN
models from the width-based, feature-map-based, channel-boosting-based and attention-based groups were
avoided as they led to heavy computational load. The CNN architecture from dimension-Based was avoided
as it required high computational time. YOLO achieved enhanced accuracy with usage of many features. The
CNN architectures were chosen to build the proposed model which was computationally light and would
require less computational time when implemented using a single GPU.
a. AlexNet
Krizhevsky et al. [19] proposed a CNN architecture namely AlexNet containing five convolutional
layers and three fully connected layers, which was the winner of ImageNet large scale visual recognition
challenge 2012 (ImageNet ILSVRC challenge 2012). AlexNet has three max pooling layers and two
normalization layers. The inputs needed to be resized to 227 X 227.
b. VGG-19
Visual Geometry Group (VGG) developed the VGG-19 containing 19 layers. A kernel of size 3X3
and max pooling of 2X2 was proposed throughout the network, leading to high number of trained parameters.
VGGNet has architectural simplicity but has high computational cost [20].
c. DenseNet-201
DenseNet-201 reuses the features by connecting the output of every layer to the next layers after that
layer. The preceding layer’s feature maps and the feature maps of all the previous layers are applied as input
for the next layer in the DenseNet in order to overcome the vanishing gradient issue [21]. Low to mid-level
features present the advantage to detect lesions of varied sizes .
d. Inception-V3
Inception-V3 has 48 layers. In Inception-V3, the generally used 7X7 convolution are factorized into
three 3X3 convolutions, thus reducing the number of network parameters as compared with AlexNet [22].
The input size for Inception-V3 is 299 X 299. Usage of Inception block permits kernels’ size to be variable
thereby increasing the efficiency.
e. MatConvNet
Building the model by using MatConvNet provides greater simplicity and flexibility [23]. Easy-to-
use MATLAB functions enable realization of CNN building blocks. New CNN models can be quickly
prototyped using MatConvNet. Training of complex architectures is possible because of MatConvNet
environment.
f. You only look once (YOLO)
YOLO is a one-stage detector used in deep learning where object detection is treated as regression
problem by developing a single network to find the class probabilities and bounding box locations
simultaneously. This enables YOLO CNN arrive at a faster detection. Huang et al. [24] have implemented
the YOLO architecture system using K-means clustering algorithm to determine the size of the bounding
box. In our research, imageLabeler was launched for labeling the ground truth interactively. The labelling
was done for rectangular regions of interest (ROI) for tumors.
2.3.3. Hyper parameters
Transfer learning is implemented in our research. In transfer learning, the initial layers which are pre-
trained are frozen and their weights are not changed. Only the additional layers are trained based upon the
dataset. One of the most significant and vital tasks for creating a robust model is determining the ideal values of
the hyperparameters. The optimal values of hyperparameters chosen and used in our experimentation are listed
in Table 1.
Table 1. Hyperparameter values for training
Hyperparameter Value
Input activation function ReLU
Output activation function Softmax
Optimizer ADAM
Initial learning rate 0.001
Learning rate decay 0.2
Number of epochs 30
Batch size 32
Train-test split 50:50
Dropout rate 0.5
Int J Elec & Comp Eng ISSN: 2088-8708 
Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni)
1045
2.4. Ensemble learning
Ensemble classifiers combine the diversity of the individual learners in an optimum way [25]. To
improve our results, ensemble learning with three classifiers was employed. VGG-19 was excluded as it
required very high training time. Accuracy, sensitivity, and specificity were chosen for selecting the
classifiers. Selection of individual CNN models was based on Hungarian optimization. Weighted majority
algorithm (WMA) is used in our proposed ensemble approach model to build a classifier from a pool of CNN
models. The algorithm is based on the assumption that one or more of them will perform well.
3. RESULTS AND DISCUSSION
Experimentation has been done by applying the inputs from the merged database to various CNN
models. The experimentation is repeated several times and the results that are obtained are averaged. The
performance is evaluated by employing performance metrics, so that comparison can be done. In this section,
the performance metrics achieved by our research are presented, followed by its comparison with other
existing systems.
3.1. Performance metrics
The performance metrics used were accuracy, sensitivity, specificity and F1-score. Figure 2 shows
the performance analysis results of the various CNN architectures on the merged dataset, formed using
MiniMIAS dataset and CBIS-DDSM dataset. Accuracy is the fraction of the correctly classified samples out
of the total samples. Sensitivity is the ratio of the correctly classified malignant samples to the total malignant
samples. Specificity is the ratio of correctly classified benign samples to the total benign samples. F1-score is
a better metric as compared with accuracy when the classes are imbalanced. The training time required for
individual CNN models is shown in Table 2.
Figure 2. The Performance of individual CNN models
Table 2. Training time of individual CNN models
CNN model AlexNet VGG-19 DenseNet-201 Inception-V3 MatConvNet YOLO
Training time(min) 5.78 29.53 8.32 3.67 6.17 7.25
From Figure 2, it is observed that the MatConvNet and YOLO architectures have achieved the
highest accuracies of 94.2% and 93.3%, respectively. YOLO has attained an F1-score of 94%. The sensitivity
and specificity obtained by YOLO architecture is 100% and 87% respectively. Hence it is observed that
YOLO architecture has outperformed all other CNN models.
0.87
1
0.94
0.933
0.88
1
0.95
0.942
0.8
0.85
0.83
0.825
0.97
0.65
0.77
0.808
0.75
1
0.89
0.875
0.9
0.77
0.82
0.833
0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1
Specificity
Sensitivity
F1 Score
Accuracy
Performance Values
Performance
Matrix
for
individual
CNN
Models
P e r f o r m a n c e o f I n d i v i d u a l C N N M o d e l s
AlexNet VGG-19 DenseNet-201 Inception V3 MatConvNet YOLO
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047
1046
The optimal assignment for Hungarian optimization is given in Table 3. The optimal value equals
2.912. Even though it was simple and quick, the Hungarian optimization produced the best assignment. The
implementation of the Hungarian optimization led to the optimum selection of CNN models for the formation
of ensemble. Thus, YOLO, MatConvNet, and DenseNet-201 were selected in our proposed ensemble
architecture. The testing time required for the proposed system is 1 min 4 sec.
Table 4 provides the comparison between the results of our proposed system with the existing
systems. The systems which worked with online datasets like DDSM, MIAS and INbreast datasets were
taken into consideration along with a very few which used private data. It is observed that our proposed
system has achieved improved performance over the existing mammography classification systems.
Table 3. The optimal assignment in the original cost matrix
CNN Model Accuracy Sensitivity Specificity
AlexNet 0.833 0.770 0.900
DenseNet-201 0.808 0.650 0.970
Inception -V3 0.825 0.850 0.800
MatConvNet 0.942 1.000 0.880
YOLO 0.933 1.000 0.870
Table 4. Comparison of proposed method with existing mammography classification methods
Mammography classification systems Year Dataset used Accuracy F1-Score Sensitivity Specificity
Zhao et al. [11] 2019 DDSM 0.91 - 0.88 0.91
Agnes et al. [14] 2020 DDSM 0.83 - 0.96 -
Shen et al. [7] 2020 DDSM 0.89 0.93 0.91 0.93
Shen et al. [7]
Hamed et al. [26]
Loizidou et al. [27]
Ogundepo et al. [28]
2020
2021
2022
2022
MIAS
INbreast
Private
IRMA
0.92
0.91
0.91
0.91
0.91
0.94
-
-
0.87
1
0.92
-
0.89
0.88
0.90
-
Rani et al. [29] 2023 MIAS 0.90 - - -
Proposed method (Ensemble) 2023 (DDSM+MIAS) 0.957 0.959 1 0.91
4. CONCLUSION
This paper proposes a new technique for performing classification on merged mammographic
datasets. The experimentation has been done using the two publicly available datasets, namely MIAS
database and DDSM. The best performing model, when employed alone, was MatConvNet, which achieved
an accuracy level of 0.942. To improve the classification performance, ensemble of models has been
proposed. The main contribution of our work is the usage of Hungarian optimization algorithm to select the
individual CNN models for the ensemble. The ensemble of CNN models have resulted a remarkable increase
in performance over existing systems. Combining YOLO, MatConvNet and DenseNet-201 architectures into
an ensemble has achieved an accuracy of 0.957.
REFERENCES
[1] R. Rouhi, M. Jafari, S. Kasaei, and P. Keshavarzian, “Benign and malignant breast tumors classification based on region growing and
CNN segmentation,” Expert Systems with Applications, vol. 42, no. 3, pp. 990–1002, Feb. 2015, doi: 10.1016/j.eswa.2014.09.020.
[2] B. Sathiyabhama et al., “A novel feature selection framework based on grey wolf optimizer for mammogram image analysis,”
Neural Computing and Applications, vol. 33, no. 21, pp. 14583–14602, May 2021, doi: 10.1007/s00521-021-06099-z.
[3] S. Nadkarni and K. Noronha, “A Review on multiparametric magnetic resonance imaging for the detection of breast cancer,”
2020 IEEE International Conference on Electronics, Computing and Communication Technologies (CONECCT), Bangalore,
India, 2020, pp. 1-5, doi: 10.1109/CONECCT50063.2020.9198362.
[4] C. B. Gonçalves, J. R. Souza, and H. Fernandes, “CNN architecture optimization using bio-inspired algorithms for breast cancer
detection in infrared images,” Computers in Biology and Medicine, vol. 142, Mar. 2022, doi: 10.1016/j.compbiomed.2021.105205.
[5] O. N. Oyelade and A. E. S. Ezugwu, “A state-of-the-art survey on deep learning methods for detection of architectural distortion
from digital mammography,” IEEE Access, vol. 8, pp. 148644–148676, 2020, doi: 10.1109/ACCESS.2020.3016223.
[6] K.-H. Jung, H. Park, and W. Hwang, “Deep learning for medical image analysis: applications to computed tomography and
magnetic resonance imaging,” Hanyang Medical Reviews, vol. 37, no. 2, 2017, doi: 10.7599/hmr.2017.37.2.61.
[7] L. Shen, L. R. Margolies, J. H. Rothstein, E. Fluder, R. McBride, and W. Sieh, “Deep learning to improve breast cancer detection
on screening mammography,” Scientific Reports, vol. 9, no. 1, Aug. 2019, doi: 10.1038/s41598-019-48995-4.
[8] D. Thulkar, R. Daruwala, and N. Sardar, “An integrated system for detection exudates and severity quantification for diabetic
macular edema,” Journal of Medical and Biological Engineering, vol. 40, no. 6, pp. 798–820, Sep. 2020, doi: 10.1007/s40846-
020-00561-4.
[9] Z. Wang et al., “Breast cancer detection using extreme learning machine based on feature fusion with CNN deep features,” IEEE
Access, vol. 7, pp. 105146–105158, 2019, doi: 10.1109/ACCESS.2019.2892795.
[10] D. A. Ragab, M. Sharkas, S. Marshall, and J. Ren, “Breast cancer detection using deep convolutional neural networks and support
vector machines,” PeerJ, vol. 2019, no. 1, Art. no. e6201, Jan. 2019, doi: 10.7717/peerj.6201.
Int J Elec & Comp Eng ISSN: 2088-8708 
Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni)
1047
[11] Y. Zhao, D. Chen, H. Xie, S. Zhang, and L. Gu, “Mammographic image classification system via active learning,” Journal of
Medical and Biological Engineering, vol. 39, no. 4, pp. 569–582, Jul. 2019, doi: 10.1007/s40846-018-0437-3.
[12] A. J. Bekker, H. Greenspan, and J. Goldberger, “A multi-view deep learning architecture for classification of breast
microcalcifications,” in Proceedings - International Symposium on Biomedical Imaging, Apr. 2016, vol. 2016-June, pp. 726–730.
doi: 10.1109/ISBI.2016.7493369.
[13] M. M. Jadoon, Q. Zhang, I. U. Haq, S. Butt, and A. Jadoon, “Three-class mammogram classification based on descriptive CNN
features,” BioMed Research International, vol. 2017, pp. 1–11, 2017, doi: 10.1155/2017/3640901.
[14] S. A. Agnes, J. Anitha, S. I. A. Pandian, and J. D. Peter, “Classification of mammogram images using multiscale all convolutional
neural network (MA-CNN),” Journal of Medical Systems, vol. 44, no. 1, Dec. 2020, doi: 10.1007/s10916-019-1494-z.
[15] E. S. M. El-Kenawy, A. Ibrahim, S. Mirjalili, M. M. Eid, and S. E. Hussein, “Novel feature selection and voting classifier algorithms
for COVID-19 classification in CT images,” IEEE Access, vol. 8, pp. 179317–179335, 2020, doi: 10.1109/ACCESS.2020.3028012.
[16] A. Al Nahid and Y. Kong, “Involvement of machine learning for breast cancer image classification: a survey,” Computational and
Mathematical Methods in Medicine, vol. 2017, pp. 1–29, 2017, doi: 10.1155/2017/3781951.
[17] N. M. ud din, R. A. Dar, M. Rasool, and A. Assad, “Breast cancer detection using deep learning: datasets, methods, and
challenges ahead,” Computers in Biology and Medicine, vol. 149, Oct. 2022, doi: 10.1016/j.compbiomed.2022.106073.
[18] D. Bhatt et al., “CNN variants for computer vision: history, architecture, application, challenges and future scope,” Electronics
(Switzerland), vol. 10, no. 20, p. 2470, Oct. 2021, doi: 10.3390/electronics10202470.
[19] A. Krizhevsky, I. Sutskever, and G. E. Hinton, “ImageNet classification with deep convolutional neural networks,”
Communications of the ACM, vol. 60, no. 6, pp. 84–90, May 2017, doi: 10.1145/3065386.
[20] O. Russakovsky et al., “ImageNet large scale visual recognition challenge,” International Journal of Computer Vision, vol. 115,
no. 3, pp. 211–252, Dec. 2015, doi: 10.1007/s11263-015-0816-y.
[21] L. Abdelrahman, M. Al Ghamdi, F. Collado-Mesa, and M. A.-Mottaleb, “Convolutional neural networks for breast cancer detection in
mammography: A survey,” Computers in Biology and Medicine, vol. 131, Apr. 2021, doi: 10.1016/j.compbiomed.2021.104248.
[22] Z. Liu, C. Yang, J. Huang, S. Liu, Y. Zhuo, and X. Lu, “Deep learning framework based on integration of S-Mask R-CNN and
Inception-v3 for ultrasound image-aided diagnosis of prostate cancer,” Future Generation Computer Systems, vol. 114,
pp. 358–367, Jan. 2021, doi: 10.1016/j.future.2020.08.015.
[23] M. A. Hossain and M. S. Alam Sajib, “Classification of image using convolutional neural network (CNN),” Global Journal of
Computer Science and Technology, pp. 13–18, May 2019, doi: 10.34257/gjcstdvol19is2pg13.
[24] T. H. Huang et al., “Detection of vestibular schwannoma on triple-parametric magnetic resonance images using convolutional
neural networks,” Journal of Medical and Biological Engineering, vol. 41, no. 5, pp. 626–635, Jun. 2021, doi: 10.1007/s40846-
021-00638-8.
[25] N. Chouhan, A. Khan, J. Z. Shah, M. Hussnain, and M. W. Khan, “Deep convolutional neural network and emotional learning
based breast cancer detection using digital mammography,” Computers in Biology and Medicine, vol. 132, Art. no. 104318, May
2021, doi: 10.1016/j.compbiomed.2021.104318.
[26] G. Hamed, M. Marey, S. Amin, and M. F. Tolba, “Automated breast cancer detection and classification in full field digital
mammograms using two full and cropped detection paths approach,” IEEE Access, vol. 9, pp. 116898–116913, 2021, doi:
10.1109/ACCESS.2021.3105924.
[27] K. Loizidou, G. Skouroumouni, G. Savvidou, A. Constantinidou, C. Nikolaou, and C. Pitris, “Benign and malignant breast mass
detection and classification in digital mammography: the effect of subtracting temporally consecutive mammograms,” 2022
IEEE-EMBS International Conference on Biomedical and Health Informatics (BHI), Ioannina, Greece, 2022, pp. 1-4, doi:
10.1109/BHI56158.2022.9926810.
[28] O. Y. Ogundepo, I. O. A. Omeiza, and J. P. Oguntoye, “Optimized textural features for mass classification in digital mammography
using a weighted average gravitational search algorithm,” International Journal of Electrical and Computer Engineering (IJECE),
vol. 12, no. 5, pp. 5001–5013, Oct. 2022, doi: 10.11591/ijece.v12i5.pp5001-5013.
[29] S. Rani, M. Memoria, M. Rani, and R. Kumar, “Breast cancer detection using mammographic images over convolutional neural
network,” in Proceedings of the 13th International Conference on Cloud Computing, Data Science and Engineering, Confluence
2023, Jan. 2023, pp. 73–78. doi: 10.1109/Confluence56041.2023.10048862.
BIOGRAPHIES OF AUTHORS
Swati Nadkarni received the B.E. and M.E. degree in electronics engineering
from Mumbai University, India, in 1998 and 2008 respectively. She is currently pursuing
Ph.D. degree from Department of Electronics and Telecommunication Engineering, at
St. Francis Institute of Technology, Mumbai University. Presently, she is an associate
professor and head at the Department of Information Technology, Shah & Anchor Kutchhi
Engineering College, Mumbai University. Her areas of interest are biomedical signal
processing, image processing, machine learning and design thinking. She is a member of
various professional societies like ACM, IEEE, and ISTE. She can be contacted at email:
swatinadkarni@student.sfit.ac.in.
Kevin Noronha holds a PhD in electronics and telecommunication from Manipal
Institute of Technology, Manipal, India. He is currently professor and head of Department of
Electronics and Telecommunication Engineering, at St. Francis Institute of Technology,
Mumbai University, India. He has also shouldered the responsibility of Dean Academics at St.
Francis Institute of Technology. He has procured a minor research grant from Mumbai
University. His areas of interest are biomedical signal and image processing, network and
cyber security, computer communications, microprocessors and next generation networks. He
is a member of various professional societies like IEEE and ISTE and a reviewer for various
reputed journals. He can be contacted at email: kevinnoronha@sfit.ac.in.

More Related Content

Similar to Breast cancer detection using ensemble of convolutional neural networks

Mansi_BreastCancerDetection
Mansi_BreastCancerDetectionMansi_BreastCancerDetection
Mansi_BreastCancerDetectionMansiChowkkar
 
Modified fuzzy rough set technique with stacked autoencoder model for magneti...
Modified fuzzy rough set technique with stacked autoencoder model for magneti...Modified fuzzy rough set technique with stacked autoencoder model for magneti...
Modified fuzzy rough set technique with stacked autoencoder model for magneti...IJECEIAES
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONIRJET Journal
 
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERS
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERSAUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERS
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERSIAEME Publication
 
Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...TELKOMNIKA JOURNAL
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEIRJET Journal
 
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...IRJET Journal
 
Deep learning for cancer tumor classification using transfer learning and fe...
Deep learning for cancer tumor classification using transfer  learning and fe...Deep learning for cancer tumor classification using transfer  learning and fe...
Deep learning for cancer tumor classification using transfer learning and fe...IJECEIAES
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionIRJET Journal
 
A Progressive Review on Early Stage Breast Cancer Detection
A Progressive Review on Early Stage Breast Cancer DetectionA Progressive Review on Early Stage Breast Cancer Detection
A Progressive Review on Early Stage Breast Cancer DetectionIRJET Journal
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AIIRJET Journal
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfAvijitChaudhuri3
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkIRJET Journal
 
Artificial neural network for cervical abnormalities detection on computed to...
Artificial neural network for cervical abnormalities detection on computed to...Artificial neural network for cervical abnormalities detection on computed to...
Artificial neural network for cervical abnormalities detection on computed to...IAESIJAI
 
Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...journalBEEI
 
25 17 dec16 13743 28032-1-sm(edit)
25 17 dec16 13743 28032-1-sm(edit)25 17 dec16 13743 28032-1-sm(edit)
25 17 dec16 13743 28032-1-sm(edit)IAESIJEECS
 
A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...IJECEIAES
 
Cervical cancer diagnosis based on cytology pap smear image classification us...
Cervical cancer diagnosis based on cytology pap smear image classification us...Cervical cancer diagnosis based on cytology pap smear image classification us...
Cervical cancer diagnosis based on cytology pap smear image classification us...TELKOMNIKA JOURNAL
 

Similar to Breast cancer detection using ensemble of convolutional neural networks (20)

MINI PROJECT (1).pptx
MINI PROJECT (1).pptxMINI PROJECT (1).pptx
MINI PROJECT (1).pptx
 
Mansi_BreastCancerDetection
Mansi_BreastCancerDetectionMansi_BreastCancerDetection
Mansi_BreastCancerDetection
 
Modified fuzzy rough set technique with stacked autoencoder model for magneti...
Modified fuzzy rough set technique with stacked autoencoder model for magneti...Modified fuzzy rough set technique with stacked autoencoder model for magneti...
Modified fuzzy rough set technique with stacked autoencoder model for magneti...
 
BRAIN TUMOR DETECTION
BRAIN TUMOR DETECTIONBRAIN TUMOR DETECTION
BRAIN TUMOR DETECTION
 
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERS
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERSAUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERS
AUTOMATIC BREAST CANCER DETECTION WITH OPTIMIZED ENSEMBLE OF CLASSIFIERS
 
Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...
 
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
 
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
A Comparative Study of Various Machine Learning Techniques for Brain Tumor De...
 
Deep learning for cancer tumor classification using transfer learning and fe...
Deep learning for cancer tumor classification using transfer  learning and fe...Deep learning for cancer tumor classification using transfer  learning and fe...
Deep learning for cancer tumor classification using transfer learning and fe...
 
Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
A Progressive Review on Early Stage Breast Cancer Detection
A Progressive Review on Early Stage Breast Cancer DetectionA Progressive Review on Early Stage Breast Cancer Detection
A Progressive Review on Early Stage Breast Cancer Detection
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AI
 
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdfresearchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
researchpaper_2023_Lungs_Cancer.pdfdfgdgfhdf
 
Breast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural NetworkBreast Cancer Detection using Convolution Neural Network
Breast Cancer Detection using Convolution Neural Network
 
Artificial neural network for cervical abnormalities detection on computed to...
Artificial neural network for cervical abnormalities detection on computed to...Artificial neural network for cervical abnormalities detection on computed to...
Artificial neural network for cervical abnormalities detection on computed to...
 
Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...
 
25 17 dec16 13743 28032-1-sm(edit)
25 17 dec16 13743 28032-1-sm(edit)25 17 dec16 13743 28032-1-sm(edit)
25 17 dec16 13743 28032-1-sm(edit)
 
A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...A novel framework for efficient identification of brain cancer region from br...
A novel framework for efficient identification of brain cancer region from br...
 
Cervical cancer diagnosis based on cytology pap smear image classification us...
Cervical cancer diagnosis based on cytology pap smear image classification us...Cervical cancer diagnosis based on cytology pap smear image classification us...
Cervical cancer diagnosis based on cytology pap smear image classification us...
 

More from IJECEIAES

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...IJECEIAES
 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionIJECEIAES
 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...IJECEIAES
 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...IJECEIAES
 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningIJECEIAES
 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...IJECEIAES
 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...IJECEIAES
 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...IJECEIAES
 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...IJECEIAES
 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyIJECEIAES
 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationIJECEIAES
 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceIJECEIAES
 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...IJECEIAES
 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...IJECEIAES
 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...IJECEIAES
 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...IJECEIAES
 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...IJECEIAES
 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...IJECEIAES
 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...IJECEIAES
 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...IJECEIAES
 

More from IJECEIAES (20)

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...
 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regression
 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learning
 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...
 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...
 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...
 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...
 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancy
 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimization
 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performance
 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...
 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...
 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...
 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...
 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...
 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
 

Recently uploaded

Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...Call Girls in Nagpur High Profile
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLDeelipZope
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 

Recently uploaded (20)

Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCL
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 

Breast cancer detection using ensemble of convolutional neural networks

  • 1. International Journal of Electrical and Computer Engineering (IJECE) Vol. 14, No. 1, February 2024, pp. 1041~1047 ISSN: 2088-8708, DOI: 10.11591/ijece.v14i1.pp1041-1047  1041 Journal homepage: http://ijece.iaescore.com Breast cancer detection using ensemble of convolutional neural networks Swati Nadkarni, Kevin Noronha Department of Electronics and Telecommunication Engineering, St. Francis Institute of Technology, Mumbai, India Article Info ABSTRACT Article history: Received Mar 30, 2023 Revised Aug 12, 2023 Accepted Oct 9, 2023 Early detection leading to timely treatment in the initial stages of cancer may decrease the breast cancer death rate. We propose deep learning techniques along with image processing for the detection of tumors. The availability of online datasets and advances in graphical processing units (GPU) have promoted the application of deep learning models for the detection of breast cancer. In this paper, deep learning models using convolutional neural network (CNN) have been built to automatically classify mammograms into benign and malignant. Issues like overfitting and dataset imbalance are overcome. Experimentation has been done on two publicly available datasets, namely mammographic image analysis society (MIAS) database and digital database for screening mammography (DDSM). Robustness of the models is accomplished by merging the datasets. In our experimentation, MatConvNet has achieved an accuracy of 94.2% on the merged dataset, performing the best amongst all the CNN models used individually. Hungarian optimization algorithm is employed for selection of individual CNN models to form an ensemble. Ensemble of CNN models led to an improved performance, resulting in an accuracy of 95.7%. Keywords: Breast cancer Convolutional neural network Deep learning Ensemble learning Hungarian optimization Mammogram This is an open access article under the CC BY-SA license. Corresponding Author: Swati Nadkarni Department of Electronics and Telecommunication Engineering, St. Francis Institute of Technology Mumbai, India Email: swatinadkarni@student.sfit.ac.in 1. INTRODUCTION Breast cancer is the next major cause of cancer deaths in women after lung cancer [1]. As per records of American Cancer Society 281,550 new cases of breast cancer were detected every year in women from United Stated [2]. The current screening techniques led to a decline in the breast cancer death rate by 2.6%, even though there was an increase of breast cancer patients across the world. Detection of tumors is essential for choosing the best possible line of treatment. Small tumors in the breast might not produce any symptoms [3]. Consequently, the early detection using screening plays a crucial role in medical evaluation. Mammography has always been considered a gold standard for breast cancer screening [4]. Mammography is a low-dose X-ray imaging, whose radiation may increase the risk in developing breast cancer [5]. The manual process of detecting malignant masses is time consuming, tedious and has a large variability in the interpretation by radiologists. Convolutional neural network (CNN) is a part of artificial intelligence which is gaining popularity since last decade. CNN had been proposed way back in 1993. Unfortunately these ventures remained in the experimental stage due to the unavailability of computational resources [6]. Recently, CNN achieved improvement in its performance due to the availability of powerful graphical processing units (GPU).
  • 2.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047 1042 Shen et al. [7] have got promising results by training on database and digital database for screening mammography (DDSM) and transferring the training to INbreast database. Thulkar et al. [8] implemented rotation augmentation and vertical flipping to improve performance. Wang et al. [9] integrated the deep features extracted from CNN with shape features, density features and texture features to generate a fusion deep feature set. The authors used the support vector machine (SVM) classifier on fusion deep feature set to get an accuracy of 86.5%. Ragab et al. [10] replaced the last fully connected layer of CNN with SVM to enhance the performance. The authors manually cropped the rectangular regions of interest (ROI) from the mammogram and were successful in achieving an accuracy of 73.6%. Zhao et al. [11] used active learning in mammographic image classification and achieved an accuracy of 90.5%. Bekker et al. [12] implemented a classification technique consisting of two neural networks followed by a single neural layer. The authors obtained an accuracy of 89% on DDSM dataset. Jadoon et al. [13] proposed a model in which CNN combined with discrete wavelet and curvelet is trained using SoftMax layer and SVM; thereby achieving an accuracy of 83.11%. Agnes et al. [14] developed a classification method by fusing the information using multiscale filters using CNN and obtained an accuracy of 83%. El-Kenawy et al. [15] have discussed that Ensemble learning may be used to improve the performance. The rest of the paper is as follows: Section 2 describes the proposed method. section 3 specifies the results and discussion. Section 4 summarizes the conclusion. 2. METHOD In machine learning, the features must be handcrafted, whereas in deep learning, the need for manual feature extraction is eliminated. Usage of deep learning has increased exponentially as the deep learning models can be developed with minimum knowledge of the domain. Deep learning has been widely adopted for the detection and classification of lesions, since it has significant potential to learn the extremely distinguishing features as compared with machine learning. The issue of the large variability in interpretation is controlled using deep learning. Promising results have been achieved by deep CNN models in the detection of breast cancer as the models are able to extract the features which are not seen by humans. 2.1. Datasets Our research has been done on two publicly available datasets namely mammographic image analysis society (MIAS) database and digital database for screening mammography (DDSM). These datasets were chosen for our research based on the survey done by Nahid and Kong [16]. In their survey on Springer, Elsevier and IEEE websites, they concluded that researchers predominantly used MIAS and DDSM databases for breast image classification. 2.1.1. MIAS: mini mammographic database Mammographic image analysis society (MIAS) is a United Kingdom research group, which is formed with an intension to figure out mammograms and to provide an organized database for research. MIAS database is popularly used by researchers as these images can be effortlessly acquired. MIAS provides a database with ground truth labeling for the researchers [17]. Uniformity is maintained as each image is available with a size 1024×1024 pixels. 2.1.2. Digital database for screening mammography The digital database for screening mammography (DDSM) is the largest online database of mammographic images maintained at the University of South Florida [17]. A subset of DDSM is the curated breast imaging subset of DDSM referred as curated breast imaging subset of DDSM (CBIS-DDSM) containing images which are systematically labeled by a trained mammographer. There are around 2,500 medical records. Each record has images of both breasts in addition to patient details and corresponding anomaly. 2.1.3. Merged dataset To increase robustness of the models, the images from the MIAS and CBIS-DDSM databases have been merged and applied as input. By merging the dataset, we imply that the images from the two diverse datasets have been included to form a new dataset. Using images from only one database would have trained the models only for the images of that particular type. Giving inputs from multiple sources, leads to training of parameters to build the intricate nonlinear relation between the inputs and outputs. The merging of databases was done such that equal number of images of each class were selected from each database, so as to avoid the problem of class imbalance. Hence the generalization of the system was increased. A total of 120 unique images were applied as input to the system.
  • 3. Int J Elec & Comp Eng ISSN: 2088-8708  Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni) 1043 2.2. Software/hardware details Experimentation has been done in MATLAB R2022a. The CNN models have been implemented using the deep learning toolbox. The National Biomedical Imaging Archive (NBIA) data retriever version 4.3 is installed to download the images from The Cancer Imaging Archive (TCIA). This research was conducted on Intel Core i7 processor with 8 GB RAM, 1 TB hard disk and Nvidia GeForce GTX 1650 Ti GPU running on Windows 11. 2.3. Block diagram of proposed system The schematic diagram of the approach of our proposed methodology is depicted in Figure 1. After preprocessing, the raw mammographic images from the merged dataset were applied as inputs to CNN models. The various CNN models were trained and tested. After evaluation, the most suitable CNN models were selected to form an Ensemble. The detailed description of our proposed methodology is as stated below. 2.3.1. Preprocessing Median filter was employed to remove the noise present in raw mammographic images. To further enhance the image, contrast limited adaptive histogram equalization (CLAHE) was used. The images from datasets were resized as per the requirements of the pretrained networks. In this research, Data augmentation was applied to overcome the drawback of small size of dataset which could have otherwise led to overfitting. Data augmentation was performed by Reflection and Translation. The original database of 120 images was increased 8 times by data augmentation, leading to a total of 960 images. Image datastore was employed to manage the collection of image files, where every image fits in memory at a time, but the entire collection may not necessarily fit at a time. Figure 1. The schematic diagram of the approach of our proposed methodology 2.3.2. Individual CNN classifiers The standard CNN architecture is made up of a sequence of layers to extract the distinguishing features. The important layers of CNN are the input layer, the convolutional layer, the pooling layer, the activation layer, and the fully connected layer. In the initial stage, the CNN models were used as feature extractors and individual classifiers. The selection of CNN models was done based on the survey done by Bhatt et al. [18]. The authors have categorized the CNN architectures into groups such as spatial exploitation models, depth-based models, multi-path-based, width-based, feature-map-based, channel-boosting-based, attention-based and dimension-based CNN models. The CNN architectures which have been used in our
  • 4.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047 1044 experimentations were AlexNet, VGG-19, DenseNet-201, Inception-V3, MatConvNet, and YOLO, which belonged to various groups and had unique advantages. AlexNet from spatial exploitation models group introduced regularization in CNN architecture. VGG from spatial exploitation models group made use of homogeneous topology. Inception-V3 of depth-based models category encorporated nonlinear mappings. DenseNet amongst multi-path-based group established maximal data flow within network layers. The CNN models from the width-based, feature-map-based, channel-boosting-based and attention-based groups were avoided as they led to heavy computational load. The CNN architecture from dimension-Based was avoided as it required high computational time. YOLO achieved enhanced accuracy with usage of many features. The CNN architectures were chosen to build the proposed model which was computationally light and would require less computational time when implemented using a single GPU. a. AlexNet Krizhevsky et al. [19] proposed a CNN architecture namely AlexNet containing five convolutional layers and three fully connected layers, which was the winner of ImageNet large scale visual recognition challenge 2012 (ImageNet ILSVRC challenge 2012). AlexNet has three max pooling layers and two normalization layers. The inputs needed to be resized to 227 X 227. b. VGG-19 Visual Geometry Group (VGG) developed the VGG-19 containing 19 layers. A kernel of size 3X3 and max pooling of 2X2 was proposed throughout the network, leading to high number of trained parameters. VGGNet has architectural simplicity but has high computational cost [20]. c. DenseNet-201 DenseNet-201 reuses the features by connecting the output of every layer to the next layers after that layer. The preceding layer’s feature maps and the feature maps of all the previous layers are applied as input for the next layer in the DenseNet in order to overcome the vanishing gradient issue [21]. Low to mid-level features present the advantage to detect lesions of varied sizes . d. Inception-V3 Inception-V3 has 48 layers. In Inception-V3, the generally used 7X7 convolution are factorized into three 3X3 convolutions, thus reducing the number of network parameters as compared with AlexNet [22]. The input size for Inception-V3 is 299 X 299. Usage of Inception block permits kernels’ size to be variable thereby increasing the efficiency. e. MatConvNet Building the model by using MatConvNet provides greater simplicity and flexibility [23]. Easy-to- use MATLAB functions enable realization of CNN building blocks. New CNN models can be quickly prototyped using MatConvNet. Training of complex architectures is possible because of MatConvNet environment. f. You only look once (YOLO) YOLO is a one-stage detector used in deep learning where object detection is treated as regression problem by developing a single network to find the class probabilities and bounding box locations simultaneously. This enables YOLO CNN arrive at a faster detection. Huang et al. [24] have implemented the YOLO architecture system using K-means clustering algorithm to determine the size of the bounding box. In our research, imageLabeler was launched for labeling the ground truth interactively. The labelling was done for rectangular regions of interest (ROI) for tumors. 2.3.3. Hyper parameters Transfer learning is implemented in our research. In transfer learning, the initial layers which are pre- trained are frozen and their weights are not changed. Only the additional layers are trained based upon the dataset. One of the most significant and vital tasks for creating a robust model is determining the ideal values of the hyperparameters. The optimal values of hyperparameters chosen and used in our experimentation are listed in Table 1. Table 1. Hyperparameter values for training Hyperparameter Value Input activation function ReLU Output activation function Softmax Optimizer ADAM Initial learning rate 0.001 Learning rate decay 0.2 Number of epochs 30 Batch size 32 Train-test split 50:50 Dropout rate 0.5
  • 5. Int J Elec & Comp Eng ISSN: 2088-8708  Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni) 1045 2.4. Ensemble learning Ensemble classifiers combine the diversity of the individual learners in an optimum way [25]. To improve our results, ensemble learning with three classifiers was employed. VGG-19 was excluded as it required very high training time. Accuracy, sensitivity, and specificity were chosen for selecting the classifiers. Selection of individual CNN models was based on Hungarian optimization. Weighted majority algorithm (WMA) is used in our proposed ensemble approach model to build a classifier from a pool of CNN models. The algorithm is based on the assumption that one or more of them will perform well. 3. RESULTS AND DISCUSSION Experimentation has been done by applying the inputs from the merged database to various CNN models. The experimentation is repeated several times and the results that are obtained are averaged. The performance is evaluated by employing performance metrics, so that comparison can be done. In this section, the performance metrics achieved by our research are presented, followed by its comparison with other existing systems. 3.1. Performance metrics The performance metrics used were accuracy, sensitivity, specificity and F1-score. Figure 2 shows the performance analysis results of the various CNN architectures on the merged dataset, formed using MiniMIAS dataset and CBIS-DDSM dataset. Accuracy is the fraction of the correctly classified samples out of the total samples. Sensitivity is the ratio of the correctly classified malignant samples to the total malignant samples. Specificity is the ratio of correctly classified benign samples to the total benign samples. F1-score is a better metric as compared with accuracy when the classes are imbalanced. The training time required for individual CNN models is shown in Table 2. Figure 2. The Performance of individual CNN models Table 2. Training time of individual CNN models CNN model AlexNet VGG-19 DenseNet-201 Inception-V3 MatConvNet YOLO Training time(min) 5.78 29.53 8.32 3.67 6.17 7.25 From Figure 2, it is observed that the MatConvNet and YOLO architectures have achieved the highest accuracies of 94.2% and 93.3%, respectively. YOLO has attained an F1-score of 94%. The sensitivity and specificity obtained by YOLO architecture is 100% and 87% respectively. Hence it is observed that YOLO architecture has outperformed all other CNN models. 0.87 1 0.94 0.933 0.88 1 0.95 0.942 0.8 0.85 0.83 0.825 0.97 0.65 0.77 0.808 0.75 1 0.89 0.875 0.9 0.77 0.82 0.833 0 0.1 0.2 0.3 0.4 0.5 0.6 0.7 0.8 0.9 1 Specificity Sensitivity F1 Score Accuracy Performance Values Performance Matrix for individual CNN Models P e r f o r m a n c e o f I n d i v i d u a l C N N M o d e l s AlexNet VGG-19 DenseNet-201 Inception V3 MatConvNet YOLO
  • 6.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 14, No. 1, February 2024: 1041-1047 1046 The optimal assignment for Hungarian optimization is given in Table 3. The optimal value equals 2.912. Even though it was simple and quick, the Hungarian optimization produced the best assignment. The implementation of the Hungarian optimization led to the optimum selection of CNN models for the formation of ensemble. Thus, YOLO, MatConvNet, and DenseNet-201 were selected in our proposed ensemble architecture. The testing time required for the proposed system is 1 min 4 sec. Table 4 provides the comparison between the results of our proposed system with the existing systems. The systems which worked with online datasets like DDSM, MIAS and INbreast datasets were taken into consideration along with a very few which used private data. It is observed that our proposed system has achieved improved performance over the existing mammography classification systems. Table 3. The optimal assignment in the original cost matrix CNN Model Accuracy Sensitivity Specificity AlexNet 0.833 0.770 0.900 DenseNet-201 0.808 0.650 0.970 Inception -V3 0.825 0.850 0.800 MatConvNet 0.942 1.000 0.880 YOLO 0.933 1.000 0.870 Table 4. Comparison of proposed method with existing mammography classification methods Mammography classification systems Year Dataset used Accuracy F1-Score Sensitivity Specificity Zhao et al. [11] 2019 DDSM 0.91 - 0.88 0.91 Agnes et al. [14] 2020 DDSM 0.83 - 0.96 - Shen et al. [7] 2020 DDSM 0.89 0.93 0.91 0.93 Shen et al. [7] Hamed et al. [26] Loizidou et al. [27] Ogundepo et al. [28] 2020 2021 2022 2022 MIAS INbreast Private IRMA 0.92 0.91 0.91 0.91 0.91 0.94 - - 0.87 1 0.92 - 0.89 0.88 0.90 - Rani et al. [29] 2023 MIAS 0.90 - - - Proposed method (Ensemble) 2023 (DDSM+MIAS) 0.957 0.959 1 0.91 4. CONCLUSION This paper proposes a new technique for performing classification on merged mammographic datasets. The experimentation has been done using the two publicly available datasets, namely MIAS database and DDSM. The best performing model, when employed alone, was MatConvNet, which achieved an accuracy level of 0.942. To improve the classification performance, ensemble of models has been proposed. The main contribution of our work is the usage of Hungarian optimization algorithm to select the individual CNN models for the ensemble. The ensemble of CNN models have resulted a remarkable increase in performance over existing systems. Combining YOLO, MatConvNet and DenseNet-201 architectures into an ensemble has achieved an accuracy of 0.957. REFERENCES [1] R. Rouhi, M. Jafari, S. Kasaei, and P. Keshavarzian, “Benign and malignant breast tumors classification based on region growing and CNN segmentation,” Expert Systems with Applications, vol. 42, no. 3, pp. 990–1002, Feb. 2015, doi: 10.1016/j.eswa.2014.09.020. [2] B. Sathiyabhama et al., “A novel feature selection framework based on grey wolf optimizer for mammogram image analysis,” Neural Computing and Applications, vol. 33, no. 21, pp. 14583–14602, May 2021, doi: 10.1007/s00521-021-06099-z. [3] S. Nadkarni and K. Noronha, “A Review on multiparametric magnetic resonance imaging for the detection of breast cancer,” 2020 IEEE International Conference on Electronics, Computing and Communication Technologies (CONECCT), Bangalore, India, 2020, pp. 1-5, doi: 10.1109/CONECCT50063.2020.9198362. [4] C. B. Gonçalves, J. R. Souza, and H. Fernandes, “CNN architecture optimization using bio-inspired algorithms for breast cancer detection in infrared images,” Computers in Biology and Medicine, vol. 142, Mar. 2022, doi: 10.1016/j.compbiomed.2021.105205. [5] O. N. Oyelade and A. E. S. Ezugwu, “A state-of-the-art survey on deep learning methods for detection of architectural distortion from digital mammography,” IEEE Access, vol. 8, pp. 148644–148676, 2020, doi: 10.1109/ACCESS.2020.3016223. [6] K.-H. Jung, H. Park, and W. Hwang, “Deep learning for medical image analysis: applications to computed tomography and magnetic resonance imaging,” Hanyang Medical Reviews, vol. 37, no. 2, 2017, doi: 10.7599/hmr.2017.37.2.61. [7] L. Shen, L. R. Margolies, J. H. Rothstein, E. Fluder, R. McBride, and W. Sieh, “Deep learning to improve breast cancer detection on screening mammography,” Scientific Reports, vol. 9, no. 1, Aug. 2019, doi: 10.1038/s41598-019-48995-4. [8] D. Thulkar, R. Daruwala, and N. Sardar, “An integrated system for detection exudates and severity quantification for diabetic macular edema,” Journal of Medical and Biological Engineering, vol. 40, no. 6, pp. 798–820, Sep. 2020, doi: 10.1007/s40846- 020-00561-4. [9] Z. Wang et al., “Breast cancer detection using extreme learning machine based on feature fusion with CNN deep features,” IEEE Access, vol. 7, pp. 105146–105158, 2019, doi: 10.1109/ACCESS.2019.2892795. [10] D. A. Ragab, M. Sharkas, S. Marshall, and J. Ren, “Breast cancer detection using deep convolutional neural networks and support vector machines,” PeerJ, vol. 2019, no. 1, Art. no. e6201, Jan. 2019, doi: 10.7717/peerj.6201.
  • 7. Int J Elec & Comp Eng ISSN: 2088-8708  Breast cancer detection using ensemble of convolutional neural networks (Swati Nadkarni) 1047 [11] Y. Zhao, D. Chen, H. Xie, S. Zhang, and L. Gu, “Mammographic image classification system via active learning,” Journal of Medical and Biological Engineering, vol. 39, no. 4, pp. 569–582, Jul. 2019, doi: 10.1007/s40846-018-0437-3. [12] A. J. Bekker, H. Greenspan, and J. Goldberger, “A multi-view deep learning architecture for classification of breast microcalcifications,” in Proceedings - International Symposium on Biomedical Imaging, Apr. 2016, vol. 2016-June, pp. 726–730. doi: 10.1109/ISBI.2016.7493369. [13] M. M. Jadoon, Q. Zhang, I. U. Haq, S. Butt, and A. Jadoon, “Three-class mammogram classification based on descriptive CNN features,” BioMed Research International, vol. 2017, pp. 1–11, 2017, doi: 10.1155/2017/3640901. [14] S. A. Agnes, J. Anitha, S. I. A. Pandian, and J. D. Peter, “Classification of mammogram images using multiscale all convolutional neural network (MA-CNN),” Journal of Medical Systems, vol. 44, no. 1, Dec. 2020, doi: 10.1007/s10916-019-1494-z. [15] E. S. M. El-Kenawy, A. Ibrahim, S. Mirjalili, M. M. Eid, and S. E. Hussein, “Novel feature selection and voting classifier algorithms for COVID-19 classification in CT images,” IEEE Access, vol. 8, pp. 179317–179335, 2020, doi: 10.1109/ACCESS.2020.3028012. [16] A. Al Nahid and Y. Kong, “Involvement of machine learning for breast cancer image classification: a survey,” Computational and Mathematical Methods in Medicine, vol. 2017, pp. 1–29, 2017, doi: 10.1155/2017/3781951. [17] N. M. ud din, R. A. Dar, M. Rasool, and A. Assad, “Breast cancer detection using deep learning: datasets, methods, and challenges ahead,” Computers in Biology and Medicine, vol. 149, Oct. 2022, doi: 10.1016/j.compbiomed.2022.106073. [18] D. Bhatt et al., “CNN variants for computer vision: history, architecture, application, challenges and future scope,” Electronics (Switzerland), vol. 10, no. 20, p. 2470, Oct. 2021, doi: 10.3390/electronics10202470. [19] A. Krizhevsky, I. Sutskever, and G. E. Hinton, “ImageNet classification with deep convolutional neural networks,” Communications of the ACM, vol. 60, no. 6, pp. 84–90, May 2017, doi: 10.1145/3065386. [20] O. Russakovsky et al., “ImageNet large scale visual recognition challenge,” International Journal of Computer Vision, vol. 115, no. 3, pp. 211–252, Dec. 2015, doi: 10.1007/s11263-015-0816-y. [21] L. Abdelrahman, M. Al Ghamdi, F. Collado-Mesa, and M. A.-Mottaleb, “Convolutional neural networks for breast cancer detection in mammography: A survey,” Computers in Biology and Medicine, vol. 131, Apr. 2021, doi: 10.1016/j.compbiomed.2021.104248. [22] Z. Liu, C. Yang, J. Huang, S. Liu, Y. Zhuo, and X. Lu, “Deep learning framework based on integration of S-Mask R-CNN and Inception-v3 for ultrasound image-aided diagnosis of prostate cancer,” Future Generation Computer Systems, vol. 114, pp. 358–367, Jan. 2021, doi: 10.1016/j.future.2020.08.015. [23] M. A. Hossain and M. S. Alam Sajib, “Classification of image using convolutional neural network (CNN),” Global Journal of Computer Science and Technology, pp. 13–18, May 2019, doi: 10.34257/gjcstdvol19is2pg13. [24] T. H. Huang et al., “Detection of vestibular schwannoma on triple-parametric magnetic resonance images using convolutional neural networks,” Journal of Medical and Biological Engineering, vol. 41, no. 5, pp. 626–635, Jun. 2021, doi: 10.1007/s40846- 021-00638-8. [25] N. Chouhan, A. Khan, J. Z. Shah, M. Hussnain, and M. W. Khan, “Deep convolutional neural network and emotional learning based breast cancer detection using digital mammography,” Computers in Biology and Medicine, vol. 132, Art. no. 104318, May 2021, doi: 10.1016/j.compbiomed.2021.104318. [26] G. Hamed, M. Marey, S. Amin, and M. F. Tolba, “Automated breast cancer detection and classification in full field digital mammograms using two full and cropped detection paths approach,” IEEE Access, vol. 9, pp. 116898–116913, 2021, doi: 10.1109/ACCESS.2021.3105924. [27] K. Loizidou, G. Skouroumouni, G. Savvidou, A. Constantinidou, C. Nikolaou, and C. Pitris, “Benign and malignant breast mass detection and classification in digital mammography: the effect of subtracting temporally consecutive mammograms,” 2022 IEEE-EMBS International Conference on Biomedical and Health Informatics (BHI), Ioannina, Greece, 2022, pp. 1-4, doi: 10.1109/BHI56158.2022.9926810. [28] O. Y. Ogundepo, I. O. A. Omeiza, and J. P. Oguntoye, “Optimized textural features for mass classification in digital mammography using a weighted average gravitational search algorithm,” International Journal of Electrical and Computer Engineering (IJECE), vol. 12, no. 5, pp. 5001–5013, Oct. 2022, doi: 10.11591/ijece.v12i5.pp5001-5013. [29] S. Rani, M. Memoria, M. Rani, and R. Kumar, “Breast cancer detection using mammographic images over convolutional neural network,” in Proceedings of the 13th International Conference on Cloud Computing, Data Science and Engineering, Confluence 2023, Jan. 2023, pp. 73–78. doi: 10.1109/Confluence56041.2023.10048862. BIOGRAPHIES OF AUTHORS Swati Nadkarni received the B.E. and M.E. degree in electronics engineering from Mumbai University, India, in 1998 and 2008 respectively. She is currently pursuing Ph.D. degree from Department of Electronics and Telecommunication Engineering, at St. Francis Institute of Technology, Mumbai University. Presently, she is an associate professor and head at the Department of Information Technology, Shah & Anchor Kutchhi Engineering College, Mumbai University. Her areas of interest are biomedical signal processing, image processing, machine learning and design thinking. She is a member of various professional societies like ACM, IEEE, and ISTE. She can be contacted at email: swatinadkarni@student.sfit.ac.in. Kevin Noronha holds a PhD in electronics and telecommunication from Manipal Institute of Technology, Manipal, India. He is currently professor and head of Department of Electronics and Telecommunication Engineering, at St. Francis Institute of Technology, Mumbai University, India. He has also shouldered the responsibility of Dean Academics at St. Francis Institute of Technology. He has procured a minor research grant from Mumbai University. His areas of interest are biomedical signal and image processing, network and cyber security, computer communications, microprocessors and next generation networks. He is a member of various professional societies like IEEE and ISTE and a reviewer for various reputed journals. He can be contacted at email: kevinnoronha@sfit.ac.in.