Next Article in Journal
A Comparison of Skin Staining after Sentinel Lymph Node Biopsy in Women Undergoing Breast Cancer Surgery Using Blue Dye and Superparamagnetic Iron Oxide Nanoparticle (SPIO) Tracers
Previous Article in Journal
Integrating Pharmacogenomics Data-Driven Computational Drug Prediction with Single-Cell RNAseq to Demonstrate the Efficacy of a NAMPT Inhibitor against Aggressive, Taxane-Resistant, and Stem-like Cells in Lethal Prostate Cancer
Previous Article in Special Issue
A Critical Overview of Predictors of Heart Sparing by Deep-Inspiration-Breath-Hold Irradiation in Left-Sided Breast Cancer Patients
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Breast Cancer Detection Using Convoluted Features and Ensemble Machine Learning Algorithm

1
Department of Computer Science & Information Technology, The Islamia University of Bahawalpur, Bahawalpur 63100, Pakistan
2
Fatima Jinnah Medical University, Lahore 54000, Pakistan
3
Department of Computer Sciences, College of Computer and Information Sciences, Princess Nourah Bint Abdulrahman University, Riyadh 11671, Saudi Arabia
4
Computer Science Department, Faculty of Computers & Information Technology, University of Tabuk, Tabuk 71491, Saudi Arabia
5
Department of Computer Science, College of Computer Engineering and Sciences in Al-Kharj, Prince Sattam Bin Abdulaziz University, Al-Kharj 11942, Saudi Arabia
6
Department of Cybersecurity, College of Computer Science and Engineering, University of Jeddah, Jeddah 21959, Saudi Arabia
7
Research Centre, Future University in Egypt, New Cairo 11745, Egypt
8
Department of Information and Communication Engineering, Yeungnam University, Gyeongsan 38541, Republic of Korea
*
Author to whom correspondence should be addressed.
Cancers 2022, 14(23), 6015; https://doi.org/10.3390/cancers14236015
Submission received: 27 October 2022 / Revised: 21 November 2022 / Accepted: 4 December 2022 / Published: 6 December 2022

Abstract

:

Simple Summary

This paper presents a breast cancer detection approach where the convoluted features from a convolutional neural network are utilized to train a machine learning model. Results demonstrate that use of convoluted features yields better results than the original features to classify malignant and benign tumors.

Abstract

Breast cancer is a common cause of female mortality in developing countries. Screening and early diagnosis can play an important role in the prevention and treatment of these cancers. This study proposes an ensemble learning-based voting classifier that combines the logistic regression and stochastic gradient descent classifier with deep convoluted features for the accurate detection of cancerous patients. Deep convoluted features are extracted from the microscopic features and fed to the ensemble voting classifier. This idea provides an optimized framework that accurately classifies malignant and benign tumors with improved accuracy. Results obtained using the voting classifier with convoluted features demonstrate that the highest classification accuracy of 100% is achieved. The proposed approach revealed the accuracy enhancement in comparison with the state-of-the-art approaches.

1. Introduction

According to World Health Organization (WHO) data, breast cancer is the sixth most prevalent cause of cancer mortality [1]. Breast cancer is a common malignancy that affects 2.1 million people globally every year [2]. In 2020, the mortality for breast cancer was 685,000, which made approximately 13.6% of all cancer deaths among women [2]. According to the statistics by Cancer Research UK (united kingdom), approximately 11,500 deaths are caused by breast cancer every year, indicating 32 deaths per day only in the UK [3]. Breast cancer is the second leading cause of mortality among women [4], which makes breast cancer one of the most lethal diseases in the present times. Malignant tumors cause breast cancer when cell growth becomes uncontrollable. Breast cancer develops when a large number of the breast’s fatty and fibrous tissues begin to grow abnormally. Cancer cells spread across tumors, resulting in different stages of cancer. As damaged cells and tissues spread throughout the body, breast cancer can express itself in a variety of ways [5]. Inflammatory breast cancer (IBC) is a kind of breast cancer that produces breast swelling and reddening. IBC is the fastest-growing type of breast cancer that occurs when the lymph arteries in the broken cell are blocked [6]. The second type is lobular breast cancer (LBC) [7], which grows within the lobule. It raises the chances of developing other invasive malignancies. Invasive ductal carcinoma (IDC) [8] is commonly known as infiltrative ductal carcinoma [9], and it is one of the most common types that are found in males. IDC grows in the breast tissues when abnormal breast cells grow. The fifth type of breast cancer is Mucinous breast cancer (MBC) [10], or colloid breast cancer; it is developed by the invasive ductal cells when abnormal tissues spread around the duct [11]. The non-invasive cancer is the Ductal carcinoma in situ (DCIS), which is usually developed when the abnormal cells move outside the breast [12]. The last type of breast cancer is mixed tumors breast cancer (MTBC), which is also known as invasive mammary breast cancer [11]. MTBC is developed by lobular cells and abnormal ducts.
Imaging techniques, physicians, and self-examination can all detect breast abnormalities. The biopsy is the only technique to determine whether or not there is cancer. For the early identification of breast cancer, various techniques such as ultrasound and mammography are available. Mammography is the most common and widely used screening method because of its high accuracy, high detectability, and low-cost [13]. Mammograms can be an excellent imaging technique for the classification and diagnosis of breast cancer with high accuracy. Nonetheless, mammography works poorly in some circumstances, particularly in patients with dense breast tissue. Furthermore, it has adverse effects related to severe ionized radiation in young women. However, it is a challenging task to observe lesions of a size smaller than 2mm using mammograms. Due to these limitations, mammography imaging is highly researchable for the early diagnosis of breast cancer [14].
Data mining is a useful process for extracting useful and meaningful information from the data. Data mining methods and functions help in the early detection of many diseases such as heart diseases [15], cancers, diabetes, leukemia, and lung cancer. In the conventional detection methodology, the detection of cancer is based on “the gold standard” technique that comprises three tests: physical examination, radiological imaging, and pathological tests. These methods are time-consuming, and the chance of a false-negative is still present. Contrary to traditional methods, machine learning methods are accurate, fast, and reliable. Recently, machine learning-based models have been utilized in disease detection, which assists medical experts to make a more accurate diagnosis. Such methods are efficient regarding disease detection, processing large amounts of data, reducing response time, etc. Keeping in view the potential of machine learning models, a machine learning-based approach is proposed for breast cancer detection, with an emphasis on providing high accuracy, making the following contributions.
  • This study analyzes the impact of hand-crafted and deep convoluted features in breast cancer prediction. For convoluted features, this study uses the convolutional neural network (CNN).
  • An ensemble model is proposed, which offers high breast cancer prediction accuracy. The model employs a logistic regression (LR) and stochastic gradient descent (SGD) classifier, and a voting mechanism is used to make the final prediction.
  • Performance analysis is carried out by employing several machine learning models, including stochastic gradient descent (SGD), random forest (RF), extra tree classifier (ETC), gradient boosting machine (GBM), gaussian Naive Bayes (GNB), K-nearest neighbor (KNN), support vector machine (SVM), logistic regression (LR), and decision tree (DT). In addition, the performance of the proposed ensemble model is compared with the recent state-of-the-art models to show the significance of the proposed approach.
The organization of this paper is as follows: Section 2 briefly discusses the literature related to breast cancer detection and research gaps. Section 3 gives the proposed methodology along with the description of the ensemble model. Results are described in Section 4, while the conclusion of the study is given in Section 5.

2. Literature Review

This section of the study highlights the research gap in the field of breast cancer detection and classification. A considerable number of studies have been conducted in the domain of breast cancer detection. Computer-aided diagnostics (CAD) plays important role in the diagnosis of breast cancer in the preliminary stages. Different data mining techniques along with machine learning algorithms have a significant impact in this regard. In health analytics, it is very hard to analyze healthcare databases, as the data is vast and heterogeneous. Advancements in CAD and AI introduce accurate and precise systems for medical applications while dealing with medical data, which is sensitive in nature. Breast cancer is leading to a large number of deaths even in developed countries. Machine learning is extensively used in the diagnosis of breast cancer. Recently, many CAD and decision support have included studies for the detection of tumors, mainly breast cancer. To achieve accurate results, most of the studies use single techniques, while a few of them used ensemble models. This section of the study reviewed the most recent and state-of-the-art breast cancer detection techniques that employed machine learning.
Amrane et al. [16] compared KNN and Naive Bayes (NB) for the classification of breast cancer. The authors classified tumors into two benign or malignant classes. K-fold cross-validation is also applied to validate the performance. Experimental results show that KNN achieved 97.51% accuracy to perform binary classification. Obaid et al. [17] used machine learning algorithms for the classification of breast cancer. The authors compare the performance of three machine learning algorithms including SVM, KNN, and DT. SVM achieved an accuracy score of 98.1%. Nawaz et al. [18] performed multiclass classification by classifying tumors into three sub-classes. The authors applied CNN to the BreakHis dataset. The results demonstrate an accuracy of 95.4% using the deep CNN model on histopathology images.
Singh et al. [19] used auto-encoders for the prediction of breast cancer. For the detection of breast cancer, they used different machine-learning algorithms. They also proposed an auto-encoder model for the detection of breast cancer that works in an unsupervised manner. The authors worked on a compact feature representation that is strongly related to breast cancer. Auto-encoder outperformed the other classifiers used in the study and achieved a precision and recall score of 98.4%. The study by Allison Murphy [20] used the GFS-TSK for breast cancer diagnosis. Due to the capacity of the genetic algorithms, a fuzzy logic system gives a better representation of the dataset. For learning the optimal membership functions, a subset of data is used as the rule base of the fuzzy logic system. The ensemble of these two methods boosts the performance of cancer detection.
The study [21] proposed a machine learning-based system for the classification of breast cancer. The XGBoost is used with a different number of attributes. The reason for choosing the XGBoost for breast cancer prediction is that it is time efficient and more renowned for giving more precise results than other machine learning algorithms, when the number of features has reduced the accuracy of the XGBoost increases. On 30 features, the author achieved an accuracy of 97% while using 13 features, the achieved accuracy is 97.7%.
Akbulut et al. [22] performed the breast cancer classification using machine learning algorithms. The authors used three different machine learning models such as GBM, XGBoost, and LightGBM for breast cancer classification. The results of the study demonstrate that LightGBM outperforms the other machine learning models in terms of accuracy and achieved an accuracy score of 95.3%. On the Wisconsin breast cancer dataset, [23] used machine learning algorithms such as LR, DT, KNN, Naive Bayes (NB), RF, and rotation forest. The study implemented classification algorithms for three scenarios: all features were included, with highly correlated features included, and with low correlated features included. Results indicate that LR achieved the highest classification accuracy across all types of features.
Kashif et al. [24] proposed a hybrid model for breast cancer prediction through mammography images. They first segmented the mammogram images, then features were extracted using mammography processing. Afterwards, the mammography processing classification was conducted by using the extracted features. Entropy and texture features were used by Dey et al. [25] to extract the 112 features. Different machine learning algorithms such as KNN, SVM 1, SVM 2, and DT were used for the experiments. Results demonstrate an accuracy value of 78.9% using the manually extracted breast area.
An automatic breast cancer detection system using thermal images was proposed by Rajnikanth et al. [26]. The authors used two feature extraction pipelines including the local binary pattern (LBP) enhancement and feature extraction, and morphological segmentation, saliency enhancement, and GLCM features. Afterward, serial feature integrations are implemented. For the optimization of the features, the authors used Marine-predators algorithms (MPA). Different variants of SVM classifiers were also used to evaluate the optimized features. The overall achieved accuracy is 93.5%, which is obtained using SVM-cubic and SVM-coarse Gaussian. Hameed et al. [27] used two models, RetinaNet and you only look once (YOLO), for breast cancer recognition, and achieved an accuracy of 91%. The major drawback of their study is that they only used five mammogram image datasets. Abdar et al. [28] developed a two-layer nested ensemble (NE) model using stacking and voting techniques. They tested the proposed system on the same dataset used by [23] and achieved an accuracy of 98.07%.
Deep learning models have recently been developed for extracting features and enhancing the efficiency of the medical image analysis. Deep learning is a type of machine learning that employs multilayer convolution neural networks. Unlike other feature extraction methods, they have the ability to extract the features by themselves from the dataset directly. Convolution is used to extract the features from different parts of the image.
The study [29] used a transfer learning approach to design various CNNs. The study achieved an overall accuracy of 94.3%, recall of 93.3%, and precision of 94.7%. However, the study is limited by the fact that it is not using any segmentation technique to extract the breast area from other parts of the thermal images. Khan et al. [30] used pre-trained CNNs, including ResNet, GoogLeNet, and VGGNet, which were fed into the fully connected network layers for the classification of the cancerous benign cell by using average pooling classification. The study achieved an accuracy of 97.52%. McKinney et al. [31] proposed an AI-based system that outperformed human experts on breast cancer prediction using mammogram images. Tiney et al. [32] used mammogram images for the detection and classification of breast cancer and achieved a good accuracy and specificity of 90.50% and 90.71%, respectively. Barbosa et al. [33] used feature extraction techniques of the deep wavelet NN (DWNN). The study found that when the features are increased by adding additional levels in DWNN, better performance for the classification is achieved. The study achieved 79% specificity and 95% sensitivity. Despite the accuracy reported in the above-discussed research works, these works have the following limitations:
  • Several of these works used smaller datasets and the performance evaluation of the proposed approach is not evaluated properly,
  • Some of the previous works did not use breast area segmentation before the classification,
  • Many works include the manual region of interest extraction regarding the breast area,
  • Similarly, several works used the accuracy metric only. However, the good value of accuracy does not mean that the system can recognize different classes equally when an imbalanced dataset is used.
A comparative analysis of existing studies is presented in Table 1. Considering the above-stated shortcomings of existing literature, an automated approach is needed that can perform breast cancer detection automatically and with high accuracy. In addition, evaluation should be carried out considering several well-known performance evaluation metrics, such as accuracy, the area under the curve (AUC), sensitivity, specificity, etc.

3. Materials and Methods

In this section of the study, the proposed approach, the dataset used in this study, and the steps followed for the proposed approach are discussed. Figure 1 shows the workflow of the proposed approach.
The first step is data collection, where microscopic features related to the breast are extracted from the breast cell nuclei. The extracted features are preprocessed using a label encoder to convert categorical features into numeric form. The dataset contains no null values. Later, the processed microscopic features are divided into 70% training and 30% testing ratio using sklearn train-test validation. Deep convoluted features are used on the training set to obtain features.
Figure 2 shows the architecture of the proposed ensemble model. An ensemble voting classifier is proposed for breast cancer detection, which employs LR and SGD machine learning models. Instead of using hand-crafted features, a customized CNN is utilized for extracting prominent features from the dataset. These extracted features are then fed into LR and SGD for training. Voting is used on the output from these models to make the final prediction.

3.1. Dataset

Taking into account the performance of machine learning models, this work uses supervised machine learning models for breast cancer diagnosis. It proceeds through a series of activities, beginning with the dataset collection. This study makes use of the ’Breast Cancer Wisconsin Dataset’ from the UCI machine learning repository, which is freely available [34]. The dataset consists of 32 features. A brief dataset description is given in Table 2.
The dataset used in this study for breast cancer detection has two classes, which are ’benign’ and ’malignant’. The dataset contains 45% malignant and 55% benign samples. It consists of 32 attributes that are classified as numeric, nominal, binary, etc. A brief description of each attribute is given in Table 2. Out of 32 attributes, only the target attribute has categorical values, and the rest of the attributes belong to the numeric values.

3.2. Convolutional Neural Networks

In this study for the diagnosis of breast cancer, the CNN model is used for feature engineering. Such as other deep learning models, the CNN model has four layers, including the max-pooling layer, the embedding layer, the 1D convolutional layer, and the flatten layer. The first layer, which is the embedding layer, uses all the features from the breast cancer dataset with an embedding size of 20,000 and 300 output dimensions. The embedding layer is followed by the 1D convolutional layer with the 5000 filters. The 1D convolutional layer has an activation function ReLU (Rectified Linear Unit) and it has a kernel size of 2 × 2. For the significant feature map, a 2 × 2 max pooling layer is used from the output of the 1D convolution. in the end, flatten layer in the output is added to transform back to a 1D array for the machine learning model.
For instance, the breast cancer dataset consists of a tuple set ( f s i , t c i ), where f s represents the feature set and t c shows the column of the target class. The index of the tuple is denoted by i. For the conversion of the training set into the required input, the format embedding layer is used as:
E L = e m b e d d i n g l a y e r ( V s , O s , I )
E O s = E L ( f s )
where the output of the embedding layer is shown by E O s . This embedding layer output is the input of the convolutional layer and E L shows the embedding layers. EL has three different parameters such as vocabulary size V s , output dimensions O s , and input lengths I.
For breast cancer detection, the embedding size is set at 20,000, which means that the model can accept inputs between 0 to 20,000. O s are set at 300 and I as 32. The embedding layer processes the input data and creates output for the CNN model to process it further. Embedding layer output dimensions are E O s = ( N o n e , 32 , 300 ) :
1 D C o n v s = C N N ( F , K s , A F ) E O s
where 1D convolutional layer output is represented by 1 D C o n v s .
The output of the 1D convolutional layer is extracted from the embedding layer output. In this study, for the CNN, we used the 500 filters, i.e., F = 500 , and the kernel size of K s = 2 × 2 . To set all the non-positive values to zero in the 1 D C o n v s output matrix, the ReLu activation function is used. ReLU only changed the only non-positive values to zero, while the rest of the values remained unchanged.
f ( x ) = m a x ( 0 , E ) s
Max-pooling layer is used for the significant feature mapping from the CNN. For the feature set map, a pool of 2 × 2 is used. Where F m a p shows the features after the max-pooling, the stride is denoted by S 2 , and P s = 2 is the size of the pooling window:
C f = F m a p = ( 1 P s ) / S + 1
The flatten layer is used in the end to transform the 3D data into the 1D. The reason for this transformation is that it enhances the efficacy of the machine learning algorithms, as ML models work well on 1D data. By applying these steps, we obtained the 25,000 features for the machine learning models’ training.

3.3. Classifiers

Many classification algorithms can be investigated in conjunction with the extracted features to assess their performance. This study employs several of the most commonly used classification models. A brief description of each of these models is provided in Table 3.

3.4. Proposed Methodology

Widespread usage of ensemble models has increased the precision and effectiveness of categorization outcomes. When classifiers are combined, performance can be improved over time compared to using individual models. This study uses an ensemble learning approach to predict breast cancer in order to obtain better outcomes. The proposed method uses a voting classifier that combines LR and SGD, utilizing soft voting criteria. The end result will be the class with the highest voting score. Algorithm 1 explains the working of the proposed ensemble model, that can be expressed as:
p ^ = a r g m a x { i n L R i , i n S G D i } .
Here, i n L R i and i n S G D i both will provide prediction probabilities against each test sample. Following that, as shown in the figure, the probabilities for each test case using LR and SGD pass via the soft voting criterion Figure 3.
An illustration of the proposed approach’s capabilities can be used to describe it. Upon passing through the LR and SGD, a sample is supplied, and for each class, a probability score is given. Let Class 1 (Malignant) and Class 2 (Benign) have LR’s likelihood scores of 0.6 and 0.8, respectively. Class 1 (Malignant) and Class 2 (Benign) of SGD have probability scores of 0.8 and 0.9, respectively. Let P(x) be the probability score of x, and let x’s domain be constrained to the dataset’s four classes. The probability for the four classes may therefore be determined as follows:
P(1) = (0.6+ 0.8)/2 = 0.70
P(2) = (0.8+ 0.9)/2 = 0.85
The final prediction will be 2, whose probability score is the largest, as shown below:
V C ( L R + S G D ) = a r g m a x ( g ( x ) )
VC(LR+SGD) chooses the final class based on the maximum average probability of a class and combines the projected probabilities of both classifiers.
Algorithm 1 Ensembling of LR and SGD.
Input: input data ( x , y ) i = 1 N
M L R = Trained_ LR
M S G D = Trained_ SGD
   1:
for i = 1 t o M do
   2:
      if  M L R 0 & M S G D 0 & t r a i n i n g _ s e t 0  then
   3:
        P r o b S G D 1 = M S G D . p r o b a b i l i t y ( 1 c l a s s )
   4:
         P r o b S G D 2 = M S G D . p r o b a b i l i t y ( 2 c l a s s )
   5:
         P r o b L R 1 = M R F . p r o b a b i l i t y ( 1 c l a s s )
   6:
         P r o b L R 2 = M R F . p r o b a b i l i t y ( 2 c l a s s )
   7:
        Decision function = m a x ( 1 N c l a s s i f i e r c l a s s i f i e r
         ( A v g ( P r o b S G D 1     P r o b L R 1 )
         , ( A v g ( P r o b S G D 2 , P r o b L R 2 )
   8:
      end if 
   9:
     Return final label p ^
 10:
end for 
The proposed framework for breast cancer prediction is presented in Figure 3. The proposed VC(LR+SGD) is an ensemble of two machine-learning models. The breast Cancer Wisconsin dataset from the UCI repository was used in this experiment. First, the dataset is preprocessed by converting categorical values into the numerical form using a label encoder. The proposed model is applied to the Breast Cancer Wisconsin dataset in two phases. In the first phase, all 32 features of the dataset are used to predict breast cancer. In the second phase of the experiment, convoluted features are used to train all machine learning models and to predict cancerous patients. Then, the data was split into two parts, the training dataset, and testing data. The training data was given a percentage of 70%, while the testing data was 30%. The evaluation parameters used in this experiment are accuracy, precision, recall and F1 score.

3.5. Evaluation Metrics

The evaluation phase is a very important step of the study. In the evaluation phase, we evaluate the performance of the learning models. Several evaluation parameters are available for the evaluation of the learning models. This study uses renowned and commonly used evaluation parameters for breast cancer detection. These evaluation parameters are accuracy, precision, recall, and F1 score. All the matrices are based on the values provided in the confusion matrix. Classifier performance on the test data is elaborated using the confusion matrix. The evaluation parameters are computed using true positive (TP), true negative (TN), false positive (FP), and false negative (FN). The values of all the evaluation parameters used in this study range between 0 (min) and 1 (max).
Accuracy is a well-known and widely used parameter that is used to evaluate classifier performance. It is calculated using
A c c u r a c y = T P + T N T P + T N + F P + F N
Precision and recall are other commonly used parameters for the classifier performance evaluation. Precision and recall considers the positive cases and can be calculated as:
P r e c i s i o n = T P T P + F P
R e c a l l = T P T P + F N
Out of all the aforementioned matrices, the F1 score has been regarded as the most important metric. F1 score is commonly used for classification problems, and it is a statistical measure. It is the mean of the precision and recall and its values range from 0 to 1. Mathematically, it is calculated as:
F 1 S c o r e = 2 × P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l

4. Experiments and Results

This paper conducts several experiments to compare the performance of the proposed methodology to different machine learning and deep learning models. All experiments are conducted on an Intel Corei7 7th generation computer with Windows 10. TensorFlow, Keras, and Sci-kit Learn frameworks in Python are used to implement the proposed technique as well as machine learning and deep learning models. Experiments are conducted independently, with both the original feature set from the breast cancer dataset and the CNN features used.

4.1. Performance of Models Using Original Features

Firstly, the experiments are performed with the original feature set from the breast cancer dataset. Table 4 shows the results of all classifiers using original features. The results demonstrate that the proposed voting ensemble model LR+SGD performs better than all other models with a significant accuracy of 0.772. Similarly, LR and SGD classifiers also achieved good accuracy scores of 0.769 and 0.761, respectively. Tree-based ensemble model ETC achieved an accuracy value of 0.759. Tree-based model RF achieved the least accuracy of 0.743 among all models. However, the ensemble of linear models (LR+SGD) shows better performance on the original feature set.
The voting ensemble model performance is good when it is compared with the linear models. The main factor behind this performance is that the voting model works well with a large feature set. LR and SGD individually performed well and the ensemble of them boost the performance. Although the ensemble model performs well, the achieved accuracy falls short of the requirements for breast cancer diagnosis and needs to be improved. Further experiments are carried out for this proposal using the CNN extracted features and an ensemble machine-learning model.

4.2. Performance of Models Using CNN Features

The results of the second set of experiments, which used CNN features to analyze the performance of machine learning and the proposed ensemble model, are shown in Table 5. The objective of using CNN model features is to expand the feature set, which is expected to improve linear model accuracy. Machine learning models are trained and tested using CNN-extracted features.
The experimental results reveal that the proposed voting ensemble model LR+SGD outperforms all other models, achieving the highest accuracy of 1.00. It shows a significant increase in the performance of LR+SGD and an improvement of 0.228 in the performance over the original features. Similarly, as compared to the original feature set, the individual linear models performed better with the CNN features. LR achieved an accuracy of 0.991 while the SGD obtained an accuracy value of 0.986; these results demonstrate that the improvement in their accuracy is 0.222 and 0.225, respectively. GBM and tree-based classifier RF achieved the least accuracy value of 0.951 on the CNN features. The number of features increases significantly when CNN is used for feature extraction, resulting in a significant improvement in model performance. Linear models outperform other models because the features generated by the CNN model are highly correlated with the target class and make the data linearly separable.

4.3. Results of K-Fold Cross-Validation

K-fold cross-validation is used to verify the effectiveness of the models. The complicated aspects of the suggested technique are utilized for this. Table 6 provides the results of the 10-fold cross-validation. It indicates that the performance of the proposed approach is superior regarding the accuracy, precision, recall, and F1 score with a small standard deviation.

4.4. Performance Comparison with Existing Studies

To corroborate the performance of the proposed approach, a performance comparison is carried out with the existing state-of-the-art models that investigate breast cancer detection. For this purpose, several recent studies from the literature are selected. For example, [42] uses PCA features with an SVM model for cancer detection and shows a 96.99% accuracy. An auto-encoder is used in [19] to obtain a 98.40% accuracy. The study [17] employs quadratic SVM and achieves a 98.11% accuracy. An XgBoost is used in [21] for the same task, which obtains a 97.11% accuracy score. Similarly, [23,43] obtains 98.21% and 98.10% accuracy scores, respectively, by utilizing Chi-square features and LR with all features, respectively. Despite the high accuracy reported in these research works, the proposed models demonstrate better results, as shown in Table 7. The acronyms used in the manuscript are given in Table 8.

4.5. Statistical t-Test

The importance of the suggested technique has also been demonstrated using the statistical T-Test. In the T-test, the null hypothesis H o indicates that the accuracy difference between approaches is not significant, but the alternate hypothesis H a indicates that the accuracy difference is significant. We have tested the proposed model against the top-performing model from the earlier research [19]. The test yields a result of 9.22158 for test statistics and a p-value of 0.001349. It is concluded that the performance has improved as a result of the suggested model. Results demonstrate that the difference has a p 0.05 value, which is statistically significant. The suggested model scored the top on accuracy in terms of mean rank.

4.6. Limitations of Study

The limitation of this study is that the dataset was gathered from a single source. Because of this, it is not possible to generalize the results according to the multicenter research. The advantage of this study over previous studies is that the significant features are extracted using CNN. Thus, risk factors for breast cancer have been identified that may be significant.

5. Conclusions

The motivation of this research work is to develop a framework that accurately classifies malignant and benign patients, and reduces the risk associated with this leading cause of death in women. In research related to human healthcare, accuracy is considered the most important factor. The proposed approach aims at increasing the accuracy while minimizing the prediction error for breast cancer. Experimental results indicate that using convolutional features tends to obtain a higher accuracy than the original features. Moreover, the ensemble classifier of LR and SGD shows better performance than individual models. Performance comparison with the state-of-the-art studies shows the superior performance of the proposed approach. Again, the higher accuracy as compared to other approaches shows the effectiveness of this framework. In the future, we intend to perform cancer-type classifications with convoluted features using deep-learning ensemble models. This study uses a dataset collected from a single source. In the future, we intend to apply the proposed approach to other datasets to prove its generalizability.

Author Contributions

Conceptualization, M.U. and M.N.; Data curation, M.U.; Formal analysis, M.N., A.I. and A.A.E.; Funding acquisition, A.M., F.A.; Investigation, A.I. and S.A.; Methodology, A.A.H.; Project administration, A.I. and A.A.E.; Resources, A.A.H. and S.A.; Software, S.A., A.A.E. and A.M.; Supervision, I.A.; Validation, A.M., F.A. and I.A.; Visualization, A.A.H.; Writing—original draft, M.U. and M.N.; Writing—review and editing, I.A., F.A. All authors have read and agreed to the published version of the manuscript.

Funding

Princess Nourah Bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R77), Princess Nourah Bint Abdulrahman University, Riyadh, Saudi Arabia.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interests.

References

  1. World Health Organization. Cancer: Key Facts. 2022. Available online: https://www.who.int/news-room/fact-sheets/detail/cancer (accessed on 1 October 2022).
  2. World Health Organization. Breast Cancer. 2022. Available online: https://www.who.int/news-room/fact-sheets/detail/breast-cancer (accessed on 1 October 2022).
  3. Cancer Research, U.K. Breast Cancer Statistics. 2022. Available online: https://www.cancerresearchuk.org/health-professional/cancer-statistics/statistics-by-cancer-type/breast-cancer#heading-Two (accessed on 1 October 2022).
  4. Sun, Y.S.; Zhao, Z.; Yang, Z.N.; Xu, F.; Lu, H.J.; Zhu, Z.Y.; Shi, W.; Jiang, J.; Yao, P.P.; Zhu, H.P. Risk factors and preventions of breast cancer. Int. J. Biol. Sci. 2017, 13, 1387. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  5. Ahmad, F.K.; Yusoff, N. Classifying breast cancer types based on fine needle aspiration biopsy data using random forest classifier. In Proceedings of the 2013 13th International Conference on Intellient Systems Design and Applications, Salangor, Malaysia, 8–10 December 2013; pp. 121–125. [Google Scholar]
  6. Robertson, F.M.; Bondy, M.; Yang, W.; Yamauchi, H.; Wiggins, S.; Kamrudin, S.; Krishnamurthy, S.; Le-Petross, H.; Bidaut, L.; Player, A.N.; et al. Inflammatory breast cancer: The disease, the biology, the treatment. CA A Cancer J. Clin. 2010, 60, 351–375. [Google Scholar] [CrossRef] [PubMed]
  7. Masciari, S.; Larsson, N.; Senz, J.; Boyd, N.; Kaurah, P.; Kandel, M.J.; Harris, L.N.; Pinheiro, H.C.; Troussard, A.; Miron, P.; et al. Germline E-cadherin mutations in familial lobular breast cancer. J. Med. Genet. 2007, 44, 726–731. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  8. Chaudhury, A.R.; Iyer, R.; Iychettira, K.K.; Sreedevi, A. Diagnosis of invasive ductal carcinoma using image processing techniques. In Proceedings of the 2011 International Conference on Image Information Processing, Shimla, India, 3–5 November 2011; pp. 1–6. [Google Scholar]
  9. Pervez, S.; Khan, H. Infiltrating ductal carcinoma breast with central necrosis closely mimicking ductal carcinoma in situ (comedo type): A case series. J. Med. Case Rep. 2007, 1, 83. [Google Scholar] [CrossRef] [Green Version]
  10. Memis, A.; Ozdemir, N.; Parildar, M.; Ustun, E.E.; Erhan, Y. Mucinous (colloid) breast cancer: Mammographic and US features with histologic correlation. Eur. J. Radiol. 2000, 35, 39–43. [Google Scholar] [CrossRef]
  11. Gradilone, A.; Naso, G.; Raimondi, C.; Cortesi, E.; Gandini, O.; Vincenzi, B.; Saltarelli, R.; Chiapparino, E.; Spremberg, F.; Cristofanilli, M.; et al. Circulating tumor cells (CTCs) in metastatic breast cancer (MBC): Prognosis, drug resistance and phenotypic characterization. Ann. Oncol. 2011, 22, 86–92. [Google Scholar] [CrossRef]
  12. Hou, R.; Mazurowski, M.A.; Grimm, L.J.; Marks, J.R.; King, L.M.; Maley, C.C.; Hwang, E.S.S.; Lo, J.Y. Prediction of upstaged ductal carcinoma in situ using forced labeling and domain adaptation. IEEE Trans. Biomed. Eng. 2019, 67, 1565–1572. [Google Scholar] [CrossRef]
  13. Dongola, N. Mammography in breast cancer. MedScape 2018, 4, 102–110. [Google Scholar]
  14. Løberg, M.; Lousdal, M.L.; Bretthauer, M.; Kalager, M. Benefits and harms of mammography screening. Breast Cancer Res. 2015, 17, 63. [Google Scholar] [CrossRef] [Green Version]
  15. Ishaq, A.; Sadiq, S.; Umer, M.; Ullah, S.; Mirjalili, S.; Rupapara, V.; Nappi, M. Improving the prediction of heart failure patients’ survival using SMOTE and effective data mining techniques. IEEE Access 2021, 9, 39707–39716. [Google Scholar] [CrossRef]
  16. Amrane, M.; Oukid, S.; Gagaoua, I.; Ensari, T. Breast cancer classification using machine learning. In Proceedings of the 2018 Electric Electronics, Computer Science, Biomedical Engineerings’ Meeting (EBBT), Istanbul, Turkey, 18–19 April 2018; pp. 1–4. [Google Scholar]
  17. Obaid, O.I.; Mohammed, M.A.; Ghani, M.K.A.; Mostafa, A.; Taha, F. Evaluating the performance of machine learning techniques in the classification of Wisconsin Breast Cancer. Int. J. Eng. Technol. 2018, 7, 160–166. [Google Scholar]
  18. Nawaz, M.; Sewissy, A.A.; Soliman, T.H.A. Multi-class breast cancer classification using deep learning convolutional neural network. Int. J. Adv. Comput. Sci. Appl. 2018, 9, 316–332. [Google Scholar] [CrossRef]
  19. Singh, S.J.; Rajaraman, R.; Verlekar, T.T. Breast Cancer Prediction Using Auto-Encoders. In International Conference on Data Management, Analytics & Innovation; Springer: Singapore, 2023; pp. 121–132. [Google Scholar]
  20. Murphy, A. Breast Cancer Wisconsin (Diagnostic) Data Analysis Using GFS-TSK. In North American Fuzzy Information Processing Society Annual Conference; Springer: Cham, Switzerland, 2021; pp. 302–308. [Google Scholar]
  21. Ghosh, P. Breast Cancer Wisconsin (Diagnostic) Prediction. Available online: https://archive.ics.uci.edu/ml/datasets/breast+cancer+wisconsin+(diagnostic) (accessed on 1 October 2022).
  22. Akbulut, S.; Cicek, I.B.; Colak, C. Classification of Breast Cancer on the Strength of Potential Risk Factors with Boosting Models: A Public Health Informatics Application. Med Bull. Haseki/Haseki Tip Bul. 2022, 60, 196–203. [Google Scholar] [CrossRef]
  23. Ak, M.F. A Comparative Analysis of Breast Cancer Detection and Diagnosis Using Data Visualization and Machine Learning Applications. Healthcare 2020, 8, 111. [Google Scholar] [CrossRef] [PubMed]
  24. Kashif, M.; Malik, K.R.; Jabbar, S.; Chaudhry, J. Application of machine learning and image processing for detection of breast cancer. In Innovation in Health Informatics; Elsevier: Hoboken, NJ, USA, 2020; pp. 145–162. [Google Scholar]
  25. Dey, N.; Rajinikanth, V.; Hassanien, A.E. An examination system to classify the breast thermal images into early/acute DCIS class. In Proceedings of the International Conference on Data Science and Applications; Springer: Singapore, 2021; pp. 209–220. [Google Scholar]
  26. Rajinikanth, V.; Kadry, S.; Taniar, D.; Damaševičius, R.; Rauf, H.T. Breast-cancer detection using thermal images with marine-predators-algorithm selected features. In Proceedings of the 2021 Seventh International Conference on Bio Signals, Images, and Instrumentation (ICBSII), Chennai, India, 25–27 March 2021; pp. 1–6. [Google Scholar]
  27. Hamed, G.; Marey, M.A.E.R.; Amin, S.E.S.; Tolba, M.F. Deep learning in breast cancer detection and classification. In The International Conference on Artificial Intelligence and Computer Vision; Springer: Cham, Switzerland, 2020; pp. 322–333. [Google Scholar]
  28. Abdar, M.; Zomorodi-Moghadam, M.; Zhou, X.; Gururajan, R.; Tao, X.; Barua, P.D.; Gururajan, R. A new nested ensemble technique for automated diagnosis of breast cancer. Pattern Recognit. Lett. 2020, 132, 123–131. [Google Scholar] [CrossRef]
  29. Cabıoğlu, Ç.; Oğul, H. Computer-aided breast cancer diagnosis from thermal images using transfer learning. In Proceedings of the International Work-Conference on Bioinformatics and Biomedical Engineering, Granada, Spain, 6–8 May 2020; Springer: Cham, Switzerland, 2020; pp. 716–726. [Google Scholar]
  30. Khan, S.; Islam, N.; Jan, Z.; Din, I.U.; Rodrigues, J.J.C. A novel deep learning based framework for the detection and classification of breast cancer using transfer learning. Pattern Recognit. Lett. 2019, 125, 1–6. [Google Scholar] [CrossRef]
  31. McKinney, S.M.; Sieniek, M.; Godbole, V.; Godwin, J.; Antropova, N.; Ashrafian, H.; Back, T.; Chesus, M.; Corrado, G.S.; Darzi, A.; et al. International evaluation of an AI system for breast cancer screening. Nature 2020, 577, 89–94. [Google Scholar] [CrossRef]
  32. Ting, F.F.; Tan, Y.J.; Sim, K.S. Convolutional neural network improvement for breast cancer classification. Expert Syst. Appl. 2019, 120, 103–115. [Google Scholar] [CrossRef]
  33. de Freitas Barbosa, V.A.; de Santana, M.A.; Andrade, M.K.S.; de Lima, R.d.C.F.; dos Santos, W.P. Deep-wavelet neural networks for breast cancer early diagnosis using mammary termographies. In Deep Learning for Data Analytics; Elsevier: Hoboken, NJ, USA, 2020; pp. 99–124. [Google Scholar]
  34. Repository, U. UCI Machine Learning Repository. Available online: https://archive.ics.uci.edu/ml/datasets/breast+cancer+wisconsin+(diagnostic) (accessed on 1 October 2022).
  35. Belgiu, M.; Drăguţ, L. Random forest in remote sensing: A review of applications and future directions. ISPRS J. Photogramm. Remote Sens. 2016, 114, 24–31. [Google Scholar] [CrossRef]
  36. Saranya, N.; Samyuktha, M.S.; Isaac, S.; Subhanki, B. Diagnosing chronic kidney disease using KNN algorithm. In Proceedings of the 2021 7th International Conference on Advanced Computing and Communication Systems (ICACCS), Coimbatore, India, 19–20 March 2021; Volume 1, pp. 2038–2041. [Google Scholar]
  37. Peterson, L.E. K-nearest neighbor. Scholarpedia 2009, 4, 1883. [Google Scholar] [CrossRef]
  38. Chandra, B.; Varghese, P.P. Fuzzy SLIQ decision tree algorithm. IEEE Trans. Syst. Man, Cybern. Part (Cybern.) 2008, 38, 1294–1301. [Google Scholar] [CrossRef] [PubMed]
  39. Wien, M.; Schwarz, H.; Oelbaum, T. Performance analysis of SVC. IEEE Trans. Circuits Syst. Video Technol. 2007, 17, 1194–1203. [Google Scholar] [CrossRef]
  40. Hosmer, D.W., Jr.; Lemeshow, S.; Sturdivant, R.X. Applied Logistic Regression; John Wiley & Sons: Hoboken, NJ, USA, 2013; Volume 398. [Google Scholar]
  41. CHEN, T.; GUESTRIN, C. Xgboost: A scalable tree boosting system. In Proceedings of the 22nd ACM Sigkdd International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016. [Google Scholar]
  42. Lavanya, D.; Rani, D.K.U. Analysis of feature selection with classification: Breast cancer datasets. Indian J. Comput. Sci. Eng. (IJCSE) 2011, 2, 756–763. [Google Scholar]
  43. Sachdeva, R.K.; Bathla, P. A Machine Learning-Based Framework for Diagnosis of Breast Cancer. Int. J. Softw. Innov. (IJSI) 2022, 10, 1–11. [Google Scholar] [CrossRef]
  44. Dubey, A.K.; Gupta, U.; Jain, S. Analysis of k-means clustering approach on the breast cancer Wisconsin dataset. Int. J. Comput. Assist. Radiol. Surg. 2016, 11, 2033–2047. [Google Scholar] [CrossRef]
Figure 1. Workflow diagram of the adopted methodology.
Figure 1. Workflow diagram of the adopted methodology.
Cancers 14 06015 g001
Figure 2. Proposed methodology architecture diagram.
Figure 2. Proposed methodology architecture diagram.
Cancers 14 06015 g002
Figure 3. Architecture of the proposed voting classifier.
Figure 3. Architecture of the proposed voting classifier.
Cancers 14 06015 g003
Table 1. Comparative analysis of the existing approaches.
Table 1. Comparative analysis of the existing approaches.
Ref.MethodsDatasetFindings
[16]KNN and NBBreast cancer datasetKNN achieved 97.5% accuracy.
[17]SVM, KNN and DTBreast cancer datasetHigh performance by SVM with 98.1% accuracy.
[18]CNNBreakHis datasetCNN achievd 95.4% accuracy.
[19]Auto encoderBreast Cancer Wisconsin datasetThe proposed approach surpassed other models.
[20]Fuzzy Logic SystemsBreast Cancer Wisconsin datasetGenetic algorithm outperforms in combination with fuzzy logic.
[21]XGBoostBreast Cancer Wisconsin datasetThe proposed approach achieved 977% accuracy using 13 features.
[22]GBM, XGBoost, LightGBMBreast Cancer Wisconsin datasetLightGBM has shown robust results in breast tumor classification.
[23]LR, DT, KNN and NBBreast Cancer Wisconsin datasetLR achieved highest results.
[24]ML algorithmsMammogramHybrid models have shown robust results
[25]KNN, SVM and DTBreast thermal imagesfirefly algorithm in applied to improve the quality of images.
[26]SVM-cubic and SVM-coarse GaussianBreast thermal imagesThe proposed apptoach achieved 93.5% accuracy.
[27]RetinaNet, YOLOMammogramThe study is limited in way that it uses only five images in experiments.
[28]NE ModelBreast Cancer Wisconsin datasetThe proposed layered ensemble approach outperformed other individual models.
[29]Transfer learning with CNNThermal imagesThe proposed approach has achieved 94.3% accuracy.
[30]GoogleNet, VGGNet, ResNetbreast microscopic image data setsThe proposed transfer learning approach surpassed the individual models.
[31]AI-based systemMammogramThe proposed approach have shown promising results.
[32]CNNI-BCCMammogramThe proposed approach used CNN to improve breast cancer classification.
[33]Deep-wavelet neural network (DWNN)Thermographic imagesThe proposed model detected breast lesion with 95% sensitivity.
Table 2. Dataset features and their description.
Table 2. Dataset features and their description.
FeatureDescription
idIt represents the ID number of the.
fractal_dimension_worstIt is the “worst” or largest mean value for “coastline approximation” −1
radius_meanIt is the mean of the distance from the center to its perimeter.
concave points_worstIt is the "worst" or largest mean value for the number of concave portions of the contour.
perimeter_meanIt is the mean of core tumor size.
compactness_worstIt is the “worst” or largest mean value for perimeter⌃2 / area −1.0
smoothness_meanIt is the mean of local variation in radius lengths
fractal_dimension_meanIt is the mean for “coastline approximation” −1
concavity_meanIt is the mean of the severity of concave portions of the contour
texture_seIt is the standard error for standard deviation of gray-scale values
symmetry_mean
concave points_meanIt is the mean for the number of concave portions of the contour
radius_seIt is the standard error for the mean of distances from the center to points on the perimeter
texture_worstIt is the "worst" or largest mean value for standard deviation of gray-scale values
perimeter_se
perimeter_worst
smoothness_seIt is standard error for local variation in radius lengths
radius_worstIt is the “worst” or largest mean value for the mean of distances from the center to points on the perimeter
concavity_seIt is the standard error for the severity of concave portions of the contour
symmetry_se
fractal_dimension_seIt is the standard error for “coastline approximation” −1
concave points_seIt is the standard error for the number of concave portions of the contour
area_se
smoothness_worstIt is the “worst” or largest mean value for local variation in radius lengths
area_worst
compactness_seIt is the standard error for perimeter⌃2 / area −1.0
compactness_meanIt is the mean of perimeter⌃2 / area −1.0
concavity_worstIt is the “worst” or largest mean value for the severity of concave portions of the contour
area_mean
symmetry_worst
texture_meanIt is the standard deviation of gray-scale values
Diagnosis (Target Class)The diagnosis of breast tissues (M = malignant, B = benign)
Table 3. Brief description of machine learning models.
Table 3. Brief description of machine learning models.
MLADescriptionAdvantagesLimitations
RF [35]For the development of the decision trees. It performed a random selection of features with controlled variance.Decreased in overfitting.Very slow in real-time prediction. Complex classifier
KNN [36,37]It is a straightforward instance-based classifier widely used in medical data mining.The optimal value is easily achieved through it.Classification is very slow.
DT [38]From the set of class labels, it constructs the decision trees. It is a structural method represented as a flow chart similar to a tree.It combines numeric and categorical data. Very fast and simple.Problems with the high dimensionalities and unbalanced data. A longer training time is needed. Not a good choice for larger datasets.
SVM [39]It is a linear classification algorithm that works well on low-dimensional and uncomplicated data. However, it also gives good results on complex and high-dimensional data.Easily separate the data space. One of the most robust and accurate algorithms. Has a strong basis in statistical learning theory.Classification is very slow. Required longer training time.
LR [40]It is a linear model for classification rather than regression. It uses the regression model to estimate the probability of the class members.More robust and handles nonlinear data. Good for numeric and categorical classification.Boolean values only. Not a good choice for predicting the value of a binary value.
GBM [41]In conjunction, it enhances the classifier performance. Very sensitive to handling noisy data.Less suspectable to overfitting problems.Very sensitive to outliers. Pre-adjustment is needed to achieve optimal performance.
Table 4. Performance of machine learning models using the original features.
Table 4. Performance of machine learning models using the original features.
ModelAccuracyClassPrecisionRecallF1 Score
Voting (LR + SGD)0.772B0.750.790.77
M0.780.800.79
M Avg.0.760.790.78
W Avg.0.760.790.78
GBM0.745B0.770.810.79
M0.800.810.80
M Avg.0.790.810.79
W Avg.0.780.810.79
GNB0.756B0.780.820.80
M0.800.800.80
M Avg.0.790.810.80
W Avg.0.790.800.80
ETC0.759B0.780.830.80
M0.820.850.83
M Avg.0.800.840.81
W Avg.0.800.850.82
LR0.769B0.790.790.79
M0.820.830.82
M Avg.0.810.810.80
W Avg.0.800.810.80
SGD0.761B0.800.800.80
M0.830.810.82
M Avg.0.810.800.81
W Avg.0.810.800.81
RF0.743B0.720.730.72
M0.770.850.81
M Avg.0.750.790.77
W Avg.0.750.800.77
KNN0.751B0.780.820.80
M0.810.830.82
M Avg.0.790.820.81
W Avg.0.790.810.81
SVM0.767B0.770.790.78
M0.800.810.80
M Avg.0.780.800.79
W Avg.0.780.800.79
DT0.739B0.700.710.70
M0.740.780.76
M Avg.0.720.740.73
W Avg.0.720.740.73
Table 5. Models’ performance using convoluted features from CNN.
Table 5. Models’ performance using convoluted features from CNN.
ModelAccuracyClassPrecisionRecallF1 Score
Voting (LR + SGD)1.000B1.001.001.00
M1.001.001.00
M Avg.1.001.001.00
W Avg.1.001.001.00
GBM0.951B0.940.980.96
M0.960.910.94
M Avg.0.950.950.95
W Avg.0.950.950.95
GNB0.965B0.980.960.97
M0.950.970.96
M Avg.0.960.970.96
W Avg.0.970.970.97
ETC0.965B0.950.990.97
M0.980.930.96
M Avg.0.970.960.96
W Avg.0.970.970.96
LR0.991B0.991.000.99
M1.000.980.99
M Avg.0.990.990.99
W Avg.0.990.990.99
SGD0.986B0.981.000.99
M1.000.970.98
M Avg.0.990.980.99
W Avg.1.000.970.98
RF0.951B0.940.980.96
M0.960.910.94
M Avg.0.950.950.95
W Avg.0.950.950.95
KNN0.972B0.980.950.96
M0.950.920.94
M Avg.0.960.940.95
W Avg.0.960.930.95
SVM0.979B0.970.930.95
M0.950.920.93
M Avg.0.960.920.94
W Avg.0.960.920.94
DT0.943B0.920.900.91
M0.930.910.92
M Avg.0.920.900.91
W Avg.0.920.900.91
Table 6. 10-fold cross-validation results for proposed approach.
Table 6. 10-fold cross-validation results for proposed approach.
Fold NumberAccuracyPrecisionRecallF-Score
Fold-10.9990.9990.9990.999
Fold-20.9960.9970.9980.997
Fold-30.9990.9990.9990.999
Fold-41.0001.0001.0001.000
Fold-51.0001.0001.0001.000
Fold-61.0001.0001.0001.000
Fold-70.9970.9960.9980.997
Fold-80.9990.9990.9990.999
Fold-90.9990.9990.9990.999
Fold-101.0001.0001.0001.000
Average0.99890.99890.99920.9990
Table 7. Performance comparison with state-of-the-art studies.
Table 7. Performance comparison with state-of-the-art studies.
ReferenceApproachAccuracy
[44]K-means clustering92.01%
[42]PCA features with SVM96.99%
[17]Quadratic SVM98.11%
[19]Auto-encoder98.40%
[20]GF-TSK94.11%
[21]XgBoost97.11%
[22]Five most significant features with LightGBM95.03%
[43]Chi-square features98.21%
[23]LR with all features98.10%
ProposedDeep convoluted features with voting classifier (LR + SGD)100%
Table 8. The acronyms used in this manuscript.
Table 8. The acronyms used in this manuscript.
AcronymsDefinition
AIArtificial Intelligence
AUCArea under the curve
CADComputer-aided diagnostic
CNNConvolutional Neural Network
DCISDuctal carcinoma in situ
DWNNdeep wavelet Neural network
DTDecision Tree
ETCExtra Tree classifier
GBMGradient boosting machine
GNBGausssian Naive Bayes
IBCInflammatory breast cancer
IDCInvasive ductal carcinoma
LBCLobular breast cancer
KNNK nearest neighbor
LRLogistic Regression
MBCMucinous breast cancer
MTBCMixed tumors breast cancer
PCAPrincipal component analysis
ReLURectified Linear Unit
SGDStochastic gradient descent
SVMSupport vector machine
VCVoting classifier
WHOWorld health organization
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Umer, M.; Naveed, M.; Alrowais, F.; Ishaq, A.; Hejaili, A.A.; Alsubai, S.; Eshmawi, A.A.; Mohamed, A.; Ashraf, I. Breast Cancer Detection Using Convoluted Features and Ensemble Machine Learning Algorithm. Cancers 2022, 14, 6015. https://doi.org/10.3390/cancers14236015

AMA Style

Umer M, Naveed M, Alrowais F, Ishaq A, Hejaili AA, Alsubai S, Eshmawi AA, Mohamed A, Ashraf I. Breast Cancer Detection Using Convoluted Features and Ensemble Machine Learning Algorithm. Cancers. 2022; 14(23):6015. https://doi.org/10.3390/cancers14236015

Chicago/Turabian Style

Umer, Muhammad, Mahum Naveed, Fadwa Alrowais, Abid Ishaq, Abdullah Al Hejaili, Shtwai Alsubai, Ala’ Abdulmajid Eshmawi, Abdullah Mohamed, and Imran Ashraf. 2022. "Breast Cancer Detection Using Convoluted Features and Ensemble Machine Learning Algorithm" Cancers 14, no. 23: 6015. https://doi.org/10.3390/cancers14236015

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop