Skip to main content

ORIGINAL RESEARCH article

Front. Oncol., 11 November 2022
Sec. Cancer Imaging and Image-directed Interventions

A hybrid breast cancer classification algorithm based on meta-learning and artificial neural networks

Luyao HanLuyao HanZhixiang Yin*Zhixiang Yin*
  • Center of Intelligent Computing and Applied Statistics, School of Mathematics, Physics and Statistics, Shanghai University of Engineering Science, Shanghai, China

The incidence of breast cancer in women has surpassed that of lung cancer as the world’s leading new cancer case. Regular screening and measures become an effective way to prevent breast cancer and also provide a good foundation for later treatment. Women should receive regular checkups in the hospital after reaching a certain age. The use of computer-aided technology can improve the accuracy and efficiency of physicians’ decision-making. Data pre-processing is required before data analysis, and 16 features are selected using a correlation-based feature selection method. In this paper, meta-learning and Artificial Neural Networks (ANN) are combined to create a hybrid algorithm. The proposed hybrid algorithm for predicting breast cancer was attempted to achieve 98.74% accuracy and 98.02% F1-score by creating a combination of various meta-learning models whose output was used as input features for creating ANN models. Therefore, the hybrid algorithm proposed in this paper can obtain better prediction results than a single model.

Introduction

Cancer is one of the diseases that can pose a serious threat to human life and social development. As a whole, cancer is the second leading cause of death worldwide. In the past few decades, good progress has been made in basic research and clinical treatment of cancer, but it also leaves doctors at their wits’ end to cure advanced cancer. The prevention and early treatment of cancer is a great challenge to health problems. The top cancers in terms of global incidence are breast cancer, lung cancer, colorectal cancer, prostate cancer, and stomach cancer. The most common cancer in women worldwide is breast cancer, which is also the leading cause of death in women (1, 2). Early screening, early prevention, and early diagnosis can increase the likelihood of an effective cure for breast cancer. Women over the age of 40 should visit the hospital regularly for breast screening, which is still diagnosed at a late stage due to women’s negligence in breast self-examination and clinical examination. The main common screening modalities for breast cancer are mammography, radiography, ultrasound, and magnetic resonance imaging (MRI) (3, 4). Radiography is widely used in the diagnosis of breast cancer because it is less invasive and has fewer complications in clinical use. Radiography is prone to false-positive and false-negative results in detecting breast cancer (5), so in this study, we used a breast cancer diagnosis from the Wisconsin Diagnostic Breast Cancer (WDBC), where medical personnel acquired digital images of a patient’s breast mass after fine needle aspiration (FNA) and extracted features from these digital images that describe the presentation of cell nuclei in the images.

Various deep learning studies and machine learning techniques are used for the classification and identification of breast cancer types. The development of deep learning techniques has an important role in improving the diagnostic performance of breast cancer and expanding its clinical applications. Soham Chattopadhyay et al. (6) proposed a deep learning model dense residual dual-shuffle attention network (DRDA-Net) was added with a channel attention mechanism to the deep learning model DRDA-Net, which can greatly improve the model’s ability to learn complex patterns of images. Although the model was implemented with a small BreakHis dataset, the densely connected blocks of the model solved the problems of overfitting and hourly gradients well and finally achieved a classification accuracy of up to 98.1%. Chatterjee S et al. (7) proposed a two-stage deep learning model for breast cancer detection in thermal imaging images. Firstly, features were extracted from the images using VGG16, and secondly, a modified Dragonfly Algorithm (DA) meta-heuristic was used and the proposed two-stage framework achieved 100% diagnostic accuracy on a small dataset DMR-IR. Recent studies have shown that deep learning is widely used in breast tissue identification. Sneider A et al. (8) used a deep learning channel based on a convolutional neural network (CNN) trained on H&E stained slides near breast tumors and tissues to successfully identify and classify seven cell and tissue classes in 32 patient tissue samples. The overall test accuracy was 93.0%. Khairnar S et al. (9) used mammogram images from the MIAS database and applied various image binarization methods to extract image features such as OTSU, Niblack, Bernsen, Thepade’s Sorted Block Truncation (TSBTC), where TSBTC is applied for the first time in breast cancer identification. The features are input to machine learning algorithms for classifying tumor types as benign, malignant, and normal tumors, and finally for breast cancer identification.

Machine learning can be applied in the pharmaceutical industry to diagnose cancer (10, 11). As artificial intelligence continues to be applied to the medical field, the accuracy and speed of physicians’ decisions have improved. The application of ML models can improve the quality of medical data, save medical costs and help doctors to improve decision-making (12). ML is divided into supervised and unsupervised, ML can be used to diagnose whether a mass is benign or malignant, and ML can be evaluated by accuracy, precision, recall, and F1-score (12, 13). Different machine learning algorithms have different prediction accuracy, and ensemble techniques can solve this problem. Integration methods can improve the prediction ability of weak learners by combining several weak learners into one strong learner. Integration techniques can achieve the following effects: Bagging, Boosting, or Stacking (10). This study focuses on the stacking approach, which combines multiple machine learning models into one strong classification model. It combines both Bagging and Boosting integration methods to largely improve the machine learning prediction effect. It uses meta-learning algorithms to learn how best to combine predictions from two or more basic machine learning algorithms such as KNN, SVM, and DT. Meta-learning is the ability to “learn to learn” like humans (14). In meta-learning, each model is trained with a different set of training tasks and such models are combined to form a body of knowledge that is applied to a new unknown task and the results are analyzed (15). Ghiasi Mohammad M et al. (16) used ensemble learning based on decision trees to classify breast cancer and obtained 100% accuracy for breast cancer type classification using RF and ET based on the WBCD dataset. M. S. K. Inan (17) integrated three machine learning algorithms of logistic regression, support vector machine and K-nearest neighbor used to predict breast cancer classification and obtained an accuracy of 98.25%. A. Bharat et al. (1) compared four machine learning algorithms, Support Vector Machine (SVM), Decision Tree (C4.5), Naive Bayes (NB), and K-nearest neighbors (K-nn) on Wisconsin Diagnostic Breast Cancer, SVM gave the highest accuracy of 97.13%. Karthik et al. (18) used Recursive Feature Elimination (RFE) followed by Deep Neural Network (DNN) as the classifier model with 98.62% accuracy. Kourou K (19) used different ML methods to complete the classification task on breast cancer data by feature selection to extract important information from the dataset. S. M. S et al. (20) used the logistic regression technique to classify predicted breast cancer obtaining 96.5%.

In this paper, two main parts are included: feature engineering and classification. The feature engineering part first removes the features with high relevance in the form of a heat map, and the remaining features are selected using relevance-based feature selection, recursive feature elimination with cross-validation (REFCV), and tree-based feature selection. The accuracy is verified in the form of random forest classification and 16 features are obtained by relevance-based feature selection. The classification algorithm requires nine machine learning algorithms to construct a meta-learning framework, and the above features are input to the meta-learning framework, and their output is input to the ANN model to obtain a good classification of benign and malignant cases.

The second part of this paper introduces the relevant theoretical knowledge and operation steps, the third part introduces the obtained results, and the fourth part summarizes the paper and puts forward the prospect for the future development.

Materials and methods

In this paper, we use a hybrid approach of meta-learning and ANN to diagnose breast cancer. The paper mainly includes feature engineering and prediction models. First, the data is preprocessed and a relevance-based feature selection method is selected to extract the most important features (19). Secondly, the meta-learning method learns the excellent performance of various machine learning algorithms, such as SVM, KNN, LR, etc. The learning results are input to the ANN model and 98.74% accuracy is obtained.

Data description

As shown in Table 1, we use the WDBC, which has 569 samples and 30 features extracted from cell nuclear biopsy images, which are three dimensions of ten features: mean, standard deviation, and maximum. The ratio of benign to malignant in the dataset shown in Figure 1 is B: M=357: 212. This dataset is commonly used in breast cancer prediction to determine whether a tumor is malignant or benign. The split ratio of the training set and testing set in the dataset is 70:30.

TABLE 1
www.frontiersin.org

Table 1 Data description.

FIGURE 1
www.frontiersin.org

Figure 1 Distribution of benign and malignant cases in the dataset (M=malignant, B=benign).

Feature engineering

Pre-processing data

Data pre-processing is an important stage in machine learning algorithms (21). First, the data are normalized and the processed data are subjected to feature selection and classification prediction. Secondly, to solve the unbalanced problem of data, the Synthetic Minority Over-Sampling Technique (SMOTE) was adopted.

A. Data normalization is the processing of data so that the mean of the values in each feature becomes 0 and the standard deviation becomes 1 (22).

x*=ximean(x)st(x)(1)

B. SMOTE is commonly used to address data category imbalance, and we used the SMOTE technique to address the risk of a few malignant cases in our sample (17).

Feature selection

In this study, we will select features with different methods that are feature selection with correlation, RFECV, and tree-based feature selection. We will use random forest classification to train our model and predict.

The diagonal in the heat map Figure 2 is the correlation coefficient of the univariate itself is 1. The lighter color represents a higher correlation (23, 24). From here we have to reduce the interlinked feature. If we don’t drop those interlinked columns and just put one column from those columns into our final data frame, then it will cause multi-correlation, which will reduce the accuracy of the model. For example, radius_mean is linearly related to perimeter_mean, perimeter_mean is linearly related to area_mean, and area_mean is also linearly dependent on radius_mean. So radius_mean, perimeter_mean and area_mean are interlinked. And we will drop perimeter_mean and radius_mean. In this study, we have selected 16 attribute variables as representatives.

FIGURE 2
www.frontiersin.org

Figure 2 Breast cancer correlation heatmap.

Machine learning algorithm

In this study, multiple types of machine learning techniques were used for the classification prediction of breast cancer, including strong classifiers and weak classifiers.

SVM

SVM is a classification model that belongs to the supervised algorithm (17). The main idea is to be able to separate hyperplanes at intervals, maximizing while correctly dividing the training set (19, 25). SVM can effectively solve high-dimensional feature classification regression problems and is widely used in classification problems (26).

KNN

KNN is one of the simplest non-parametric classification methods (17, 21). The principle of KNN is that when a new value x is predicted, the class of x is determined based on what class its nearest K points belong to (27, 28). The value of K is chosen as appropriate based on cross-validation. The common way of measuring distance in the algorithm is the Euclidean distance, which is calculated using.

d(x,y)=i=1n(xiyi)2(2)

where x and y are the features for which distances need to be calculated.

DT

The decision tree is a supervised machine learning algorithm (27). A decision tree usually consists of a root node, multiple internal nodes, and leaf nodes, where the root node contains all samples, the leaf nodes correspond to decision outcomes, and the other nodes correspond to an attribute test (23). The decision tree is a process of dividing the full set of samples from the root node to the child nodes based on the attribute tests. The simple structure and ease of representation are the main advantages of decision trees.

RF

Random forest is an integrated algorithm consisting of decision trees (26, 28). When performing a classification task, each decision tree is allowed to judge and classify individually, and the result that gets the most out of all decision trees is taken as the final result. The advantages of random forests include less susceptibility to overfitting and faster training, which makes them widely used in classification tasks.

LR

LR is a classification model commonly used for binary classification. The term “regression” in logistic regression refers to the return of a value to a value between 0 and 1 (23). Logistic regression is a simple and easy-to-interpret model that is commonly used to classify data.

GB

GB is an integrated model based on decision trees (26). The GB algorithm improves the performance of the algorithm by fitting negative gradients.

XGB

XGBoost is an ensemble algorithm based on DT (17). XGBoost continuously learns the DT, adding regularization terms and minimizing the loss function.

Adaboost

Adaboost is one of the boosting algorithms. Adaboost takes the weighted set of weak classifiers and makes it a strong classifier (26). During the training process, Adaboost increases the weights of samples that were classified incorrectly by the previous round of classifiers and decreases the weights of samples that were classified correctly. By increasing the weights of the weak classifiers with small classification error rates and continuously iterating, the overall classification error rate is improved.

MLP

Multilayer perceptron (MLP) is a neural network-based classification algorithm. The bottom layer of MLP is the input layer, the middle layer is the hidden layer, and finally the output layer. The different layers of the MLP neural network are fully connected (any neuron of the upper layer is connected to all neurons of the lower layer) (23, 26, 27).

Proposed method

ANN, or networks of artificial neurons, refer to biologically inspired models that mimic the brain. ANN are widely used in cancer diagnosis. In the human brain, neurons are interconnected and transmit data to each other. It is similar to the interconnection of neurons in the human brain. Neural networks consist of a large number of artificial neurons, called units arranged in layer order. Having neurons in each layer and forming a complete network, these neurons are called nodes. It consists of three layers, which are: the input, hidden layer, and output layer. In this paper, the ANN model is applied containing two hidden layers in addition to the input and output layers. The structure diagram is shown in Figure 3 below.

FIGURE 3
www.frontiersin.org

Figure 3 Artificial neural network diagram.

In the Figure 4 framework diagram proposed in this paper, the relevance-based feature selection method is able to filter out the features that best represent all the information. Feature selection ends and enters the cancer classification and prediction part. Each learning model has its own advantages and disadvantages, and instead of choosing any one learning model, we try to build a meta-learning model to learn from learning, which will achieve better prediction by training a model on top of the previously trained model. The integration approach used in this paper is to first build several different types of base learners, such as Random Forest, KNN, SVM, etc., and use them to get the first level prediction results, and then build a meta-learner based on these first level prediction results to get the final prediction results. Eight meta models with an accuracy of more than 92% were selected, and the final result output is used as the input features of the ANN model to achieve high accuracy prediction of breast cancer.

FIGURE 4
www.frontiersin.org

Figure 4 The overall research framework of the paper.

Performance evaluation metrics

In this paper, the classifier’s performance is measured using the evaluation metrics of the confusion matrix (13), in which four elements are included.

1. TM (True Malignant): The result shows that it is Malignant and the person does have Cancer.

2. TB (True Benign): The result shows Benign, the person is actually normal.

3. FM (False Malignant): The result shows Malignant, the person is actually normal.

4. FB (False Benign): The result appears in Benign and the person actually has cancer.

The confusion matrix is shown as an example in Table 2.

TABLE 2
www.frontiersin.org

Table 2 Confusion matrix.

Accuracy=TM+TBTM+FM+TB+FB(3)
Precision=TMTM+FM(4)
Recall=TMTM+FB(5)
F1score=2Precision×RecallPrecision+Recall(6)

Results

In this paper, three feature selection methods are used, the feature selection method based on correlation has the highest accuracy of 96.49%, and the RFECV method selects too few feature values, which cannot fully contain the data information, as shown in the table. The feature selection method based on relevance takes into account the correlation between features and features, and finally 16 features are selected. As shown in Table 3.

TABLE 3
www.frontiersin.org

Table 3 Evaluation metrics and results of feature selection algorithms.

In this paper, nine machine learning algorithms were used for breast cancer prediction accuracy and the models with accuracy greater than 92% were selected to create meta-learning models. The performance is shown below. As can be seen from Table 4, the meta-learning model results are input to the ANN model to get improved accuracy.

TABLE 4
www.frontiersin.org

Table 4 Metrics and results of meta model evaluation of test data.

In Table 5, we compared the use of single classifier or hybrid model in other studies and found that the hybrid model of meta-learning and ANN proposed in this paper was able to achieve a good accuracy of 98.74%. Thus, it is also demonstrated that the hybrid model can achieve better accuracy results than the single model.

TABLE 5
www.frontiersin.org

Table 5 Comparison with other classifiers.

Discussion

The framework of this paper contains two main parts: feature engineering, and the classification model. The relevance-based feature selection method with the highest accuracy is compared and the meta-learning models are created based on various supervised and unsupervised machine learning algorithms to obtain eight meta models with the best performance, and the performance metrics are mainly focused on accuracy. The stacking integration method is used for the eight meta-models, and the integration results are input to the ANN model to obtain. It can be seen that the performance index of the hybrid algorithm is greater than that of the individual algorithm, and the accuracy and F1-score are important indicators for evaluating the model prediction results. A hybrid meta-learning and ANN breast cancer prediction framework can improve prediction performance, obtaining 98.74% accuracy and 98.02% F1-score.

In the framework used in this paper, the feature engineering part can be optimized. Feature selection adopts the ensemble method to obtain better accuracy, by selecting the best feature to provide better input for the subsequent classification algorithm, to improve the accuracy of breast cancer classification. In the future, the framework of this paper can be applied to other cancer datasets with the expectation of achieving better performance in cancer diagnosis.

Data availability statement

Publicly available datasets were analyzed in this study. This data can be found here: https://archive.ics.uci.edu/ml/datasets/Breast+Cancer+Wisconsin+%28Diagnostic%29.

Author contributions

Conceptualization, LH and ZY. Writing, LH. Rresources, ZY. Project administration, ZY. Funding acquisition, ZY. All authors contributed to the article and approved the submitted version.

Funding

This work was supported by National Natural Science Foundation of China (No:62072296)

Acknowledgments

We would like to thank Chin-Shiuh Shieh and Yafei Dong for their constructive feedback on this manuscript.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

1. Bharat A, Pooja N, Reddy RA. Using machine learning algorithms for breast cancer risk prediction and diagnosis//2018 3rd international conference on circuits, control, communication and computing (I4C). IEEE (2018), 1–4. doi: 10.1109/CIMCA.2018.8739696

CrossRef Full Text | Google Scholar

2. Macaulay BO, Aribisala BS, Akande SA, Akinnuwesi BA, Olabanjo OA. Breast cancer risk prediction in African women using random forest classifier. Cancer Treat Res Commun (2021) 28:100396. doi: 10.1016/j.ctarc.2021.100396

PubMed Abstract | CrossRef Full Text | Google Scholar

3. Saba T. Recent advancement in cancer detection using machine learning: Systematic survey of decades, comparisons and challenges. J Infect Public Health (2020) 13(9):1274–89. doi: 10.1016/j.jiph.2020.06.033

PubMed Abstract | CrossRef Full Text | Google Scholar

4. Shah SM, Khan RA, Arif S, Sajid U. Artificial intelligence for breast cancer analysis: Trends & directions. Comput Biol Med (2022), 105221. doi: 10.1016/j.compbiomed.2022.105221

PubMed Abstract | CrossRef Full Text | Google Scholar

5. Nazari SS, Mukherjee P. An overview of mammographic density and its association with breast cancer. Breast Cancer (2018) 25(3):259–67. doi: 10.1007/s12282-018-0857-5

PubMed Abstract | CrossRef Full Text | Google Scholar

6. Chattopadhyay S, Dey A, Singh PK, Sarkar R. DRDA-net: Dense residual dual-shuffle attention network for breast cancer classification using histopathological images. Comput Biol Med (2022) 145:105437. doi: 10.1016/j.compbiomed.2022.105437

PubMed Abstract | CrossRef Full Text | Google Scholar

7. Chatterjee S, Biswas S, Majee A, Sen S, Oliva D, Sarkar R. Breast cancer detection from thermal images using a grunwald-letnikov-aided dragonfly algorithm-based deep feature selection method. Comput Biol Med (2022) 141:105027. doi: 10.1016/j.compbiomed.2021.105027

PubMed Abstract | CrossRef Full Text | Google Scholar

8. Sneider A, Kiemen A, Kim JH, Wu PH, Habibi M, White M, et al. Deep learning identification of stiffness markers in breast cancer. Biomaterials (2022) 285:121540. doi: 10.1016/j.biomaterials.2022.121540

PubMed Abstract | CrossRef Full Text | Google Scholar

9. Khairnar S, Thepade SD, Gite S. Effect of image binarization thresholds on breast cancer identification in mammography images using OTSU, niblack, burnsen, thepade’s SBTC. Intelligent Syst Appl (2021) 10:200046. doi: 10.1016/j.iswa.2021.200046

CrossRef Full Text | Google Scholar

10. Kwon H, Park J, Lee Y. Stacking ensemble technique for classifying breast cancer. Healthcare Inf Res (2019) 25(4):283–8. doi: 10.4258/hir.2019.25.4.283

CrossRef Full Text | Google Scholar

11. Emanet N, Öz HR, Bayram N, Delen D. A comparative analysis of machine learning methods for classification type decision problems in healthcare. Decision Analytics (2014) 1(1):1–20. doi: 10.1186/2193-8636-1-6

CrossRef Full Text | Google Scholar

12. Battineni G, Sagaro GG, Chinatalapudi N, Amenta F. Applications of machine learning predictive models in the chronic disease diagnosis. J Personalized Med (2020) 10(2):21. doi: 10.3390/jpm10020021

CrossRef Full Text | Google Scholar

13. Liou DM, Chang WP. Applying data mining for the analysis of breast cancer data//Data mining in clinical medicine. New York, NY: Humana Press (2015) p. 175–89.

Google Scholar

14. Xu X, Chen, Cao L. Fast Task Adaptation Based on the Combination of Model-Based and Gradient-Based Meta Learning. IEEE Transactions on Cybernetics (2022) 52(6):5909–18. doi: 10.1109/TCYB.2020.3028378

CrossRef Full Text | Google Scholar

15. Doke A, Gaikwad M. Survey on automated machine learning (AutoML) and meta learning//2021 12th international conference on computing communication and networking technologies (ICCCNT). IEEE (2021), 1–5. doi: 10.1109/ICCCNT51525.2021.9579526

CrossRef Full Text | Google Scholar

16. Ghiasi MM, Zendehboudi S. Application of decision tree-based ensemble learning in the classification of breast cancer. Comput Biol Med (2021) 128:104089. doi: 10.1016/j.compbiomed.2020.104089

PubMed Abstract | CrossRef Full Text | Google Scholar

17. Inan MSK, Hasan R, Alam FI. A hybrid probabilistic ensemble based extreme gradient boosting approach for breast cancer diagnosis//2021 IEEE 11th annual computing and communication workshop and conference (CCWC). IEEE (2021), 1029–35. doi: 10.1109/ICCCNT51525.2021.9579526

CrossRef Full Text | Google Scholar

18. Karthik S, Srinivasa Perumal R, Chandra Mouli P. Breast cancer classification using deep neural networks//Knowledge computing and its applications. Singapore: Springer (2018) p. 227–41.

Google Scholar

19. Kourou K, Exarchos TP, Exarchos KP, Karamouzis MV, Fotiadis DI. Machine learning applications in cancer prognosis and prediction. Comput Struct Biotechnol J (2015) 13:8–17. doi: 10.1016/j.csbj.2014.11.005

PubMed Abstract | CrossRef Full Text | Google Scholar

20. Patil P, Subbaiah KV. Analysis of breast cancer event logs using various regression techniques//2021 international conference on computer communication and informatics (ICCCI). IEEE (2021) 1–4. doi: 10.1109/ICCCI50826.2021.9402360

CrossRef Full Text | Google Scholar

21. Yarabarla MS, Ravi LK, Sivasangari A. Breast cancer prediction via machine learning//2019 3rd international conference on trends in electronics and informatics (ICOEI). IEEE (2019) 121–4. doi: 10.1109/ICOEI.2019.8862533

CrossRef Full Text | Google Scholar

22. Khuriwal N, Mishra N. Breast cancer diagnosis using deep learning algorithm//2018 international conference on advances in computing, communication control and networking (ICACCCN). IEEE (2018) 98–103. doi: 10.1109/ICACCCN.2018.8748777

CrossRef Full Text | Google Scholar

23. Ali MM, Paul BK, Ahmed K, Bui FM, Quinn JM, Moni MA. Heart disease prediction using supervised machine learning algorithms: Performance analysis and comparison. Comput Biol Med (2021) 136:104672. doi: 10.1016/j.compbiomed.2021.104672

PubMed Abstract | CrossRef Full Text | Google Scholar

24. Samieinasab M, Torabzadeh SA, Behnam A, Aghsami A, Jolai F. Meta-health stack: a new approach for breast cancer prediction. Healthcare Analytics (2022) 2:100010. doi: 10.1016/j.health.2021.100010

CrossRef Full Text | Google Scholar

25. Zhang Y, Ma Y. Application of supervised machine learning algorithms in the classification of sagittal gait patterns of cerebral palsy children with spastic diplegia. Comput Biol Med (2019) 106:33–9. doi: 10.1016/j.compbiomed.2019.01.009

PubMed Abstract | CrossRef Full Text | Google Scholar

26. Lee YW, Choi JW, Shin EH. Machine learning model for predicting malaria using clinical information. Comput Biol Med (2021) 129:104151. doi: 10.1016/j.compbiomed.2020.104151

PubMed Abstract | CrossRef Full Text | Google Scholar

27. Nanglia S, Ahmad M, Khan FA, Jhanjhi NZ. An enhanced predictive heterogeneous ensemble model for breast cancer prediction. Biomed Signal Process Control (2022) 72:103279. doi: 10.1016/j.bspc.2021.103279

CrossRef Full Text | Google Scholar

28. Prabha A, Yadav J, Rani A, Singh V. Design of intelligent diabetes mellitus detection system using hybrid feature selection based XGBoost classifier. Comput Biol Med (2021) 136:104664. doi: 10.1016/j.compbiomed.2021.104664

PubMed Abstract | CrossRef Full Text | Google Scholar

29. Nemissi M, Salah H, Seridi H. Breast cancer diagnosis using an enhanced extreme learning machine based-neural Network[C]//2018 international conference on signal, image, vision and their applications (SIVA). IEEE (2018), 1–4. doi: 10.1109/SIVA.2018.8661149

CrossRef Full Text | Google Scholar

30. Teixeira F, Montenegro JLZ, da Costa CA, da Rosa Righi R. An analysis of machine learning classifiers in breast cancer diagnosis[C]//2019 XLV Latin American computing conference (CLEI). IEEE (2019), 1–10.

Google Scholar

Keywords: breast cancer, feature selection, machine learning algorithm, meta-learning, ANN

Citation: Han L and Yin Z (2022) A hybrid breast cancer classification algorithm based on meta-learning and artificial neural networks. Front. Oncol. 12:1042964. doi: 10.3389/fonc.2022.1042964

Received: 13 September 2022; Accepted: 13 October 2022;
Published: 11 November 2022.

Edited by:

Jialiang Yang, Geneis (Beijing) Co. Ltd, China

Reviewed by:

Chin-Shiuh Shieh, National Kaohsiung University of Science and Technology, Taiwan
Yafei Dong, Shaanxi Normal University, China

Copyright © 2022 Han and Yin. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Zhixiang Yin, zxyin66@163.com

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.