Abstract
Breast cancer is one of the most widely recognized diseases after skin cancer. Though it can occur in all kinds of people, it is undeniably more common in women. Several analytical techniques, such as Breast MRI, X-ray, Thermography, Mammograms, Ultrasound, etc., are utilized to identify it. In this study, artificial intelligence was used to rapidly detect breast cancer by analyzing ultrasound images from the Breast Ultrasound Images Dataset (BUSI), which consists of three categories: Benign, Malignant, and Normal. The relevant dataset comprises grayscale and masked ultrasound images of diagnosed patients. Validation tests were accomplished for quantitative outcomes utilizing the exhibition measures for each procedure. The proposed framework is discovered to be effective, substantiating outcomes with only raw image evaluation giving a 78.97% test accuracy and masked image evaluation giving 81.02% test precision, which could decrease human errors in the determination cycle. Additionally, our described framework accomplishes higher accuracy after using multi-headed CNN with two processed datasets based on masked and original images, where the accuracy hopped up to 92.31% (±2) with a Mean Squared Error (MSE) loss of 0.05. This work primarily contributes to identifying the usefulness of multi-headed CNN when working with two different types of data inputs. Finally, a web interface has been made to make this model usable for non-technical personals.
1. Introduction
Breast cancer (BCa) is a disease that develops from breast tissue. The common signs of BCa may include a lump in the breast, a deformed shape of the breast, the appearance of dimpling on the breast skin, emission of fluid from the nipple, the appearance of an inverted nipple, and a pink or scaly patch of skin. The two common types of BCa are (a) invasive ductal carcinoma (IDC) and (b) ductal carcinoma in situ (DCIS). The DCIS occurrences are 20–53%, and this type is somewhat less hazardous than the IDC, which encompasses the whole breast tissue [1].
The ever-growing population of Bangladesh and the lack of appropriate information might prompt an expanded number of patients with malignancy, which is inevitable, and a populace-based study shows that the essential obstruction to the early identification of BCa in Bangladeshi women is an absence of comprehension of screening to identify the beginning phase of the disease [2]. The occurrence of breast cancer is reported to be 19.3 per 100,000 Bangladeshi women aged between 15 and 44 years. Most Bangladeshi women assume that mass in the breast is the main indication or symptom of breast cancer. In addition, most of them are not adequately aware of the danger of breast cancer [3]. In Bangladesh, the lower level of attention to BCa may be attributed to low proficiency, minimal broad communications openness, neediness, and women’s situation in the families [4]. In Asia, Pakistan has the highest rate of breast cancer. Occurrence and death rates for breast cancer increase with age. Around 90,000 cases are accounted for yearly, causing a death rate of 40,000 [5]. The average age at which cancer was discovered in Pakistani women was in their 40 s. In 2008, around 182,460 cases were detected, and 40,480 died, in the United States [6]. Since the reasons for breast cancer remain obscure, early detection can diminish the passing rate (40% or more) [7]. However, early detection should be as much as precise and reliable that ought to distinguish benign and malignant tumors.
One of the main strategies for the early detection of breast cancer is mammography [8]. However, there are some limitations of mammography in breast cancer classification. Many unnecessary (65–85%) biopsy activities are required due to the low explicitness of mammography [9]. Furthermore, mammography is not viable for solid breasts. In addition, the ionizing radiation of mammography can pose unnecessary hazards to patients and radiologists. Such techniques are favorably utilized compared to other techniques such as radiography, magnetic resonance imaging, and thermography. Ultrasound (US) imaging shows a growing interest in breast cancer identification [10,11,12]. It has been reported that more than one out of four patients are using ultrasound images for this purpose [13]. Studies have demonstrated that US imaging may accurately distinguish the benign and malignant types [14,15]. The usage of ultra-sound can extend in everyday malignant growth locations by 17% [16] and decrease the number of unnecessary biopsies by 40%, saving as much as $1 billion per year in the United States [17]. However, ultrasonography is considerably more operator-dependent than mammography; perusing ultrasound images requires an all-around ready and experienced sonographer. Undoubtedly, even all-around pre-arranged experts might have a high eyewitness variety rate. A decent finding approach should convey a low false positive (FP) rate and a false negative (FN) rate. Therefore, computer-aided diagnosis (CAD) is needed to help the technicians detect and classify BCa. A couple of CAD approaches have been considered to overcome the effect of operator-dependent errors in US imaging and to increase diagnostic affectability and particularity. Meraj et al. [18] used a CAD-like model based on quantization assisted U-net with BUSI and Open Access Database of Raw Ultrasonic Signals (OASBUD) datasets for doing segmentation. Initially, they segmented the lesion with U-Net, and later used Independent Component Analysis (ICA) to extract the features from it. Finally, these were combined with deep automated features.
Machine learning, a sub-field of AI, assumes a significant part in the classification of breast cancer. Several studies use machine learning techniques such as linear discriminant analysis (LDA), support vector machine (SVM), and artificial neural network (ANN) for the classification and development of the model or to re-train the current models and for better execution. Some machine learning-based algorithms, such as KNN, Naive Bayes and Random Forest, are used for BCa with the Wisconsin Diagnosis dataset [19]. However, they did not mention any details of feature extraction. In [20], Ojha et al. showed the difference between the classification and clustering process for many ML algorithms and found that classification shows a better result on detection compared with clustering and the highest accuracy they obtained was 81% for SVM. Jabeen K et al. [21] suggested the fusion of deep learning features with manually selected features and used the CSVM classifier which produced a 99.1% detection accuracy. A Dilated Semantic Segmentation Network (Di-CNN) [22] with a morphological erosion operation has been used to segment images of ultrasound breast lesions. They demonstrated a 24-layer CNN architecture with transfer learning to obtain the desired intensity on extracted features. The feature vectors from DenseNet201 and the 24-layer CNN were merged using parallel fusion utilizing 10-fold cross-validation on different vector combinations to categorize the nodules. When paired with the Support Vector Machine (SVM) classifier, CNN-activated feature vectors and DenseNet201-activated feature vectors had accuracy rates of 90.11 percent and 98.45 percent, respectively. Another comparison between deep learning and machine learning algorithm for breast cancer detection has been conducted by Mekha et al. [23], but their feature extraction method is not clear. Apart from ML, most CAD systems need many diagnostic images to build the models or rules, yet Chen et al. [24] proposed an original system requiring very few samples. A lot of past examinations have proposed utilizing AI as Machine Learning and Deep Learning for image detection and healthcare monitoring [25,26,27,28,29]. Many fancy, heavy CNN variants are used for BCa detection and classification. A pre-trained model has been used by tuning hyperparameters and using DenseNet and ResNet gives 100% accuracy with Adam and RMSprop optimizers [30]. However, the ResNet is too heavy and most probably overfitted the ultrasound images, and they were willing to use a multi-model with a different data source. Multi-task and multi-class-based CNN has been used with VGG16 [31] and DenseNet [32] to extract features. However, they extracted two output results based on separate fully connected layers. This approach creates a problem of identity mismatch which refers to a problem when some features are causing a misclassification. Most, probably they would cause the same misclassification on separate output layers. By using this method, they increased the accuracy from 82.9% to 83.3%, which is not much overall. Transfer learning-based models are also being used in this medical sector, specially VGG16 with fine-tuning by Hijab et al. [33]. As VGG16 is a very deep complex model architecture and designed for dense image processing, the ultrasound image processing is far simpler for this model, making it highly prone to overfitting. A StepNet architecture with neutrosophic processing and fuzzy c-means clustering in the final layers has been proposed for ultrasound image processing by Sivanandan et al. [34]. They combined the original image with processed images and augmented them for training, which increased the complexity and the clustered mask-like output they generated was given with the dataset which makes this process illogical. A similar concept to ours, a stacked ensemble CNN has been used for classification [35]. However, they only trained the original ultrasound images and avoided the masks for all three layers. An Inception-V3 architecture has been modified to adopt ultrasound imaging [36]. They also used the multi-view architecture to train the dataset with InceptionV3 backbone and pretrained weight as transfer learning and we know transfer learning is not so good in sensitive medical images.
Along with CAD, Machine Learning, Deep Learning models, and many intelligent systems have been developed to evaluate the risk and early age detection of BCa. An expert system based on Mamdani fuzzy-login inference type has been proposed to analyze patients’ healthcare data and interpret those data to generate a cancer risk level [37]. Upon collecting the data from their software and creating the knowledge base, they used KNN and Bagged Trees classifiers to obtain the result. However, due to reliability issues in predicted values and not having enough knowledge base data, this system is still not in use in real-time decision-making. A hybrid intelligent model consisting of a self-organized map (SOM) and complex-values neural network (CVNN) has been proposed for reliable BCa detection with 95% disease detection [38]. They claim to be reliable, but the regeneration of their model is too complicated and depends on six types of data. Another intelligent fuzzy temporal rule is being introduced to assess the risk of BCa by using a questionnaire-based user interactive module [39]. They have used Wisconsin dataset for training with a separate feature selection method. The details information about the logic behind fuzzy rules is missing, and the explainability of these rules is complicated.
From the literature and current other works, we came to understand that the methods recently being used are computationally expensive, prone to overfit, transfer learning-based method, single input but multi-output based, or heavy backbone-based method. To overcome some of these issues, in this work, we have applied multi-headed CNN, which takes processed original image and ground truth masked image contour values to detect normal, benign, and malignant types of breast cancer. The main goal is to combine two datasets so that they could complement each other to solve the problem of wrong classifications. Moreover, the custom CNN is very lightweight, simple, and computationally easy to train without any need for a high-end GPU, and a web application system has been built so that general people can use this model without any prior technical knowledge.
2. Materials and Methods
2.1. Dataset
We have analyzed the ultrasound images of breast cancer containing three classes (Benign, Malignant, and Normal). Multiple medical researchers used their own collected dataset [24,31]. Another popular dataset is Wisconsin Diagnostic which consists of 32 numeric features [40]. However, we wanted to use an image dataset, so we have used a publicly available ultrasound dataset which was released in 2018, the Breast ultrasound images dataset (BUSI) [41], collected from women between 25 and 75 years old, and the dataset details are shown in Table 1. A sample of the dataset is shown in Figure 1. This dataset has two types of images: raw images scanned by the LOGIQ E9 ultrasound system and masked ground truth images. We have used the masked images as a separate image base to combine the image and numeric data as multi-head CNN’s input layers. The total number of images is 830 and 75% of these images are used for training and 25% for testing.
Table 1.
Details of breast cancer dataset.
Figure 1.
Sample images from the dataset.
2.2. Working Procedure
The dataset contains two types of image data. As a result, it was necessary to process both types separately. For the masked images, we determined the contour area of the masked portion (details are described in Section 2.2.1). For the original image, we first performed some pre-processing (details are described in Section 2.2.2) and then used a CNN model to fit those images. Later, we used the individual model to combine and train the two types together to complement one another’s errors. The total working procedure is shown in Figure 2.
Figure 2.
Working procedure of multi-headed concept.
2.2.1. Masked Image Processing
The initial idea was to obtain the numeric polygon value for the covered mask area of the cancer portion for one training branch of CNN. To achieve this, we have processed masked images to obtain the border of the cancer part by exporting the contour area. First, we inverted the color and resized the image to 100 × 100 pixels, then giving the (255,255) threshold, the coordinates of the contour area were exported (shown in Figure 3). The exported contour values were not uniform, so we needed to add padding values to make all the extracted values the same length. We obtained the maximum length of contour points and reshaped them as numerical coordinate data into a 2D array of shapes (200, 2).
Figure 3.
Masked image processing sequence.
2.2.2. Raw Image Processing
The original images are too large, which would increase the computational complexity. We have taken the original grayscale image to reduce the size and resized them to 256 × 256 pixels. After resizing, a 3 × 3 image sharpening kernel was used, as shown in Figure 4. The kernel reduces some image distortion. Then images’ pixel values were normalized between [0, 1] by dividing them by 255 as they are grayscale pixel values.
Figure 4.
A 3 × 3 image sharpening kernel has been applied to sharpen images.
2.3. Modeling and Evaluating Datasets
2.3.1. Evaluating Masked Images
From Section 2.2.1, we have a 2D array of processed masked coordinates of shapes. Now, that dataset is evaluated through a Conv2D model (shown in Figure 5) with 100 epochs and a dynamic learning rate reduction method (monitoring validation accuracy with factor 0.5 and minimum learning rate of 0.00001) to avoid overfitting. For training, 75% of the data and for testing, 25% data has been used. The initial input size is 200 × 2 as the data format with 50 neurons and 0.1 as alpha in the LeakyRelu, followed by BatchNormalization, 2 × 2 MaxPooling with 1 Stride and 30% Dropout. In the second cell, the neuron decreased to 25, and alpha increased to 0.2 for LeakyRelu. Finally, with 100 Dense units in the flattened layer, the result has been extracted with a softmax function. This model has 512,128 trainable parameters.
Figure 5.
Model architecture for Masked images.
After 100 epochs, the validation accuracy was achieved at 82.91%. The accuracy and MSE loss vs. epoch graph are shown in Figure 6. The precision, recall, F1 score, and confusing matrix for the masked image processing model in classification are shown in Table 2 and Figure 7.
Figure 6.
Accuracy and Loss vs. Epoch for masked image training.
Table 2.
Precision, Recall, and F1 score for the masked image on 25% of test data.
Figure 7.
Confusion matrix for masked image evaluation on 25% of test data.
In Table 2, the F1 score of malignant is comparatively lower than the other two types though the sample number is medium. Among 54 samples, 23 have been detected as benign and the other 1 as normal. As the differences between malignant and benign from images are very difficult to detect where shapes are slightly differentiable, it is understandable why these two became confused. On the other hand, the 93 benign cases are successfully detected and confused only 13 cases with malignant ones.
2.3.2. Evaluating Original Images
As the number of images is comparatively low, we have used image augmentation as horizontal flip, 10° random rotation, 0.1 random zoom range, and 0.1 height and width shift. In the CNN model, we have used separable conv2D by 64, 128, 256, 512, 128, 64 neurons with stride = (2,2) and same padding, LeakyRelu with 0.1 alpha, batch normalization, max-pooling with pool size = (2,2), and 20% dropout with adam optimizer and MSE loss. detailed model architecture has been shown in Figure 8. The total number of parameters used is 6,575,576.
Figure 8.
Model architecture for original image training.
To avoid overfitting, we used the dynamic learning rate reduction function “ReduceLROnPlateau” to monitor the validation accuracy, patient = 2, factor = 0.5, and minimum learning rate as 0.00001. After 100 epochs, the validation accuracy reached 78.97%, and the MSE was 0.11. The accuracy vs. epoch and loss vs. epoch graphs are shown in Figure 9. The precision, recall, F1 score, and confusing matrix for the original image processing model in classification have been shown in Table 3 and Figure 10.
Figure 9.
Accuracy and Loss vs. Epoch for original image in classification.
Table 3.
Precision, Recall, and F1 score for the original image on 25% of test data.
Figure 10.
Confusion matrix for original image evaluation on 25% of test data.
In Table 3, the F1 score of malignant improved from the previous section to 77% and misclassification was reduced to only 20. However, this time, the model failed to identify normal cases and misclassified 19 cases as benign. However, the benign classification improved from mask images where only two images are identified as normal. In this case, the benign and malignant seems to be classified accurately but normal cases are creating the confusion.
2.3.3. Validation of Multi-Headed CNN
Finally, we have combined the original image and masked image inputs with a two-headed CNN model to train parallel models, giving one output series of three classes. The initial learning was the default TensorFlow value, but to avoid the overfitting problem, a callback method was used for a dynamic learning rate reduction. The batch size was 20, and the training-testing set was 75–25% with 100 epochs. The final CNN model is shown in Figure 11 and all the related parameters and layers are described in Table 4. We have used the Google Colab free version to train our model. The free version gives us 12 GB RAM and 15 GB GPU. Training of 100 epochs with the multi-headed model utilized 3.63 GB RAM and 4.99 GB GPU and each epoch took 6 s (220 ms/step) for 29 steps. After training, we saved the model in h5 format for use with the web interface, and the model weight size is only 4.64 MB.
Figure 11.
Model architecture for combined image training.
Table 4.
Parameter details of used Multi-headed model.
Using the same image augmentation variables and after 100 epochs, the accuracy and loss vs. epoch have been shown in Figure 12. These graphs show a step-by-step improvement, eliminating the possibility of data overfitting. After around 80 epochs, the accuracy and loss values seem to be bouncing up and down, not maintaining a smooth flow, probably due to the lower epoch number. The precision, recall, F1 score, and confusing matrix for the mixed data processing model in classification have been shown in Table 5 and Figure 13. Finally, the ROC has been shown for this model evaluation in Figure 14.
Figure 12.
Accuracy and Loss vs. Epoch for a combined image in classification.
Table 5.
Precision, Recall, and F1 score for the combined image on 25% of test data.
Figure 13.
Confusion matrix for combined image evaluation on 25% of test data.
Figure 14.
ROC for combined image evaluation (on training data).
From Table 5, we can clearly see the improvement in mask and raw image processing results. This time, the F1 score improved in all three categories, especially for the malignant category. This one is likely to be identified as benign on mask processing, but in this combined scenario, the detection rate was improved and only 11 cases were misclassified causing an F1 score of 85%. The benign improved from 84% average F1 score to 93%, misclassifying four cases. On this combined architecture, the normal cases are highly improved in detection with 0 misclassifications. From the ROC curves, the ROC values on training dataset for benign, malignant and normal are found to be 95%,94%, and 100%.
2.4. Web Application Interface
To make this system available for non-technical persons, we have developed a web interface in localhost with PHP—v7.4 backend. The system takes two images as input, one is the original ultrasound raw image and another one is the mask of that image. These two images are processed and sent to a python—v3.8 code by AJAX for prediction. Python receives these two images, performs the processing and returns the processed pre-input image format and the predicted class in JSON format. Upon receiving the JSON output, AJAX shows the result images and classification results in real-time. The software flowchart is shown in Figure 15. After further development and proper hosting, this site will be published in a live website interface.
Figure 15.
The software flowchart for the web interface of breast cancer detection.
3. Discussing of Result
The CNN-based proposed breast cancer identification technique has achieved an optimal outcome. We have used ultrasound images of breast cancer containing three classes (Benign, Malignant, and Normal). Training and testing data were performed through three stages: (a) masked image processing having validation with 81.02% accuracy without creating overfitting, (b) original image processing with validation accuracy of 78.97%, and (c) multi-headed CNN with 92.31% validation accuracy. We combined the datasets for experimenting with our model with dynamic learning rate reduction and trained 75% of the data; the remaining 25% was used for testing. The Google Colab platform has been used for coding, and the Keras library was used for building the model. Some comparisons of methodology with findings have been shown in Table 6.
Table 6.
Comparison of existing methods with their findings and datasets.
In the literature, we can see much higher accuracy [20,23,25,32,33] compared with our results, but most of them have reliability [35,36] issues or complex training issues [30,31]. The result we achieved is only after 100 epochs, if we run higher epochs, there is a high chance that this accuracy will improve. However, we wanted to keep the computational cost low with an acceptable better result. We have used the BUSI dataset because it has the mask we considered as a completely different type and converted to numeric data as this is not a segmentation task. In our method, it is possible to utilize the model for similar types of datasets that could be extracted into multiple parts. Though our final accuracy was lower than some of the existing literature, we showed that the use of multiple CNN channels could complement the single channel’s weights. The individual channel weight and combined weights are making a difference in accuracy by around 10%, as described above. Later we are planning to perform a segmentation task with the popular Mask R-CNN [42] on it as the ground truth is already extracted. Segmentation will solve our primary limitation of having mask value in the testing procedure, improving the model’s usability in real-life applications. Marking and extracting the contour area from the binary image mask gives some idea about how the model is detecting classes which refer to the explainability of the model. Still, there are some limitations to model explainability to be exact, which need further work, especially in medical images.
4. Conclusions
As breast cancer is now a specific disease in women, the early identification of these diseases should be dealt with more effectively in contrasting and genuine conditions. The average 10-year endurance rate for females with obtrusive breast cancer is 84%. On the off chance that the invasive cancer is found uniquely in the breast, the 5-year survival rate of women with breast cancer is almost 99%, and 62% of women with breast cancer are diagnosed with this stage. The fundamental objective of this study is to find how to utilize multi-set CNN in the simple and cost-effective detection of breast cancer by using ultrasound images. We have utilized breast cancer identification using two-channel input datasets with a multi-headed CNN, achieving 92.31% (±2) accuracy. The proposed model was discovered to effectively acquire the actual outcomes that may diminish human mistakes in the diagnosis process and reduce the cost of a cancer diagnosis. We also developed a web-based system to give a trial to real-time analysis, which will be made publicly available soon. Moreover, our study depends on essential primary data for more exactness of the outcomes identified with breast cancer identification. This work implies using multiple types of data to achieve one target, so that features can complement each other in case of a wrong decision in one channel. This kind of multi-headed network is logically more usable in the medical field, where different kinds of data are needed to be exactly sure about the condition of patients. As reliability is very important in medical decisions, our work would create a new way of generating reliable knowledge.
In the future, we would like to acquire image segmentation so that the neural network can precisely detect cancer and the portion that causes cancer. Recently, the Mask R-CNN is one of the most popular models for instance segmentation, especially on medical images.
Author Contributions
Conceptualization, R.K.P., F.I.A., S.Y. and M.U.K.; Formal analysis, R.K.P., F.I.A., S.Y., H.A. and S.L.L.; Funding acquisition, Z.Y.H. and H.A.; Investigation, F.I.A., M.U.K. and S.L.L.; Methodology, R.K.P.; Resources, F.I.A. and S.L.L.; Software, H.A. and R.K.P.; Supervision, F.I.A., M.U.K. and S.L.L.; Validation, R.K.P. and H.A..; Visualization, R.K.P.; Writing—original draft, R.K.P. and S.Y.; Writing—review and editing, S.Y., Z.Y.H., H.A. and M.U.K. All authors have read and agreed to the published version of the manuscript.
Funding
This research was funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R54), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
All data are available in the manuscript.
Acknowledgments
The authors express their gratitude to Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R54), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.
Conflicts of Interest
The authors declare that they have no conflict of interest.
References
- Masud, M.; Rashed, A.E.E.; Hossain, M.S. Convolutional neural network-based models for diagnosis of breast cancer. Neural Comput. Appl. 2020, 34, 11383–11394. [Google Scholar] [CrossRef] [PubMed]
- Amin, M.N.; Uddin, G.; Uddin, N.; Rahaman, Z.; Siddiqui, S.A.; Hossain, S.; Islam, R.; Hasan, N.; Uddin, S.N. A hospital based survey to evaluate knowledge, awareness and perceived barriers regarding breast cancer screening among females in Bangladesh. Heliyon 2020, 6, e03753. [Google Scholar] [CrossRef] [PubMed]
- Begum, S.A.; Mahmud, T.; Rahman, T.; Zannat, J.; Khatun, F.; Nahar, K.; Towhida, M.; Joarder, M.; Harun, A.; Sharmin, F. Knowledge, Attitude and Practice of Bangladeshi Women towards Breast Cancer: A Cross Sectional Study. Mymensingh Med. J. 2019, 28, 96–104. Available online: http://europepmc.org/abstract/MED/30755557 (accessed on 19 March 2022). [PubMed]
- Islam, R.M.; Bell, R.J.; Billah, B.; Hossain, M.B.; Davis, S.R. Awareness of breast cancer and barriers to breast screening uptake in Bangladesh: A population based survey. Maturitas 2015, 84, 68–74. [Google Scholar] [CrossRef]
- Ilyas, F. Over 40,000 die of breast cancer every year in Pakistan. Dawn, 11 March 2017. [Google Scholar]
- Jemal, A.; Siegel, R.; Ward, E.; Hao, Y.; Xu, J.; Murray, T.; Thun, M.J. Cancer Statistics, 2008. CA A Cancer J. Clin. 2008, 58, 71–96. [Google Scholar] [CrossRef]
- Cheng, H.; Shi, X.; Min, R.; Hu, L.; Cai, X.; Du, H. Approaches for automated detection and classification of masses in mammograms. Pattern Recognit. 2006, 39, 646–668. [Google Scholar] [CrossRef]
- Cheng, H.; Cai, X.; Chen, X.; Hu, L.; Lou, X. Computer-aided detection and classification of microcalcifications in mammograms: A survey. Pattern Recognit. 2003, 36, 2967–2991. [Google Scholar] [CrossRef]
- Jesneck, J.L.; Lo, J.Y.; Baker, J.A. Breast Mass Lesions: Computer-aided Diagnosis Models with Mammographic and Sonographic Descriptors. Radiology 2007, 244, 390–398. [Google Scholar] [CrossRef]
- Shankar, P.M.; Piccoli, C.W.; Reid, J.M.; Forsberg, F.; Goldberg, B.B. Application of the compound probability density function for characterization of breast masses in ultrasound B scans. Phys. Med. Biol. 2005, 50, 2241–2248. [Google Scholar] [CrossRef]
- Taylor, K.J.; Merritt, C.; Piccoli, C.; Schmidt, R.; Rouse, G.; Fornage, B.; Rubin, E.; Georgian-Smith, D.; Winsberg, F.; Goldberg, B.; et al. Ultrasound as a complement to mammography and breast examination to characterize breast masses. Ultrasound Med. Biol. 2002, 28, 19–26. [Google Scholar] [CrossRef]
- Zhi, H.; Ou, B.; Luo, B.-M.; Feng, X.; Wen, Y.-L.; Yang, H.-Y. Comparison of Ultrasound Elastography, Mammography, and Sonography in the Diagnosis of Solid Breast Lesions. J. Ultrasound Med. 2007, 26, 807–815. [Google Scholar] [CrossRef] [PubMed]
- Chang, R.-F.; Wu, W.-J.; Moon, W.K.; Chen, D.-R. Improvement in breast tumor discrimination by support vector machines and speckle-emphasis texture analysis. Ultrasound Med. Biol. 2003, 29, 679–686. [Google Scholar] [CrossRef] [PubMed]
- Sahiner, B.; Chan, H.-P.; Roubidoux, M.A.; Hadjiiski, L.; Helvie, M.A.; Paramagul, C.; Bailey, J.; Nees, A.V.; Blane, C. Malignant and Benign Breast Masses on 3D US Volumetric Images: Effect of Computer-aided Diagnosis on Radiologist Accuracy. Radiology 2007, 242, 716–724. [Google Scholar] [CrossRef]
- Chen, C.-M.; Chou, Y.-H.; Han, K.-C.; Hung, G.-S.; Tiu, C.-M.; Chiou, H.-J.; Chiou, S.-Y. Breast Lesions on Sonograms: Computer-aided Diagnosis with Nearly Setting-Independent Features and Artificial Neural Networks. Radiology 2003, 226, 504–514. [Google Scholar] [CrossRef]
- Drukker, K.; Giger, M.; Horsch, K.; Kupinski, M.A.; Vyborny, C.J.; Mendelson, E.B. Computerized lesion detection on breast ultrasound. Med. Phys. 2002, 29, 1438–1446. [Google Scholar] [CrossRef]
- Andre, M.P.; Galperin, M.; Olson, L.K.; Richman, K.; Payrovi, S.; Phan, P. Improving the Accuracy of Diagnostic Breast Ultrasound. Acooustical Imaging 2002, 26, 453–460. [Google Scholar] [CrossRef]
- Meraj, T.; Alosaimi, W.; Alouffi, B.; Rauf, H.T.; Kumar, S.A.; Damaševičius, R.; Alyami, H. A quantization assisted U-Net study with ICA and deep features fusion for breast cancer identification using ultrasonic data. PeerJ Comput. Sci. 2021, 7, e805. [Google Scholar] [CrossRef] [PubMed]
- Sharma, S.; Aggarwal, A.; Choudhury, T. Breast Cancer Detection Using Machine Learning Algorithms. In Proceedings of the 2018 International Conference on Computational Techniques, Electronics and Mechanical Systems (CTEMS), Belgaum, India, 21–22 December 2018; pp. 114–118. [Google Scholar] [CrossRef]
- Ojha, U.; Goel, S. A study on prediction of breast cancer recurrence using data mining techniques. In Proceedings of the 2017 7th International Conference on Cloud Computing, Data Science & Engineering—Confluence, Noida, India, 12–13 January 2017; pp. 527–530. [Google Scholar] [CrossRef]
- Jabeen, K.; Khan, M.A.; Alhaisoni, M.; Tariq, U.; Zhang, Y.-D.; Hamza, A.; Mickus, A.; Damaševičius, R. Breast Cancer Classification from Ultrasound Images Using Probability-Based Optimal Deep Learning Feature Fusion. Sensors 2022, 22, 807. [Google Scholar] [CrossRef]
- Irfan, R.; Almazroi, A.; Rauf, H.; Damaševičius, R.; Nasr, E.; Abdelgawad, A. Dilated Semantic Segmentation for Breast Ultrasonic Lesion Detection Using Parallel Feature Fusion. Diagnostics 2021, 11, 1212. [Google Scholar] [CrossRef] [PubMed]
- Mekha, P.; Teeyasuksaet, N. Deep Learning Algorithms for Predicting Breast Cancer Based on Tumor Cells. In Proceedings of the 2019 Joint International Conference on Digital Arts, Media and Technology with ECTI Northern Section Conference on Electrical, Electronics, Computer and Telecommunications Engineering (ECTI DAMT-NCON), Nan, Thailand, 30 January–2 February 2019; pp. 343–346. [Google Scholar] [CrossRef]
- Chen, D.-R.; Kuo, W.-J.; Chang, R.-F.; Moon, W.K.; Lee, C.C. Use of the bootstrap technique with small training sets for computer-aided diagnosis in breast ultrasound. Ultrasound Med. Biol. 2002, 28, 897–902. [Google Scholar] [CrossRef]
- Malathi, M.; Sinthia, P.; Farzana, F.; Mary, G.A.A. Breast cancer detection using active contour and classification by deep belief network. Mater. Today Proc. 2021, 45, 2721–2724. [Google Scholar] [CrossRef]
- Abdelhafiz, D.; Bi, J.; Ammar, R.; Yang, C.; Nabavi, S. Convolutional neural network for automated mass segmentation in mammography. BMC Bioinform. 2020, 21, 192. [Google Scholar] [CrossRef]
- Hossain, M.S.; Muhammad, G.; Guizani, N. Explainable AI and Mass Surveillance System-Based Healthcare Framework to Combat COVID-I9 Like Pandemics. IEEE Netw. 2020, 34, 126–132. [Google Scholar] [CrossRef]
- Kumar, P.; Srivastava, S.; Mishra, R.K.; Sai, Y.P. End-to-end improved convolutional neural network model for breast cancer detection using mammographic data. J. Déf. Model. Simul. Appl. Methodol. Technol. 2020, 19, 375–384. [Google Scholar] [CrossRef]
- Yasmin, S.; Pathan, R.K.; Biswas, M.; Khandaker, M.U.; Faruque, M.R.I. Development of A Robust Multi-Scale Featured Local Binary Pattern for Improved Facial Expression Recognition. Sensors 2020, 20, 5391. [Google Scholar] [CrossRef]
- Masud, M.; Hossain, M.S.; Alhumyani, H.; Alshamrani, S.S.; Cheikhrouhou, O.; Ibrahim, S.; Muhammad, G.; Rashed, A.E.E.; Gupta, B.B. Pre-Trained Convolutional Neural Networks for Breast Cancer Detection Using Ultrasound Images. ACM Trans. Internet Technol. 2021, 21, 85. [Google Scholar] [CrossRef]
- Liu, J.; Li, W.; Zhao, N.; Cao, K.; Yin, Y.; Song, Q.; Chen, H.; Gong, X. Integrate Domain Knowledge in Training CNN for Ultrasonography Breast Cancer Diagnosis. Medical Image Computing and Computer Assisted Intervention—MICCAI 2018, Proceeding of the 21st International Conference, Granada, Spain 16–20 September 2018; Springer: Cham, Switzerland, 2018; pp. 868–875. [Google Scholar] [CrossRef]
- 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]
- Hijab, A.; Rushdi, M.A.; Gomaa, M.M.; Eldeib, A. Breast Cancer Classification in Ultrasound Images using Transfer Learning. In Proceedings of the 2019 5th International Conference on Advances in Biomedical Engineering (ICABME), Tripoli, Lebanon, 17–19 October 2019; pp. 1–4. [Google Scholar] [CrossRef]
- Sivanandan, R.; Jayakumari, J. A new CNN architecture for efficient classification of ultrasound breast tumor images with activation map clustering based prediction validation. Med. Biol. Eng. Comput. 2021, 59, 957–968. [Google Scholar] [CrossRef]
- Karthik, R.; Menaka, R.; Kathiresan, G.; Anirudh, M.; Nagharjun, M. Gaussian Dropout Based Stacked Ensemble CNN for Classification of Breast Tumor in Ultrasound Images. IRBM 2021, in press. [Google Scholar] [CrossRef]
- Wang, Y.; Choi, E.J.; Choi, Y.; Zhang, H.; Jin, G.Y.; Ko, S.-B. Breast Cancer Classification in Automated Breast Ultrasound Using Multiview Convolutional Neural Network with Transfer Learning. Ultrasound Med. Biol. 2020, 46, 1119–1132. [Google Scholar] [CrossRef]
- Casal-Guisande, M.; Comesaña-Campos, A.; Dutra, I.; Cerqueiro-Pequeño, J.; Bouza-Rodríguez, J.-B. Design and Development of an Intelligent Clinical Decision Support System Applied to the Evaluation of Breast Cancer Risk. J. Pers. Med. 2022, 12, 169. [Google Scholar] [CrossRef]
- Shirazi, A.Z.; Chabok, S.J.S.M.; Mohammadi, Z. A novel and reliable computational intelligence system for breast cancer detection. Med. Biol. Eng. Comput. 2017, 56, 721–732. [Google Scholar] [CrossRef] [PubMed]
- Kanimozhi, U.; Ganapathy, S.; Manjula, D.; Kannan, A. An Intelligent Risk Prediction System for Breast Cancer Using Fuzzy Temporal Rules. Natl. Acad. Sci. Lett. 2018, 42, 227–232. [Google Scholar] [CrossRef]
- Dua, D.; Graff, C. UCI Machine Learning Repository. 2017. Available online: http://archive.ics.uci.edu/ml (accessed on 17 January 2021).
- Al-Dhabyani, W.; Gomaa, M.; Khaled, H.; Fahmy, A. Dataset of breast ultrasound images. Data Brief 2019, 28, 104863. [Google Scholar] [CrossRef] [PubMed]
- He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask r-cnn. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).