Preprint
Review

Breast Cancer Detection using Mammography: Image Processing to Deep Learning

Altmetrics

Downloads

576

Views

950

Comments

0

Submitted:

08 May 2024

Posted:

09 May 2024

You are already at the latest version

Alerts
Abstract
Breast cancer stands as a predominant health concern for women globally. As mammography is the primary screening tool for breast cancer detection, improving the detection of breast cancer at screening could save more lives. This mammography re-view paper provides a systematic review of computer-aided techniques during a specific time frame for the segmentation and classification of microcalcification, evaluating image processing, machine learning, and deep learning techniques. The systematic review is meticulously carried out, adhering closely to the preferred reporting items for Systematic Reviews and Meta-Analysis (PRISMA) guidelines. This article focuses on mammographic breast cancer detection approaches based on automated systems, discussed chronologically from 1970 through 2023. This article encompasses the breadth of artificial intelligence-based methods from the most primitive to the most sophisticated models. Image processing and machine learning-based methods are compre-hensively reviewed. The evaluation of a deep learning architecture based on self-extracted features for classification tasks demonstrated outclass performance. Large-scale datasets required for a broader and in-depth analysis of novel methods for breast cancer detection are also discussed in this article. This research work is aligned with the United Nations' sustainability de-velopment goals.
Keywords: 
Subject: Computer Science and Mathematics  -   Computer Vision and Graphics

1. Introduction

Globally, breast cancer ranks as the most prevalent cancer and holds the second-highest mortality rate among women internationally. According to the WHO, half a million women worldwide die each year from breast cancer [1]. In 2018, breast cancer claimed the lives of 627,000 women, making up 15% of all cancer-related deaths. In Europe, there were 3.9 million new cases reported in 2018 – accounting for 25% of the world's cancer toll [2]. This research reviews breast cancer detection through mammography over some time, aligning with several UN Sustainable Development Goals (UDGs) [3] by improving early detection (goal 3), optimal health and well-being (goal 5), contributing to industry, innovation, and infrastructure through technological innovation and collaboration (goal 9) and fostering partnerships for collective action (goal 17).
Statistically, the increase in the death rate from breast cancer can be attenuated by adopting routine screening procedures at its early stages. A reliable technique for breast cancer screening is mammography. A mammogram can often reveal breast changes that could represent cancer years before physical symptoms develop. The goal of screening programs such as yearly mammography is to promote early cancer detection while the cancer is still clinically occult. Ductal carcinoma in situ (DCIS) is the earliest form of breast cancer, as it is confined to the ductal system and is not yet invasive. Over 90% of non-palpable DCIS is detected by microcalcifications alone [4]. Therefore, differentiating benign from malignant calcifications based on their radiographic appearance is very important [5]. Due to their small size (0.1-1.0 mm) and lack of background contrast on images, malignant calcifications have the potential to be difficult to observe and characterize [6]. Accurately identifying and classifying such calcifications on screening mammograms can be challenging. Previous computer-aided detection (CAD) systems were disappointing, yielding reduced accuracy, increased biopsies, and no definite improvement in cancer detection rate [7].
Optimizing the ability to differentiate benign from malignant calcifications is an area of great interest in Artificial Intelligence (AI) through Deep Learning (DL) [8]. DCIS often has a natural history of non-progression, with an estimated up to about 40% progressing to invasive carcinoma, according to some investigators [9]. Others have estimated the progression of DCIS to invasive cancer to be about 53% [10]. As DCIS is a pre-invasive and a non-obligate precursor to invasive carcinoma, with approximately half of the cases remaining non-invasive, greater emphasis is placed on detecting early invasive breast cancer. While there are many potential mammographic features associated with invasive breast cancer at screening mammography, the most common mammographic appearance is that of a mass [11]. The goal of mammography in detecting invasive breast cancer is early detection when it is 1 cm or smaller, with a 95% chance of 10-year survival compared to 85% and 60% survival at 1-2 cm and 2-5 cm, respectively [12]. Morphological features describing a mammographic mass's shape and margins help differentiate benign from malignant masses. These features have been exploited in DL using CNN for shape classification, yielding an accuracy of 80% on a public dataset [13].
Mammography uses low-dose X-rays to approximate the distribution of absorption coefficients depicted on imaging as structural density variation, revealing anatomy based on radiomic features used to translate/detect the presence of breast cancer. In this context, this review article uses large publicly available X-ray mammography datasets from different time frames to perform a detailed summary of breast cancer diagnosis methodology. Although previous studies have examined similar literature, most cover a specific range. They must be revised to examine a broad spectrum of methodologies over a considerable period. Examining the consistent improvements in technology and image quality can provide a better understanding of how best to detect and classify lesions with greater accuracy and efficiency.
Analyzing a mass manually is a time-intensive task, with the effectiveness of contrast enhancement during screening relying on both image quality and the radiologist's skill level. Screening techniques that are used include clinical and self-examination (CSE) of the breast, mammography, breast ultrasound, and magnetic resonance imaging (MRI) [1]. CSE is a good approach where limited clinical resources are available with high sensitivity (60-70%) and specificity (90-97%) [14,15]. Among US women, mammography screening has reduced mortality [16]. Although it has a positive impact, screening mammography has many false positives [17]. In addition, CSE performance varies based on the physician's experience and knowledge. This issue can be resolved with multiple clinical exams, but this approach is costly, arduous, and time-consuming.
Since 1990, researchers developed CAD tools to improve screening accuracy. While computer-aided mammography (CAM) has been in use for over two decades, the automatic detection of microcalcification still needs to be improved, mainly due to its low contrast, fuzzy nature, and poor discrimination from the contiguous pixels. Researchers have been using a variety of algorithms for the automatic diagnosis of microcalcification. Different techniques and methods are used for feature extraction and enhancement, such as wavelet transforms, segmentation, and clustering. The medical community is successfully applying advanced AI machine learning (ML) techniques, to improve accuracy in cancer screening procedures [18]. In this context, unsupervised learning methods have successfully aided radiologists in improving screening outcomes [19,20,21,22,23,24]. ML techniques have allowed for the detailed analysis of mammography images to be performed using feature extraction techniques like textural, statistical, and sub-band transformation, in addition to other traditional feature extraction techniques. These features tune classical ML techniques to classify unknown images into benign and malignant cases. These DL strategies represent learning-based techniques leading to automatic feature extraction for categorizing mammography images.
There are a few prior review articles on mammography and ML. In 2017, Abdelhafiz et al. published a review of 83 studies applying CNNs to mammography. Their review spanned a period of 1995 to 2017 and DL techniques for lesion localization and detection, risk assessment, image retrieval, high resolution reconstruction, and classification tasks. Both public and private datasets were included [25]. In 2019, Gardezi et al. reviewed DL techniques for mammogram datasets spanning a 5-year period, which discussed breast density estimation, mass detection, and mass classification, demonstrating how DL can contribute to the diagnostic performance of CAD systems [26]. In 2019, Geras et al. performed a review comparing conventional CAD, which uses prompts to demonstrate possible cancers, to AI-based CAD. Their review discusses the advantages of CAD system, which include fewer false positives and sensitivity equal to radiologists, allowing its use as a double reader and potentially as an independent first reader in the dismissal of normal cases [27]. More recently, Hickman et al. [28] published a meta-analysis of 15 studies in 2023 amalgamating 185252 cases read by ML algorithms versus human readers. The overall area under the curve for the receiver operating characteristic AUC (ROC) curve for ML was 0.89, and for the human readers was 0.85. They concluded that ML algorithms as stand-alone applications in screening mammography can exceed the performance of human readers in detecting breast cancer and enhance efficiency. Similarly, in a recent work, Khan et al. [29] carried out a systematic review of representation learning-based methods using whole-breast MRI scans without expert radiologists’ help to predict pathological complete response to neoadjuvant chemotherapy (NAC) in breast cancer. The immediate effects included reducing the toxicity of unnecessary NAC, with improved clinical outcomes.
Our review is on breast cancer diagnosis and detection in mammography from 1970 to 2023. We focused on the evolution of techniques over this period chronologically, including image preprocessing and enhancement methods, feature extraction methods with ML, and DL methods applied to mammography datasets. The value of this presentation is that it is oriented to professionals in the computing segment of healthcare, reaching beyond radiologists and clinicians. The main contributions of this article are:
  • This work encompasses mammography based on early diagnosis and breast cancer detection, highlighting the significant achievements from 1970 to 2023 using three keywords, namely mammography, microcalcification, and breast tumor.
  • The notion is to divide the work into three main basic strategies for early breast cancer detection: image processing-based techniques, ML-based solutions, and DL algorithms.
  • Competing algorithms have been briefly discussed in the field of mammography.
  • All datasets of mammography have been discussed.
  • Recent state-of-the-art techniques have been compared and discussed.
This review is conducted carefully, following the preferred reporting items for Systematic Reviews and Meta-Analyses (PRISMA) guidelines. The PRISMA flow diagram illustrating the salient steps of the electronic literature collection process is shown in Figure 1. The search was carried out in 20, 16, 10, and 8-year intervals based on the keywords illustrated in Table 1. The last column shows the highest-citation articles in different periods for manual and computer-aided techniques. The compilation and analysis of mammography data involved an extensive online search of published literature from the Macquarie University library. The electronic bibliographic databases that have been used include Macquarie University library, Semantic Scholar, PubMed, Google Scholar, the Biological Science database, Springer Journals Complete - Open Access, the SciTech Premium Collection, Taylor & Francis Open Access, the Catalog of Open Access Journals, Wiley-Blackwell Open Access Titles, the Engineering Database, Wiley Open Content, the Computer Science Database, and IEEE Open Access Journals and Conferences. Shahzad Ahmad Qureshi and Aziz-ul-Rehman initially conducted the literature search, with subsequent reviewers independently assessing the article’s relevance based on their titles and abstracts relevant to the study.
The three main themes, manual-aided, ML, and DL are equally crucial for the early diagnosis problem. Also, the manual-aided articles (conventional image processing techniques) were the most cited due to their relatively longer presence in research databases. The converse is true for DL-based articles, which are more recent and have needed more time to accrue citations. We have concisely reviewed primitive to recent methodologies and techniques, including novel DL architectures-based ideas and approaches related to mammography for micro-calcification detection in the breast.

2. Materials and Methods

This study highlights explicitly the techniques used to detect abnormalities in breast cancer mammograms spanning 1970-2023 to provide researchers with a quick overview of employed methods. A basic breast image classification scheme is illustrated in Figure 2. We discussed the methods to detect breast cancer via mammography using (a) image preprocessing methods, including image enhancement methods, (b) different feature extraction methods with conventional ML approaches, and (c) DL-based convolutional neural network (CNN) methods. These methods are applied to different breast mammography datasets.

2.1. Preprocessing

Preprocessing is a complex task that involves cleaning, transforming, and preparing the dataset for further analysis. The quality and effectiveness of data-driven tasks can be significantly affected by various challenges, including dealing with missing values, scale dependency, outliers, feature selection, correlation removal, redundant information removal, class imbalance, data noise impregnation issues, and large datasets with space and time complexities. Each of these challenges necessitates careful consideration and domain-specific knowledge to select the most appropriate solution for the task at hand.

2.2. Image Processing Methods

Mammographic images, whether analyzed through self-examination or intelligent algorithms, can be challenging to interpret. The focus is primarily on the contrast between malignant and normal tissues, with tumors or microcalcifications appearing as white or dense regions. Enhancing these images to detect microcalcification involves a range of direct and indirect techniques. The complexity of this task is underscored by the following challenges:
Direct image enhancement means improving the perceptual quality of the image by establishing correct discriminative contrast using direct techniques. Rangayyan et al. [40] suggested the adaptive neighborhood technique, in which the local contrast of an image is computed. Tang et al. [41] proposed a technique called multiscale local contrast, which decomposes contrast using a wavelet domain, improving contrast details in different scales.
In the indirect contrast enhancement technique, the image histogram is modified instead of directly manipulating the image contrast. The most popular indirect image contrast enhancement techniques are based on histogram modeling. Significant variants of this technique are: In the histogram equalization (HE) technique, grey levels are distributed equally in the output, whereas input image mapping is proportional to the cumulative intensity [42]. This technique enhances the contrast of images globally, and the abnormal regions are filled close to contrast values. Therefore, an increase in the lower local contrast rises to higher contrast levels, and unnatural artifacts are seen in the output image. An adaptive histogram computes the difference in histograms against distinct regions of an input image. Multiple histograms are used to reallocate the contrast values of an image so that local contrast and edges can be enhanced in each region. In the adaptive and contrast limited adaptive histogram equalization (ACLAHE), an image's enhancement amount is equalized by computing the histogram of sub-matrices and truncated to limit the enhancement gray levels [43]. In the minimum mean brightness error bi-histogram equalization (MMBEBHE) technique, the image is divided into two parts depending on a threshold value. The threshold is calculated by finding all possible separated ranges of intensity values in an image and then finding the Absolute Mean Brightness Error (AMBE) followed by HE. In the case of an inhomogeneous background of a mammogram, local-based enhancement techniques can perform better. Such a popular technique is fixed-neighborhood statistical enhancement [44]. It estimates the background of an input image by computing the statistical properties of a pixel in the neighborhood and suppresses the estimated background. As a result, an increase in the local contrast of an image occurs.

2.3. Classfiication

Feature extraction in clinical images is an important pre-processing step for ML and DL algorithms. It helps reduce redundant data and an algorithm's learning time. This section highlights feature extraction methods, followed by a brief overview of some of the most prominent methods proposed in the past.

2.3.1. Feature Extraction for ML

Feature extraction reduces the dataset's dimensionality by condensing it into smaller subsets for processing. An undesirable effect of a large dataset is the buildup of many variables, requiring much computational power. Various feature extraction methods are illustrated in Figure 3.
Several researchers suggested that different local features in mammographic images can be extracted for classification. Zhang et al. [45] divided local mammogram features into two classes, i.e., spatial (average and standard deviation intensities of foreground and background) and morphological features (moment, compactness, and Fourier descriptor). Spatial, morphology, and cluster description features were used to designate mammogram clusters. Davies et al. [46] proposed a technique using a few local mammographic features (mean intensity level, area, the ratio based on the area to the squared maximum-linear dimension, the strength of edge, and shape parameter).

2.3.1.1. Textual Feature Extraction

Textural features are repeated or identical arrangements of patterns of pixels’ intensities that refer to characteristics of an object, such as its appearance, shape, size, density, coarseness, and contrast. Different techniques for extracting texture-based features are the surrounding region dependence method [47], spatial gray-level dependence method [48], gray-level run-length method [49], and gray-level difference method [50].

2.3.1.2. Intensity-based Feature Extraction

It consists of first-order statistics using features like mean, mode, variance, and standard deviation to find the intensity and its variation [51]. Here, a large set of sampling features can be extracted from a pixel's local neighborhood to train learning algorithms. However, the spatial arrangement of a pixel, a key factor for detecting and classifying abnormal tissues in mammograms, needs to be considered.

2.3.1.3. Multi-scale Feature Extraction

The disadvantage of using texture-based features is that all methods focus on the single scale of a pixel. To extract features, Laws [52] has explained a system in which linear transformation and energy computation perform better than the texture features of second-order statistics. Over time, many researchers have proposed improved methods for better performance by domain transformation, like wavelet transform-based methods [53,54,55], Gabor Filter Bank Methods [56], and Laplacian of Gaussian Method [57].

2.3.2. ML Approaches

Extracting the most discriminative feature set is an essential factor in classification [58]. The latest ML algorithms can detect and classify normal and cancerous tissues (benign or malignant). A brief overview of important classifiers is given by:
  • k-Nearest Neighbor (k-NN) Classifier
It is used to categorize benign, malignant, and normal tissues. It finds the distance between unobserved data and all the known data in k -classes, and the unknown instance is given the class name depending on the shortest distance from the known data classes [59]. The Minkowski distance, dM, is a generalized form for the Euclidean- (L1-norm) and the Manhattan-(L2-norm) distances that are used with the k-NN classifier, as given by:
d M = ( i = k k x i y i q ) 1 / q
The number of features is k , for object x the value of feature is x i whereas for object y the value of feature is y i . The value of q defines the Manhattan and Euclidean metrics as one and two respectively.
  • Decision Tree Classifier
In diagnosing breast cancer, a decision tree (DT) [60], composed of decision and leaf nodes, is a commonly used classifier because it is easy to define and map the rules from the root to a leaf node. The entropy or information gain computes the homogeneity in the dataset given by:
E S = x X P i × log P ( i )
The dataset is represented by S , X represents class cardinality and ith class probability is P ( i ) . Zero entropy means perfect classification.
  • Naïve Bayes (NB) Classifier
The NB is a classifier that categorizes the data statistically by considering all features. Given the feature set X = x 1 + x 2 + x 3 , NB computes the posterior probability (probability to be assigned to the unknown instance) of class c  as given by. The probability density function of class c is represented by P ( x i | c ) , whereas the class prior is given by P ( c ) . NB performs well for large datasets, and sometimes, due to the feature set, it outperforms other classifiers [61]. The problem with NB is zero frequency, which occurs when the class and feature combination frequency becomes zero.
  • Support Vector Machine
The principle attribute of SVM is maximum marginalization [62], which classifies the malignancy of breast cancer. SVM is a linear classifier that constructs a linear hyper-plane of N -dimensional space to categorize the linear data by maximizing the margin between two classes. Non-linear mapping functions can be used to link the data (source) to a higher dimensional feature space (target) if the data is non-linear. Training data is used to compute the weighted vector w = [ ω 1 + ω 2 + ω 3 + ] T and the bias b for discrimination boundary is given by,
d X , w , b = i = 1 n w i x i + b
Where d X , w , b is the decision function that is optimal when d X , w , b = 0 . For non-linear data, it is mapped to a high dimensional space using a non-linear linking function as given by,
K x i ,   x j = φ   x i T φ ( x j )
, where K ( x i , x j ) is the kernel function that maps the non-linear mapping function φ ( x ) . Different studies suggested changing the dataset and adding more constraints (hard margin), the SVM produced good results on mammographic images.

2.3.3. Deep Learning Approaches

DL is a sub-domain of ML and is the basis of many of the approaches recently reported by many investigators. The basic idea relates to the boosted hidden layers used in shallow neural networks by many of the other time-to-time solutions exploited for the early diagnosis of breast mass abnormality.
DL has an edge over ML due to its self-feature extraction capability (representation learning), significantly improving breast cancer diagnosis [63]. A deep neural network (DNN) is constituted of “n” layers and “m” hidden neurons. Weights are associated with each input and output link in the neural network. Regulating weights in training helps neural networks learn significant information. The information flows in the learning phase to make it a self-learning network [64]. We have discussed numerous DL-based methods for breast cancer classification and segmentation that use the variants of CNN belonging to one of the three categories (Figure 1): (a) Novel CNNs express impressive results in mammography detection and classification, (b) Transfer Learning (TL) consists of developing a model to use the preset parameters, with salient variants to make the training compatible after adjusting the input size equal to the size of the mammogram with several neurons in the concluding layer set equal to the class-cardinality of the target database, (c) DL Features Extraction solutions are based on dynamic features extraction using the DL models and employed further by conventional ML algorithms to carry out classification tasks. The TL models can also be used for deep feature extraction using customized datasets. An overview of salient DL methods by different authors is given by:
  • Bayesian Neural Network
In DL, the Bayesian neural network (BNN) extracts the uncertainties using the Bayesian model, and it refers to the uncertainty of the model output [65]. Specht [66] proposed a Probabilistic Neural Network (PNN) based on the Bayesian classification. PNN consists of three layers (Input, Radial Basis, and Competitive layer), described in the study. PNN classified the mammograms into three classes (normal, benign, and malignant) based on the input vector. The feature vector was extracted from a mammogram through Discrete Wavelet Transform (DWT) and then applied classification. Seventy-five (75) images were selected for the experimental purpose, and the accuracy achieved by the authors was 90%.
  • Back Propagation in DL
A back propagation neural network (BPNN) is a supervised learning network called a feed-forward neural network with backward propagation of error to adjust the neurons’ weights. This neural network consists of an input layer, one or two hidden layers (no hard rule for layers’ selection), and, in the end, an output layer. In the BPNN, during the training phase, the features are fed to the neurons for learning. Then, the algorithm fine-tunes the weights based on the error rate (i.e., loss function) from the previous epochs to converge quickly in the backward direction. Zhang et al. [67] proposed a neural network that reduced the false positive rate of microcalcification detection in real cases of 100 patients’ mammograms. It consists of a three-stage method. In the first stage, all the microcalcifications were detected. In the second stage, FP detection was removed from the first stage’s output. In the third stage, the BPNN with Kalman filter was used for the classification of microcalcification in mammograms.
  • Convolutional Neural Network
CNN is a sub-category of deep neural networks that achieves impressive results in mammography for detecting and classifying microcalcifications and is currently the most popular neural network [68]. The classification decision is taken in the decision layer by computing the prediction error or loss function. The first CNN was developed by Fukushima et al., known as “Recognition,” and was the very first neural network model used for medical image analysis [69]. The class with minimum loss is declared the classifier decision. Sahiner et al. [70] proposed a backpropagation CNN to classify mammograms. Sub-regions, regions-of-interest (ROIs), are extracted for CNN input. ROI patches are extracted by either averaging, subsampling, or texture feature extraction methods. Lo et al. [71] introduced the Multiple Circular Path Convolutional Neural Network (MCP-CNN), which initially gathers information from the identified regions in mammograms and subsequently processes it as features using CNN. Fonseca et al. [72] used an SVM-CNN classifier for breast cancer categorization. Su et al. [73] suggested a method for classifying the breast cancer named “Fast Scanning CNN,” where the algorithm computed the pixel-wise image segmentation to remove the redundant information (which increased the original CNN complexity). Jiao et al. [74] presented a method that utilized deep features for breast mass classification. The method combined the intensity-based features with deep features extracted by CNN from the original image and was finally used for classification.
Arevalo et al. [75] devised a hybrid approach where they employed CNNs to learn data representations in a supervised manner rather than extracting feature maps directly from mammographic images. Rezaeilouyeh et al. [76] presented a microscopic breast cancer classification model based on CNN. In this model, the Shearlet Transform (ST) was applied to images to get the feature vector of Shearlet coefficients fed to CNN for classification. Jadoon et al. [77] developed two deep neural network-based classification models for normal, benign, and malignant classes using CNN-Discrete Wavelet and CNN-Curvelet transform. The features extracted are fused and fed to the CNN for the classification task. Jaffar [78] introduced a method in which the mammograms are first enhanced; then, the CNN is used for feature extraction, followed by SVM-based classification. The outcome of their experimentation is discussed in the forthcoming section.
  • Regions with CNN (R-CNN)
Zhu et al. [79] used a fully convolutional network (FCN) to segment the masses in mammograms using a Conditional Random Field (CRF) model. By leveraging prior positional information, the method empirically estimates the ROIs, enhancing the accuracy of ROI predictions. Wang et al. [80] introduced a hybrid method for classifying benign and malignant breast cancer, which involves cropping breast masses and extracting clinical features from multi-view patches of mammograms. CNN was employed to concentrate on regions associated with semantic-based lesions. Gastounioti et al. [81] explained an ensemble method for breast cancer classification. They used lattice-based techniques for textural feature maps and fed them to CNN for multi-class categorization.
R-CNN is a CNN-based network that detects and classifies data on a regional basis regardless of the class. For this reason, it is also referred to as a Region Proposal Network (RPN). R-CNN reduced the convolution time by selecting a region, which is considered an advantage of using R-CNN. Ribli et al. [15] explained a Faster R-CNN method used for classifying the breast cancer. Faster R-CNN used the ROI pooling technique to extract features from the ROI fed to the VGG-16. This method produced bounding boxes accompanied by a confidence score classifying the benign or malignant cancer. Chiao et al. [82] proposed an advanced variant of RPN called Mask R-CNN, which is used to detect and segment mammographic images. Instead of extracting features from the ROI pooling method, the Mask R-CNN employed ROI alignment (ROI-Align) procedure. ROI-Align feature extraction tackled the spatial information loss encountered in Faster R-CNN. Lastly, CNN was used for detection and classification tasks.
  • Long Short-Term Memory (LSTM) Neural Network
LSTM is a Recurrent Neural Network (RNN) type that can learn from the reference point instead of from scratch (i.e., error feedback to the input). The reference point is any middle layer whose output can be used as input. As in CNN, the learning must be started from scratch. Gradient vanishing is the major problem in RNN, which is overcome by LSTM, as proposed by Hochreiter et al. [83]. Nahid et al. [84] used LSTM to classify microcalcifications and the formation of masses. They transformed images into 1-D vector format and then converted them into time-series data, followed by LSTM training. The maximum accuracy of 84.4% was achieved when using Softmax at the decision layer.

3. Results

Breast cancer detection has been a conventional problem in medical science since the 16th century. It is still considered the deadliest disease due to its complex morphological structure. In the early years, breast cancer diagnosis included a self-examination method, which produced many false results. With the advent of mammograms, cancer detection based on imaging became feasible. However, microcalcification or abnormal tissues are very subtle and unstable, making it hard for experienced professionals to detect cancerous tissues early. In recent years, image processing techniques have been replaced by computer-aided techniques that help radiologists and experts make more reliable decisions; intelligent algorithms further add classification (to classify cancerous types: benign or malignant), and these techniques produce state-of-the-art, accurate, and more reliable results.

3.1. Datasets for Mammography

Mammography datasets play a vital role in designing and developing AI-based solutions, thereby attributing confidence in the scope of the results along with the robustness of the model. Table 2 illustrates large datasets used for conventional machine and DL techniques, along with the corresponding references, total instances, and categories used for classification. The Mammographic Image Analysis Society (MIAS) dataset is one of the pioneering datasets in mammography. It contains 322 mammographic images (digitized at 50 microns pixel edge) [85]. These images are labeled as benign, malignant, and normal. The MIAS dataset has been extensively utilized for developing and validating CAD systems and algorithms to classify breast lesions. It is a widely cited benchmark data set using mammographic images for breast cancer detection research.
Similarly, a popular MIAS method is the Mini-MIAS data set [86] (http://peipa.essex.ac.uk/info/mias.html). The Mini-MIAS is a well-known case study in breast screening. It contains 322 mammograms reduced to 200 μm pixel edges and cropped/padded so that each image is 1024 × 1024 pixels. These mammograms are listed as safe and sensitive, making them valuable for training and experimental computer-aided detection programs. The dataset has been widely used to develop and evaluate algorithms for breast cancer detection and classification, which is a benchmark in medical image analysis
DDSM (Digital Database for Screening Mammography) is a comprehensive database specially developed for research in mammographic image analysis. It contains a collection of 2620 scanned film mammography examinations labeled normal, benign, and malignant, as well as associated clinical data and ground truth descriptions [87] (http://www.eng.usf. edu/cvprg/Mammography /Database.html). It is a valuable resource for developing advanced image processing techniques such as detection and classification algorithms for breast cancer detection Due to its size, diversity, and fine resolution, the DDSM dataset is widely used in academia and engineering in a research environment. The Curated Breast Imaging Subset of the DDSM (CBIS-DDSM), a standard for performance and accuracy, is a curated dataset designed for breast cancer detection and diagnostic screening. The CBIS-DDSM data set consisted of 10239 standard mammograms to facilitate the creation and evaluation of computer screening algorithms, and other image analysis techniques developed for mammography [88] (https://wiki.cancer image database.net/display/Public/CBIS-DDSM). Due to its comprehensive description, image quality, and focus on analysis and diagnostic information, the CBIS-DDSM dataset has become a widely used benchmark in mammographic image analysis. The IRMA (Image Retrieval in Medical Applications) dataset from RWTH Aachen University in Germany serves as a collection of mammogram patches designed to assess the accuracy of mammogram patch classification methods [89]. It includes datasets from MIAS, DDSM, Lawrence Livermore National Laboratory (LLNL), and regular images from RWTH Aachen. The dataset provides detailed information about the images, classifying them based on background nodes and the nature of abnormalities detected in the mammogram patch. The mammogram patches in the dataset are standardized as 128 × 128 pixels, with 931 normal, and 584 abnormal images.
The BancoWeb LAPIMO dataset is a mammographic image dataset specially developed for research purposes in breast cancer detection [90] (http://lapimo.sel.eesc.usp.br/bancoweb). Based on 1400 images from 320 patients, this dataset is designed to support the development of ML/ DL algorithms and other image analysis techniques tailored for mammography. The digitized mammograms are normal, benign, and malignant, with detailed annotations and ground truth labels indicating the presence of various types of lesions, such as masses and calcifications. The INBreast is a mammographic image dataset designed to support research in breast cancer detection and diagnosis [91]. It was created by the Faculty of Medicine of the University of Porto, Portugal, and consists of a collection of 410 mammograms obtained from both screening and diagnostic examinations (https://www.kaggle.com/datasets/ramanathansp20/inbreast-dataset). This dataset includes images with numerous breast abnormalities, such as masses, calcifications, and asymmetries, along with detailed annotations and ground truth labels provided by expert radiologists. Over and above, the King Abdulaziz University Breast Cancer Mammographic Dataset (KAU-BCMD ) [92]
(https://www.kaggle.com/datasets/asmaasaad/king-abdulaziz-university-mammogram-dataset)is a mammographic image dataset designed to support research in breast cancer detection and diagnosis. This dataset consists of a collection of digital mammograms accompanied by detailed annotations and ground truth labels provided by three radiologists. The ordinal categorization of cancer is based on the breast imaging reporting and data (BI-RAD) classification system. The VinDr-Mammo, a Vietnamese dataset of digital mammography developed by VinBigData, is a research initiative by Vingroup JSC aiming to advance healthcare through ML [93] (https://doi.org/10.13026/br2v-7517). This dataset comprises an extensive collection of digital mammograms, categorized on the ordinal states of the BI-RAD classification system for extensive lesion-level annotations and damage-level assessment, with detailed annotations and ground truth labels provided by the three expert radiologists. The acronyms for some recent DL techniques are illustrated in Table 3 with the dataset used and the method adopted.

3.2. Image Processing

The subsection describes some image processing-based studies used for breast cancer analysis by mammography. In this study, salient image-based techniques are briefly reviewed in the initial part, where prominent algorithms are surveyed. In this context, Verbeek et al. [30] analyzed data according to the age groups of women, where the odds ratio of 0.48 (confidence interval= 95%) was used. Further, the study was conducted for unscreened objects as well. The fatality rates of both, screened/unscreened subjects, were then compared based on breast cancer. Rangayyan et al. [40] employed the Adaptive Neighborhood Contrast Enhancement (ANCE) method, represented the digitization down-sampling to an adequate pixel size and consequently degraded images affecting the radiologist’s decision. The use of the ANCE technique assisted the radiologist’s performance. The area parameter of an “enhanced mammogram” was found to be 0.6745 which was higher than the digitized and original mammograms. In another study, Carney et al. [32] correlated Hormone Replacement Therapy (HRT) with age and microcalcification density, and its role in screening accuracy performance. By adjusting breast density ranges between (62.9-87.0)% from highly dense to fatty breasts, they found that the sensitivity increased from 68.6% to 83.3% with age. Matsubara et al. [99] used an adaptive thresholding scheme dividing the mammogram so that the tissues in it are divided into one of the three classes based on histogram analysis ranging from fatty to dense classes. The affected regions containing potential masses are detected by using multiple threshold values. Dominguez and Nandi [100] based segmentation on the conversion of mammograms to binary images at selected threshold levels. They used 30 gray levels with a minimum step of 0.025 with 8-bit gray levels between 0 and 1. The segmentation sensitivity was 80% with the proposed method.
Zheng et al. [101] introduced a region growth mechanism for initial boundary conditions of adaptive contouring of the mass region in the mammogram. The final contour of mass was achieved by using a contour algorithm working runtime dynamically. For 85 queried regions, in an observer preference study, a scheme was based on referenced regions divided into two sets, and the previously randomly selected regions were compared with the queried sets. In 54.1% of the examined regions, the four observers chose the reference image set that was visually more similar when compared to the queried region. Zou et al. [102] proposed a deformable model for parametric contouring using partial differential equations for the determination of gradient vector flow field, yielding an accuracy of 82.6%. After the enhancement of mammographic images with adaptive histogram equalization, the GVF field component with the larger entropy was used to generate the ROI. Yuan et al. [103] employed a Full-Field Digital Mammography (FFDM) image to highlight abnormal masses from the surroundings using a dual-stage procedure. Firstly, the initial contour is determined using index-based segmentation using radial gradients. Secondly, a contour model is used dynamically for the region segmentation to find the abnormal mass contour. The distance feature outperformed using the leave one out method using lesion-size, and -contrast, and distance features, yielding the AUC (ROC) = 0.86. Similarly, Hassanien and Ali [104] proposed an algorithm for segmenting abnormal masses using fuzzy sets with Pulse Coupled Neural Networks (PCNN). Before segmentation, the fuzzy histogram hyperbolization is applied as a filter, followed by PCNN. Although, the image processing methods are very old, they are being used as preprocessing support to exploit the feature space for AI-techniques.

3.3. Machine Learning

This section surveys the ML-based approaches for the detection and classification of breast cancer. In this context, numerous methods have been accumulated spanning over time, emerging for mammography datasets focusing on different aspects of the problem domain. Davies and Dance [46] studied three-step mammogram enhancement before classification. A TP of more than 85%was reported with an image count of 78 during the testing phase. The Frame Texture Classification Method (FTCM) was used for the classification of abnormalities in mammograms. Local thresholding was used, where the calcification was segmented from the background for further classification of images. These studies reported the true positives (TP) of 100% by testing the methodology on 50 images. Rad et al. [55] used a multi-wavelet-based features extraction technique and features used for training the classifiers and achieved an accuracy of 85%.
Caldwell et al. [105] computed the correlation between the fractal dimensions to mammograms by experimenting with NB and SVM classifiers. The study reported an accuracy of 84% (radiologist-approved) using 70 mammographic images. Zheng et al. [106] used a Bayesian network in which an acyclic graph is used to compute probability influences between features. By experimenting with a dataset of 433 images and 12 features, the authors reported AUC (ROC) curve equal to 0.87. The Nijmegen database was used in this study to test the methodology on 40 images. In another study, 180 images from the Nijmegen LLNL/UCSF database were tested by the k-NN classifier. It was trained on three categories of extracted features (a combination of statistical and multi-resolution) and reported an accuracy of 80% [107]. Cao et al. [108] investigated the additional benefit of peri-calcification areas in contrast-enhanced mammography for distinguishing between breast lesions appearing solely as calcifications on standard mammograms. They analyzed radiomic characteristics from both low-energy and recombined images within the calcification sites and their surrounding peri-calcification regions. These regions were defined by extending the annotation margin radially with gradients ranging from 1 mm to 9 mm. ML models were employed to categorize calcifications as either malignant or benign. In another effort, Prinzi et al. [109] presented a radiomic signature aimed at effectively distinguishing between healthy tissue, benign microcalcifications, and malignant microcalcifications. Radiomic features were extracted from a proprietary dataset that included 380 samples of healthy tissue, 136 samples of benign microcalcifications, and 242 ROIs with malignant microcalcifications. Following this, two separate signatures were identified for detecting healthy tissue versus microcalcifications and for the classification of benign versus malignant microcalcifications. Various ML models, including SVM, RF, and XGBoost, were used as classifiers. The performance of the models was assessed, with XGBoost achieving an AUC (ROC) of 0.830 for healthy tissue classification, 0.856 for benign microcalcifications, and 0.876 for malignant microcalcifications.
Yoen et al. [110] investigated factors linked to abnormality scores generated by AI software. They performed a retrospective search in a database to identify a series of asymptomatic women who had undergone breast surgery from (2016-2019. Preoperative mammograms were evaluated using AI software (LunitINSIGHT) to assign abnormality scores. A score greater than 10 indicated positive detection of an abnormal lesion. A general linear model was employed to analyze the mammographic and pathological findings along with clinical repercussions associated with the AI software scores. Similarly, Malek et al. [111] introduced a method for filtering and extracting features utilizing persistent homology (PH), a robust mathematical tool for analyzing intricate datasets and patterns. Instead of directly operating on the image matrix, the filtering process is conducted on the diagrams derived from PH, enabling the identification of significant image characteristics amidst noise. These filtered diagrams are then transformed into vectors using PH features. Supervised ML models were trained on the MIAS and DDSM datasets to assess the discriminative features in classifying the benign and malignant classes and to determine the optimal filtering level. The findings of this study demonstrate that selecting appropriate PH filtering levels and features can enhance the accuracy of early cancer detection classification.
Khalid et al. [112] introduced an effective DL model to detect breast cancer in computerized mammograms of varying densities. Their approach involved feature selection by elimination of high-bias and repeating features. The model was evaluated using 3002 merged images who underwent digital mammography between (2007-2015). Additionally, six classification models were applied for breast cancer diagnosis, including RF, DT, k-NN, LR, and SVM. The study demonstrates that the proposed model achieved high efficiency, requiring minimal computational resources while maintaining a high accuracy score. Li et al. [113] used adaptive and multi-scale processing techniques to create a novel CAD mass detection system that improved sensitivity, specificity, and robustness against fluctuations in mammography. Using the dataset, they integrated hard and soft categorization through a modified fuzzy decision tree and committee decision-making method. This approach enabled them to achieve an AUC (ROC) of over 0.9. Iseri et al. [114] developed a novel method for the classification of microcalcification clusters employing a multi-window-based statistical analysis (MWBSA) method. This method uses a two-stage software framework as a computational search and analysis system, with an artificial neural network (ANN) as a classifier. Experimental results on different datasets with MIAS and DDSM are also presented. Datasets showed that the MWBSA-based strategy was as successful as other well-known methods such as GLCM and Wavelet techniques. Their classification task achieved a 97% accuracy rate. Rampun et al. [115] presented a novel investigation of ML performance by examining probability outputs in conjunction with classification accuracy score and AUC for ROC curve. They used the CBIS-DDSM database1872 micro-calcification clusters. They experimented on Random Forest (RF), Multi-layer Perceptron (MLP), Logistic Regression (LR), Naive Bayes (NB), Bayesian Network (BNet), k-NN, Alternate Decision Tree (ADTree), Logistic Model Trees (LMT), AdaBoostM1(AdaBoost) and SVM.
Further, Fanizzi et al. [116] suggested a binary classification model for differentiating tissues in digital mammograms to support radiologists in their work. They specifically examined the impact of various techniques on the feature selection procedure concerning the chosen features and learning performances. They extracted textural features using Haar wavelet decompositions for each ROI, as well as interest spots and corners that were found using the Minimum Eigenvalue Algorithm (MinEigenAlg) and Speeded Up Robust Feature (SURF). Next, a subset of features was chosen using two distinct feature selection methods, namely filter and embedding methods, used to train an RF binary classifier. For the benign/malignant and normal/abnormal situations, the prediction performance achieved the accuracy and median AUC (ROC) values as (97.31% and 88.46%), and (98.16% and 92.08%), respectively. Vy et al. [117] created a machine-learning classification model that would use clinical factors, mammography results, ultrasound results, and histopathological features to distinguish between ductal carcinoma in situ (DCIS) and minimally invasive breast cancer (MIBC). Using a trained XGBoost algorithm, tumors were classified as DCIS or MIBC using the five most significant clinical characteristics including calcification on mammograms. XGBoost model achieved an AUC (ROC) of 0.93 and an accuracy of 84%, comparable to that of a skilled radiologist in distinguishing between DCIS and MIBC and providing patients with the most excellent possible therapy options.
Sarvestani et al. [118] assessed the practicability and precision of automatically separating images of microcalcifications in the breast tissue. The decision tree classification approach was used to classify the breast tissue microcalcification clusters that have been identified. ANN was employed to identify the benign and malignant forms of segmented ROI clusters. The DDSM was used to train the proposed system. After training, the model led to an improved generalization of 93%. Lin et al. [119] showed that an automated deep-learning pipeline can facilitate early breast cancer diagnosis for mammography microcalcifications detection and classification. The system's development and testing utilized a total of 4,810 images from various centers. For both the training and test sets, the overall classification accuracy values for differentiating benign and malignant breasts were 0.7237 and 0.8124, respectively. Their automated artificial intelligence system was claimed to have the potential to enhance the decision-making abilities of clinicians by helping them identify, diagnose, and treat breast cancer more effectively. Fu et al. [120] proposed a two-step detection model. First, the location and nature of potential microcalcifications were determined using a mathematical model. It was investigated that the proposed model could accurately detect micro-calcification events when tested in the Nijmegen University Hospital database. Second, after extracting the features of each putative microcalcification, the sequential forward search (SFS) method was applied to identify sensitive attributes for microcalcifications. The classification performance of SVM and general regression neural network (GRNN) in terms of AUC (ROC) was 0.98 and 0.97, respectively, using the test data set.
Computer-assisted breast cancer detection from mammograms was introduced by Golobardes et al. [121]. In the first phase, several imaging techniques were used to extract the microcalcification features from the mammograms. In the second stage, automatic diagnosis was obtained by applying several ML algorithms. The authors examined the use of these characteristics as a classification system to differentiate between benign and malignant microcalcifications in mammograms taken from the mammography database of the Girona Health Area. They achieved a maximum accuracy of 78.57%. Similarly, Alolfe et al. proposed a four-step approach to developing intelligent diagnostic systems [122]. These steps were (a) the selection of ROIs, (b) the use of wavelet decomposition as the basis for the feature extraction step, (c) the selection of features, and (d) the classification of the results. The SVM classifier and the voting k-NN classifier were utilized in the classification stage. The MIAS mammographic datasets comprising 322 mammograms were used to assess the suggested method. SVM yielded the best accuracy of 87.5% of the potential classifiers tried, whereas k-NN produced the best accuracy of 75%. Using the Nijmegen and MIAS mammographic databases, Papadopoulos et al. [123] demonstrated a novel automated system for characterizing microcalcification clusters in three phases (cluster detection, feature extraction, and classification). A rule-based system, an ANN, and an SVM were constructed and assessed during the classification stage using the ROC analysis. A comprehensive comparison of evaluations of some ML-based techniques is illustrated in Table 4.

3.4. Deep Learning

Convolution Neural Network (CNN) is mainly used for DL. A CNN is constituted of n layers and m hidden neurons. Weights are associated with each input and output link in the neural network. Regulating weights in training helps neural networks to learn significant information, known as representation learning. The information flows in the learning phase to make it a self-learning network. CNN achieves impressive results in mammography for classifying the microcalcifications. Depending on the complexity of mammograms, features are hidden locally in mammograms that exhibit similar information, so it is tough to recognize abnormalities. The changes made in the CNN architectures were mainly in the input size, depth and size of kernels, activation functions, surviving fractions of neurons in the drop-out layer, fully connected layers’ specifications, and the decision layer.
In a study by Sahiner et al. [70], regions of interest are extracted for CNN’s input. The back-propagation technique is used to train the CNN. The area under the curve was 0.87, while 90% and 30% of TP and FP were reported in this study. The results were computed on the test dataset comprising 168 images. Moreover, MCP-CNN is classified based on mass features extracted from mammograms [71]. The area under the ROC curve of 0.89 was reported when taking 144 mammograms to evaluate the proposed model. Fonseca et al. [72] presented CNN with an SVM for the classification of breast cancer and reported a Kappa value of 0.58. Wu et al. [124] employed the convolution neural network for the classification of microcalcifications into benign and malignant categories. The pixel values of mammograms are considered global features and fed to CNN. After testing the methodology using 40 images, the sensitivity and specificity score was 75% for each. Furthermore, TL and CNN were used for the classification of the breast cancer dataset by Huynh et al. [125]. For ensemble and analytical extracted features, the AUC (ROC) was 0.86 and 0.81 respectively. The study used 219 mammograms for the evaluation of the methodology. Jiao et al. [74] combined intensity information and the deep features using original images for classification. The accuracy of 96.7% and 97.0% were achieved for CNN and VGG-based models using the DDSM dataset for the training and testing process. A hybrid approach was proposed by Arevalo et al. [75] to classify mammograms. Upon using 736 mammographic images, the area under the ROC curve of 0.89 was achieved.
Jadoon et al. [77] used the IRMA dataset for their experimentation. For testing, 2796 ROI patches from mammograms were used and achieved accuracy scores of 81.83% and 83.74% from CNN-DW and CNN-CT respectively. Another study used CNN to focus on semantic regions and the Recurrent Neural Network (RNN) was used to classify breast cancer. The study was performed by Wang et al. [80] and reported an accuracy of 89% using 763 images from the Breast Cancer Digital Repository. Gastounioti et al. [81] used Lattice-based techniques to extract texture feature maps and fed them to the multichannel CNN. Upon using 106 cases for evaluation, an accuracy score of 90% was reported.
Jaffar [78] used CNN for feature extraction and an SVM was applied for the classification of Mini-MIAS and DDSM datasets. An accuracy of 93.35% and sensitivity of 93.00% were achieved. In another research by Chakravarthy and Rajaguru [126], the ResNet-18 was used for feature extraction with the proposed improved crow-search optimized extreme learning machine (ICS-ELM). The proposed framework was experimented using DDMS, MIAS, and INbreast datasets. The accuracy scores of 97.193, 98.137, and 98.266% were obtained for DDSM, MIAS, and INbreast datasets respectively. Ueda et al. [127] used VGG-16 on the IDC dataset and reported a 61-70% accuracy score for the classification.. The DCNN system with modified GAN was proposed for mammogram images by Swiderski et al. [128]. The detection rate was reported at 89.71% for breast masses. Xu et al. [129] used a Multi-Scale Attention-Guided Network (MSANet) and achieved an AUC (ROC) as 0.94 when experimenting DDSM dataset. Furthermore, AlexNet, DenseNet, and ShuffleNet were experimented with using the INbreast dataset by Huang et al. [130]. The accuracies for test partitions using AlexNet, DenseNet, and ShuffleNet were 95.46%, 99.72%, and 97.84%, respectively.
Zebari et al. [131] worked on classification of benign and malignant tumors using mammograms. ROI was derived using hybrid thresholding and ML method. It was then separated into five blocks, and noise removal was carried out by applying wavelet transform. Multiple features were extracted using multifractal dimension approach and then features were reduced using genetic algorithm. They used five classifiers, and the final decision was made by fusing the results of all the blocks. The model was evaluated on four mammography datasets, and an accuracy of greater than 96% was achieved. Recently, Nomani et al. [132] presented a breast cancer detection model using ML based on particle swarm optimized wavelet neural network (PSOWNN). Dimension reduction was carried out through PCA, and each image was manually cropped to obtain ROI. Features were extracted using a gray-level co-occurrence matrix. The model was verified using a published dataset, and it correctly classified 95.2% of the 905 images. Maqsood et al. [133] worked on a DL breast cancer detection system for early diagnosis using an end-to-end training strategy. Initially, a contrast enhancement method was used to refine the edges of mammogram images. The classification performance was enhanced using transferable texture CNN (TTCNN) and energy layer employed to extract texture features. The model consisted of three layers of convolution and one energy layer. Deep features were extracted and fused, and the best ones were selected using entropy controlled firefly method. Three public datasets were used, and an average accuracy of 97.49% was achieved.
Further, Lin et al. [134] developed a DL model for breast cancer diagnosis. Data classification was carried out using ANN and SVM. TL-based DL architectures (ResNet101, AlexNet, and InceptionV3) were studied using adaptive moment estimation and stochastic gradient descent with momentum-based optimization algorithms. The model was verified using a breast cancer risk factor dataset, and an average accuracy of 94.2% was obtained. Mohapatra et al. [135] evaluated the performance of various CNN architectures by training through weights reset (from scratch) and others through TL (pretrained). A small public mammography dataset was used for this study, and data augmentation by rotation and zooming techniques was applied to overcome overfitting. AlexNet and VGG16 showed an accuracy of 65%, while ResNet50 showed an accuracy of 61%. Al-Tam et al. [136] developed a hybrid DL framework for breast lesion detection. The backbone residual DL network was utilized to create deep features, while the transformer was used to classify breast cancer according to the self-attention mechanism. Two publicly available datasets were used to verify the model, and an accuracy of 100% for binary and 95.8% for multiclass categorization was achieved using 5-fold cross-validation. In their work, Kumar et al. [137] employed CNNs with four distinct optimizers, utilizing input images sized at 299 × 299 × 3. Feature mapping was achieved through a pre-trained InceptionResNetV2 model. Evaluation of a curated subset of the DDSM mammogram dataset showcased superior performance in sensitivity, specificity, accuracy, and AUC (ROC) compared to previous DL and classical ML approaches.
Another study introduced a fully automated system for diagnosing breast cancer, utilizing an AlexNet and multiple classifiers to attain heightened accuracy level. Validation through testing on three Kaggle datasets confirmed its superior performance, indicating its potential utility in aiding medical professionals with precise diagnosis [138]. Marathe et al. [139] introduced a quantitative method to differentiate between benign and actionable amorphous calcifications on mammograms. This method utilizes local textures, global spatial relationships, and expert features. The approach, trained and validated on 168 digital mammography exams, demonstrated high sensitivity and positive predictive value on a test set. Liu et al. [140] examined the effectiveness of DL-based on full-field digital mammography in predicting the malignancy of BI-RADS 4 microcalcifications. Their combined DL model surpassed clinical and DL image models, achieving high diagnostic accuracy. Moreover, it assisted junior radiologists in enhancing their performance. This study underscores the potential of DL in improving malignancy prediction in screening mammography and supporting clinical decision-making. A study explored the use of CNNs to predict whether patients diagnosed with pure atypical ductal hyperplasia (ADH) could be safely monitored rather than undergoing surgery. By analyzing 298 mammographic images from 149 patients, the AUC (ROC) was found to be 0.86. The findings suggest the feasibility of distinguishing ADH from DCIS [141].
Recently, Prodan et al. [142] explored DL methods, incorporating CNN and ViT architectures, to analyze mammograms with the goal of enhancing classification accuracy. They suggested an alternative data enhancement method using simulations to increase model accuracy and emphasized the importance of careful data preprocessing. Furthermore, their study combined interpretable AI techniques such as class function mapping and centralized bounding boxes to gain insight into the decision-making process of the model. Beuke et al. [143] developed a DL algorithm to detect and classify breast lesions in contrast-enhanced mammography (CEM) images. Collected retrospective disease data, trained DL, and handcrafted radiomic features to distinguish between benign and malignant lesions were developed. The results showed remarkable sensitivity in lesion detection and good diagnostic accuracy. Notably, the combined DL and manual radiomics models achieved a remarkable AUC (ROC), indicating an encouraging probability for accurately detecting malignant lesions depicted in CEM images. Pesapane et al. [144] developed an AI model to detect and characterize microcalcifications in mammograms and facilitate breast cancer screening. The model used three networks (AlexNet, ResNet18, and ResNet34) to find impressive sensitivity, specificity, and AUC for ROC curves in microcalcification detection and classification tasks. The results confirmed the exceptional performance of AlexNet, while ResNet18 and ResNet34 also showed encouraging results.
Similarly, Kumar et al. [145] focused on a DL-based model for breast cancer detection. When model performance was evaluated using metrics such as sensitivity, specificity, accuracy, and F-measure on benchmark datasets. It was found that the proposed models performed better than current methods, assisted radiologists with diagnostic and classification accuracy, and highlighted potential improvements. Tsai et al. [146] proposed a multitask DL algorithm to predict extensive intraductal component (EIC) in breast cancer development. Using mammograms from (2010-2019), the three-stage DL model showed impressive performance, with AUC (ROC) values of 0.758 and 0.775 for EIC prediction in imaging and breast, respectively. This multitask paradigm facilitated the simultaneous classification of imaging findings and prediction of EIC, thereby highlighting the potential of DL algorithms in enhancing breast cancer diagnosis via mammography. A comprehensive comparison of evaluations of some more DL-based techniques is illustrated in Table 5.

3.5. Future Applications of AI in Mammography

There are several potential future applications of AI in mammography. AI can be used as a triage tool to flag highly suspicious mammograms for expedient interpretation. Improved efficiency of radiologists using AI can translate to decreased turnaround times. AI can be used for breast density assessment, which can be associated with breast cancer risk. Changes in breast density over time can be assessed with AI and utilized as a biomarker for treatment response. AI-based breast density algorithms may also be incorporated with other mammographic features as well as age, genetic data, and other clinical factors to produce a risk prediction mode for risk stratification that can be used as a clinical decision support system. AI algorithm for the detection of arterial calcifications can identify patients at risk for coronary artery disease [151]. DL models that accurately exclude cancer on mammograms can diminish radiologists’ workload and can be useful in underserved areas where breast imaging expertise is less available [152]. Widespread acceptance of AI models can be promoted where they generalize well and are validated on large, diverse populations, varied vendors, and imaging acquisition techniques in large retrospective studies. The higher specificity of AI-based CAD compared to the older non-AI CAD models and the potential to decrease recall rates, increase cancer detection rates, and increase overall performance by enhancing these metrics, in addition to the ability of AI to improve efficiency will be of great benefit [153].

4. Discussion

Breast cancer continues to rank as the second-leading cause of cancer-related deaths among women. This study examines breast cancer detection via mammography over a specific period, aligning with multiple UN Sustainable Development Goals. Timely detection through screening has decreased mortality rates and potentially saved lives. Despite numerous review articles on mammographic breast cancer screening, there remains a gap for a focused review covering breast cancer detection from 1970 to 2023, particularly emphasizing image processing, machine learning (ML), and deep learning (DL). Utilizing DL architectures with multi-scale feature extraction that transforms contextual information into feature data has yielded exceptional outcomes. The article also delves into the significance of extensive mammography datasets for thoroughly exploring innovative early detection methods. While DL algorithms for breast cancer detection are increasingly being applied clinically, broader integration into mammogram-based cancer detection in clinical settings calls for additional clinical validation, enhanced reliability, generalizability, and interpretability, among other considerations.

Author Contributions

Conceptualization, S.A.Q. and A.u.R.; methodology, S.A.Q., A.u.R, T.Q.D.,L.H., S.T.H.S and D.K.A.W.; validation, S.A.Q., S.T.H.S., S.A.H.S., A.u.R., A.A.M., A.A., Q.u.a.C. and N.H.; formal analysis, S.A.Q., T.Q.D., S.T.H.S., Q.u.a.C., A.A. and N.H.; investigation, S.A.Q., S.T.H.S. and A.u.R.; resources, S.A.Q. and A.u.R.; writing—original draft preparation, S.A.Q., A.u.R., A.A.M., D.K.A.W., T.Q.D., Q.u.a.C., N.H. and A.A.; writing—review and editing, S.A.Q., A.u.R., T.Q.D.,. D.K.A.W., A.A. and A.A.M.; visualization, S.A.Q., and A.u.R.; supervision and project administration, S.A.Q. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

No datasets used in the review article.

Acknowledgments

We would like to extend our sincere appreciation to Prof. Sikander M. Mirza, PIEAS for his invaluable encouragement and support throughout the course of this work.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. World_Health_Organization. WHO position paper on mammography screening; 2014.
  2. Ferlay, J.; Steliarova-Foucher, E.; Lortet-Tieulent, J.; Rosso, S.; Coebergh, J.-W.W.; Comber, H.; Forman, D.; Bray, F. Cancer incidence and mortality patterns in Europe: estimates for 40 countries in 2012. European journal of cancer 2013, 49, 1374–1403. [Google Scholar] [CrossRef] [PubMed]
  3. Biermann, F.; Kanie, N.; Kim, R.E. Global governance by goal-setting: the novel approach of the UN Sustainable Development Goals. Current Opinion in Environmental Sustainability 2017, 26, 26–31. [Google Scholar] [CrossRef]
  4. Feig, S.A. Mammographic evaluation of calcifications. RSNA Categorial Course in Breast Imaging 1995, 12, 93–105. [Google Scholar]
  5. Muttarak, M.; Kongmebhol, P.; Sukhamwang, N. Breast calcifications: which are malignant. Singapore Med J 2009, 50, 907–914. [Google Scholar] [PubMed]
  6. Winchester, D.P.; Jeske, J.M.; Goldschmidt, R.A. The diagnosis and management of ductal carcinoma in-situ of the breast. CA: a cancer journal for clinicians 2000, 50, 184–200. [Google Scholar] [CrossRef] [PubMed]
  7. Fenton, J.J.; Taplin, S.H.; Carney, P.A.; Abraham, L.; Sickles, E.A.; D'Orsi, C.; Berns, E.A.; Cutter, G.; Hendrick, R.E.; Barlow, W.E. Influence of computer-aided detection on performance of screening mammography. New England Journal of Medicine 2007, 356, 1399–1409. [Google Scholar] [CrossRef] [PubMed]
  8. Wang, J.; Yang, X.; Cai, H.; Tan, W.; Jin, C.; Li, L. Discrimination of breast cancer with microcalcifications on mammography by deep learning. Scientific reports 2016, 6, 1–9. [Google Scholar] [CrossRef] [PubMed]
  9. Cowell, C.F.; Weigelt, B.; Sakr, R.A.; Ng, C.K.; Hicks, J.; King, T.A.; Reis-Filho, J.S. Progression from ductal carcinoma in situ to invasive breast cancer: revisited. Molecular oncology 2013, 7, 859–869. [Google Scholar] [CrossRef] [PubMed]
  10. Rosen, P.; Snyder, R.E.; Foote, F.W.; Wallace, T. Detection of occult carcinoma in the apparently benign breast biopsy through specimen radiography. Cancer 1970, 26, 944–952. [Google Scholar] [CrossRef]
  11. Harvey, J.A.; Nicholson, B.T.; Cohen, M.A. Finding early invasive breast cancers: a practical approach. Radiology 2008, 248, 61–76. [Google Scholar] [CrossRef]
  12. Tabár, L.; Duffy, S.W.; Vitak, B.; Chen, H.H.; Prevost, T.C. The natural history of breast carcinoma: what have we learned from screening? Cancer 1999, 86, 449–462. [Google Scholar] [CrossRef]
  13. Singh, V.K.; Rashwan, H.A.; Romani, S.; Akram, F.; Pandey, N.; Sarker, M.M.K.; Saleh, A.; Arenas, M.; Arquez, M.; Puig, D. Breast tumor segmentation and shape classification in mammograms using generative adversarial and convolutional neural network. Expert Systems with Applications 2020, 139, 112855. [Google Scholar] [CrossRef]
  14. Jaglan, P.; Dass, R.; Duhan, M. Breast cancer detection techniques: issues and challenges. Journal of The Institution of Engineers (India): Series B 2019, 1–8. [Google Scholar] [CrossRef]
  15. Ribli, D.; Horváth, A.; Unger, Z.; Pollner, P.; Csabai, I. Detecting and classifying lesions in mammograms with deep learning. Scientific reports 2018, 8, 1–7. [Google Scholar] [CrossRef] [PubMed]
  16. Oeffinger, K.C.; Fontham, E.T.; Etzioni, R.; Herzig, A.; Michaelson, J.S.; Shih, Y.-C.T.; Walter, L.C.; Church, T.R.; Flowers, C.R.; LaMonte, S.J. Breast cancer screening for women at average risk: 2015 guideline update from the American Cancer Society. Jama 2015, 314, 1599–1614. [Google Scholar] [CrossRef]
  17. Bae, M.S.; Moon, W.K.; Chang, J.M.; Koo, H.R.; Kim, W.H.; Cho, N.; Yi, A.; La Yun, B.; Lee, S.H.; Kim, M.Y. Breast cancer detected with screening US: reasons for nondetection at mammography. Radiology 2014, 270, 369–377. [Google Scholar] [CrossRef]
  18. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  19. Aboutalib, S.S.; Mohamed, A.A.; Berg, W.A.; Zuley, M.L.; Sumkin, J.H.; Wu, S. Deep learning to distinguish recalled but benign mammography images in breast cancer screening. Clinical Cancer Research 2018, 24, 5902–5909. [Google Scholar] [CrossRef]
  20. Kim, E.-K.; Kim, H.-E.; Han, K.; Kang, B.J.; Sohn, Y.-M.; Woo, O.H.; Lee, C.W. Applying data-driven imaging biomarker in mammography for breast cancer screening: preliminary study. Scientific reports 2018, 8, 1–8. [Google Scholar] [CrossRef]
  21. Hamidinekoo, A.; Denton, E.; Rampun, A.; Honnor, K.; Zwiggelaar, R. Deep learning in mammography and breast histology, an overview and future trends. Medical image analysis 2018, 47, 45–67. [Google Scholar] [CrossRef]
  22. Burt, J.R.; Torosdagli, N.; Khosravan, N.; RaviPrakash, H.; Mortazi, A.; Tissavirasingham, F.; Hussein, S.; Bagci, U. Deep learning beyond cats and dogs: recent advances in diagnosing breast cancer with deep neural networks. The British journal of radiology 2018, 91, 20170545. [Google Scholar] [CrossRef] [PubMed]
  23. Kooi, T.; Litjens, G.; Van Ginneken, B.; Gubern-Mérida, A.; Sánchez, C.I.; Mann, R.; den Heeten, A.; Karssemeijer, N. Large scale deep learning for computer aided detection of mammographic lesions. Medical image analysis 2017, 35, 303–312. [Google Scholar] [CrossRef]
  24. Agarwal, R.; Diaz, O.; Lladó, X.; Yap, M.H.; Martí, R. Automatic mass detection in mammograms using deep convolutional neural networks. Journal of Medical Imaging 2019, 6, 031409. [Google Scholar] [CrossRef] [PubMed]
  25. Abdelhafiz, D.; Yang, C.; Ammar, R.; Nabavi, S. Deep convolutional neural networks for mammography: advances, challenges and applications. BMC bioinformatics 2019, 20, 1–20. [Google Scholar] [CrossRef]
  26. Gardezi, S.J.S.; Elazab, A.; Lei, B.; Wang, T. Breast cancer detection and diagnosis using mammographic data: Systematic review. Journal of medical Internet research 2019, 21, e14464. [Google Scholar] [CrossRef]
  27. Geras, K.J.; Mann, R.M.; Moy, L. Artificial intelligence for mammography and digital breast tomosynthesis: current concepts and future perspectives. Radiology 2019, 293, 246. [Google Scholar] [CrossRef] [PubMed]
  28. Hickman, S.E.; Woitek, R.; Le, E.P.V.; Im, Y.R.; Mouritsen Luxhøj, C.; Aviles-Rivero, A.I.; Baxter, G.C.; MacKay, J.W.; Gilbert, F.J. Machine learning for workflow applications in screening mammography: systematic review and meta-analysis. Radiology 2022, 302, 88–104. [Google Scholar] [CrossRef]
  29. Khan, N.; Adam, R.; Huang, P.; Maldjian, T.; Duong, T.Q. Deep Learning Prediction of Pathologic Complete Response in Breast Cancer Using MRI and Other Clinical Data: A Systematic Review. Tomography 2022, 8, 2784–2795. [Google Scholar] [CrossRef]
  30. Verbeek, A.; Holland, R.; Sturmans, F.; Hendriks, J.; Avunac, M.; Day, N. Reduction of breast cancer mortality through mass screening with modern mammography: first results of the Nijmegen project, 1975-1981. The Lancet 1984, 323, 1222–1224. [Google Scholar] [CrossRef]
  31. Wolfe, J.N.; Saftlas, A.F.; Salane, M. Mammographic parenchymal patterns and quantitative evaluation of mammographic densities: a case-control study. American Journal of Roentgenology 1987, 148, 1087–1092. [Google Scholar] [CrossRef]
  32. Carney, P.A.; Miglioretti, D.L.; Yankaskas, B.C.; Kerlikowske, K.; Rosenberg, R.; Rutter, C.M.; Geller, B.M.; Abraham, L.A.; Taplin, S.H.; Dignan, M. Individual and combined effects of age, breast density, and hormone replacement therapy use on the accuracy of screening mammography. Annals of internal medicine 2003, 138, 168–175. [Google Scholar] [CrossRef] [PubMed]
  33. Warner, E.; Plewes, D.B.; Hill, K.A.; Causer, P.A.; Zubovits, J.T.; Jong, R.A.; Cutrara, M.R.; DeBoer, G.; Yaffe, M.J.; Messner, S.J. Surveillance of BRCA1 and BRCA2 mutation carriers with magnetic resonance imaging, ultrasound, mammography, and clinical breast examination. Jama 2004, 292, 1317–1325. [Google Scholar] [CrossRef] [PubMed]
  34. Tarassenko, L.; Hayton, P.; Cerneaz, N.; Brady, M. Novelty detection for the identification of masses in mammograms. 1995. [CrossRef]
  35. Saslow, D.; Boetes, C.; Burke, W.; Harms, S.; Leach, M.O.; Lehman, C.D.; Morris, E.; Pisano, E.; Schnall, M.; Sener, S. American Cancer Society guidelines for breast screening with MRI as an adjunct to mammography. CA: a cancer journal for clinicians 2007, 57, 75–89. [Google Scholar] [PubMed]
  36. Jiang, M.; Zhang, S.; Li, H.; Metaxas, D.N. Computer-aided diagnosis of mammographic masses using scalable image retrieval. IEEE Transactions on Biomedical Engineering 2014, 62, 783–792. [Google Scholar] [CrossRef] [PubMed]
  37. Dheeba, J.; Singh, N.A.; Selvi, S.T. Computer-aided detection of breast cancer on mammograms: A swarm intelligence optimized wavelet neural network approach. Journal of biomedical informatics 2014, 49, 45–52. [Google Scholar] [CrossRef] [PubMed]
  38. Welch, H.G.; Prorok, P.C.; O’Malley, A.J.; Kramer, B.S. Breast-cancer tumor size, overdiagnosis, and mammography screening effectiveness. New England Journal of Medicine 2016, 375, 1438–1447. [Google Scholar] [CrossRef] [PubMed]
  39. Xie, W.; Li, Y.; Ma, Y. Breast mass classification in digital mammography based on extreme learning machine. Neurocomputing 2016, 173, 930–941. [Google Scholar] [CrossRef]
  40. Rangayyan, R.M.; Shen, L.; Shen, Y.; Desautels, J.L.; Bryant, H.; Terry, T.J.; Horeczko, N.; Rose, M.S. Improvement of sensitivity of breast cancer diagnosis with adaptive neighborhood contrast enhancement of mammograms. IEEE transactions on information technology in biomedicine 1997, 1, 161–170. [Google Scholar] [CrossRef]
  41. Tang, J.; Liu, X.; Sun, Q. A direct image contrast enhancement algorithm in the wavelet domain for screening mammograms. IEEE Journal of selected topics in signal processing 2009, 3, 74–80. [Google Scholar] [CrossRef]
  42. Wang, C.; Ye, Z. Brightness preserving histogram equalization with maximum entropy: a variational perspective. IEEE Transactions on Consumer Electronics 2005, 51, 1326–1334. [Google Scholar] [CrossRef]
  43. Zhao, Y.; Georganas, N.D.; Petriu, E.M. Applying contrast-limited adaptive histogram equalization and integral projection for facial feature enhancement and detection. In Proceedings of the 2010 IEEE Instrumentation & Measurement Technology Conference Proceedings; 2010; pp. 861–866. [Google Scholar] [CrossRef]
  44. Gordon, R.; Rangayyan, R.M. Feature enhancement of film mammograms using fixed and adaptive neighborhoods. Applied optics 1984, 23, 560–564. [Google Scholar] [CrossRef] [PubMed]
  45. Zhang, L.; Qian, W.; Sankar, R.; Song, D.; Clark, R. A new false positive reduction method for MCCs detection in digital mammography. 2001, 2, 1033–1036.
  46. Davies, D.; Dance, D. Automatic computer detection of clustered calcifications in digital mammograms. Physics in Medicine & Biology 1990, 35, 1111. [Google Scholar]
  47. Kim, J.K.; Park, H.W. Statistical textural features for detection of microcalcifications in digitized mammograms. IEEE transactions on medical imaging 1999, 18, 231–238. [Google Scholar] [PubMed]
  48. Haralick, R.M.; Shanmugam, K.; Dinstein, I.H. Textural features for image classification. IEEE Transactions on systems, man, and cybernetics 1973, 610–621. [Google Scholar] [CrossRef]
  49. Galloway, M.M. Texture analysis using grey level run lengths. NASA STI/Recon Technical Report N 1974, 75, 18555. [Google Scholar]
  50. Weszka, J.S.; Dyer, C.R.; Rosenfeld, A. A comparative study of texture measures for terrain classification. IEEE transactions on Systems, Man, and Cybernetics 1976, 269–285. [Google Scholar] [CrossRef]
  51. Eltonsy, N.H.; Tourassi, G.D.; Elmaghraby, A.S. A concentric morphology model for the detection of masses in mammography. IEEE transactions on medical imaging 2007, 26, 880–889. [Google Scholar] [CrossRef] [PubMed]
  52. Laws, K.I. Textured image segmentation; University of Southern California Los Angeles Image Processing INST: 1980.
  53. Yu, S.; Guan, L.; Brown, S. Automatic detection of clustered microcalcifications in digitized mammogram films. Journal of Electronic Imaging 1999, 8, 76–82. [Google Scholar] [CrossRef]
  54. Dhawan, A.P.; Chitre, Y.; Kaiser-Bonasso, C. Analysis of mammographic microcalcifications using gray-level image structure features. IEEE Transactions on medical imaging 1996, 15, 246–259. [Google Scholar] [CrossRef]
  55. Rad, F.R.; Soltanian-Zadeh, H.; Rahmati, M.; Pour-Abdollah, S. Microcalcification classification in mammograms using multiwavelet features. In Proceedings of the Wavelet Applications in Signal and Image Processing VII; 1999; pp. 832–841. [Google Scholar] [CrossRef]
  56. Rogova, G.L.; Stomper, P.C.; Ke, C.-C. Microcalcification texture analysis in a hybrid system for computer-aided mammography. In Proceedings of the Medical Imaging 1999: Image Processing; 1999; pp. 1426–1433. [Google Scholar] [CrossRef]
  57. Netsch, T.; Peitgen, H.-O. Scale-space signatures for the detection of clustered microcalcifications in digital mammograms. IEEE Transactions on medical imaging 1999, 18, 774–786. [Google Scholar] [CrossRef]
  58. Cheng, H.-D.; Cai, X.; Chen, X.; Hu, L.; Lou, X. Computer-aided detection and classification of microcalcifications in mammograms: a survey. Pattern recognition 2003, 36, 2967–2991. [Google Scholar] [CrossRef]
  59. Alpaslan, N.; Kara, A.; Zenci̇r, B.; Hanbay, D. Classification of breast masses in mammogram images using KNN. In Proceedings of the 2015 23nd Signal Processing and Communications Applications Conference (SIU); 2015; pp. 1469–1472. [Google Scholar] [CrossRef]
  60. Mitchell, T.M.; Mitchell, T.M. Machine learning; McGraw-hill New York, 1997; Volume 1. [Google Scholar]
  61. Rennie, J.D.; Shih, L.; Teevan, J.; Karger, D.R. Tackling the poor assumptions of naive bayes text classifiers. In Proceedings of the Proceedings of the 20th international conference on machine learning (ICML-03), 2003; pp. 616–623. [CrossRef]
  62. Alpaydin, E. Introduction to machine learning; MIT press, 2020. [Google Scholar]
  63. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Advances in neural information processing systems 2012, 25, 1097–1105. [Google Scholar] [CrossRef]
  64. Delphia, A.A.; Kamarasan, M.; Sathiamoorthy, S. Image Processing For Identification of Breast Cancer: A Literature Survey. AJES 2018, 7. [Google Scholar]
  65. Lyons, L. Statistical Problems in Particle Physics, Astrophysics and Cosmology: PHYSTAT05, Oxford, UK, 12-15 September 2005; 2006.
  66. Specht, D.F. Probabilistic neural networks. Neural networks 1990, 3, 109–118. [Google Scholar] [CrossRef]
  67. Zheng, B.; Qian, W.; Clarke, L.P. Digital mammography: mixed feature neural network with spectral entropy decision for detection of microcalcifications. IEEE transactions on medical imaging 1996, 15, 589–597. [Google Scholar] [CrossRef] [PubMed]
  68. Nahid, A.-A.; Kong, Y. Involvement of machine learning for breast cancer image classification: a survey. Computational and mathematical methods in medicine 2017, 2017. [Google Scholar] [CrossRef] [PubMed]
  69. Bhandare, A.; Bhide, M.; Gokhale, P.; Chandavarkar, R. Applications of convolutional neural networks. International Journal of Computer Science and Information Technologies 2016, 7, 2206–2215. [Google Scholar]
  70. Sahiner, B.; Chan, H.-P.; Petrick, N.; Wei, D.; Helvie, M.A.; Adler, D.D.; Goodsitt, M.M. Classification of mass and normal breast tissue: a convolution neural network classifier with spatial domain and texture images. IEEE transactions on Medical Imaging 1996, 15, 598–610. [Google Scholar] [CrossRef]
  71. Lo, S.-C.B.; Li, H.; Wang, Y.; Kinnard, L.; Freedman, M.T. A multiple circular path convolution neural network system for detection of mammographic masses. IEEE transactions on medical imaging 2002, 21, 150–158. [Google Scholar]
  72. Fonseca, P.; Mendoza, J.; Wainer, J.; Ferrer, J.; Pinto, J.; Guerrero, J.; Castaneda, B. Automatic breast density classification using a convolutional neural network architecture search procedure. 2015, 9414, 941428. [CrossRef]
  73. Su, H.; Liu, F.; Xie, Y.; Xing, F.; Meyyappan, S.; Yang, L. Region segmentation in histopathological breast cancer images using deep convolutional neural network. 2015, 55-58. [CrossRef]
  74. Jiao, Z.; Gao, X.; Wang, Y.; Li, J. A deep feature based framework for breast masses classification. Neurocomputing 2016, 197, 221–231. [Google Scholar] [CrossRef]
  75. Arevalo, J.; González, F.A.; Ramos-Pollán, R.; Oliveira, J.L.; Lopez, M.A.G. Representation learning for mammography mass lesion classification with convolutional neural networks. Computer methods and programs in biomedicine 2016, 127, 248–257. [Google Scholar] [CrossRef] [PubMed]
  76. Rezaeilouyeh, H.; Mollahosseini, A.; Mahoor, M.H. Microscopic medical image classification framework via deep learning and shearlet transform. Journal of Medical Imaging 2016, 3, 044501. [Google Scholar] [CrossRef] [PubMed]
  77. Jadoon, M.M.; Zhang, Q.; Haq, I.U.; Butt, S.; Jadoon, A. Three-class mammogram classification based on descriptive CNN features. BioMed research international 2017, 2017. [Google Scholar] [CrossRef] [PubMed]
  78. Jaffar, M.A. Deep learning based computer aided diagnosis system for breast mammograms. Int J Adv Comput Sci Appl 2017, 8, 286–290. [Google Scholar]
  79. Zhu, W.; Xiang, X.; Tran, T.D.; Hager, G.D.; Xie, X. Adversarial deep structured nets for mass segmentation from mammograms. In Proceedings of the 2018 IEEE 15th international symposium on biomedical imaging (ISBI 2018); 2018; pp. 847–850. [Google Scholar] [CrossRef]
  80. Wang, H.; Feng, J.; Zhang, Z.; Su, H.; Cui, L.; He, H.; Liu, L. Breast mass classification via deeply integrating the contextual information from multi-view data. Pattern Recognition 2018, 80, 42–52. [Google Scholar] [CrossRef]
  81. Gastounioti, A.; Oustimov, A.; Hsieh, M.-K.; Pantalone, L.; Conant, E.F.; Kontos, D. Using convolutional neural networks for enhanced capture of breast parenchymal complexity patterns associated with breast cancer risk. Academic radiology 2018, 25, 977–984. [Google Scholar] [CrossRef] [PubMed]
  82. Chiao, J.-Y.; Chen, K.-Y.; Liao, K.Y.-K.; Hsieh, P.-H.; Zhang, G.; Huang, T.-C. Detection and classification the breast tumors using mask R-CNN on sonograms. Medicine 2019, 98. [Google Scholar] [CrossRef]
  83. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural computation 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
  84. Nahid, A.-A.; Mehrabi, M.A.; Kong, Y. Histopathological breast cancer image classification by deep neural network techniques guided by local clustering. BioMed research international 2018, 2018. [Google Scholar] [CrossRef]
  85. Suckling, J.; Parker, J.; Dance, D.; Astley, S.; Hutt, I.; Boggis, C.; Ricketts, I.; Stamatakis, E.; Cerneaz, N.; Kok, S. Mammographic image analysis society (mias) database v1. 21. 2015. [CrossRef]
  86. Suckling, J. The mammographic images analysis society digital mammogram database. In Proceedings of the Exerpta Medica. International Congress Series 1994, 1994, 375–378. [Google Scholar]
  87. Heath, M.; Bowyer, K.; Kopans, D.; Moore, R.; Kegelmeyer, W. The digital database for screening mammography In: Yaffe. In Proceedings of the Proceedings of the Fifth International Workshop on Digital Mammography, 2000; pp. 212–218.
  88. Lee, R.S.; Gimenez, F.; Hoogi, A.; Miyake, K.K.; Gorovoy, M.; Rubin, D.L. A curated mammography data set for use in computer-aided detection and diagnosis research. Scientific data 2017, 4, 1–9. [Google Scholar] [CrossRef]
  89. Oliveira, J.E.; Gueld, M.O.; Araújo, A.d.A.; Ott, B.; Deserno, T.M. Toward a standard reference database for computer-aided mammography. In Proceedings of the Medical imaging 2008: Computer-aided diagnosis; 2008; pp. 606–614. [Google Scholar] [CrossRef]
  90. Matheus, B.R.N.; Schiabel, H. Online mammographic images database for development and comparison of CAD schemes. Journal of digital imaging 2011, 24, 500–506. [Google Scholar] [CrossRef]
  91. Moreira, I.C.; Amaral, I.; Domingues, I.; Cardoso, A.; Cardoso, M.J.; Cardoso, J.S. Inbreast: toward a full-field digital mammographic database. Academic radiology 2012, 19, 236–248. [Google Scholar] [CrossRef] [PubMed]
  92. Alsolami, A.S.; Shalash, W.; Alsaggaf, W.; Ashoor, S.; Refaat, H.; Elmogy, M. king Abdulaziz university breast cancer mammogram dataset (KAU-BCMD). Data 2021, 6, 111. [Google Scholar] [CrossRef]
  93. Nguyen, H.T.; Nguyen, H.Q.; Pham, H.H.; Lam, K.; Le, L.T.; Dao, M.; Vu, V. VinDr-Mammo: A large-scale benchmark dataset for computer-aided diagnosis in full-field digital mammography. Scientific Data 2023, 10, 277. [Google Scholar] [CrossRef] [PubMed]
  94. Pham, H.H.; Trung, H.N.; Nguyen, H.Q. Vindr-mammo: A large-scale benchmark dataset for computer-aided detection and diagnosis in full-field digital mammography. Sci Data 2022. [Google Scholar]
  95. Karale, V.A.; Ebenezer, J.P.; Chakraborty, J.; Singh, T.; Sadhu, A.; Khandelwal, N.; Mukhopadhyay, S. A screening CAD tool for the detection of microcalcification clusters in mammograms. Journal of digital imaging 2019, 32, 728–745. [Google Scholar] [CrossRef]
  96. Zhang, F.; Luo, L.; Sun, X.; Zhou, Z.; Li, X.; Yu, Y.; Wang, Y. Cascaded generative and discriminative learning for microcalcification detection in breast mammograms. In Proceedings of the Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019; pp. 12578–12586. [CrossRef]
  97. Karale, V.A.; Singh, T.; Sadhu, A.; Khandelwal, N.; Mukhopadhyay, S. Reduction of false positives in the screening CAD tool for microcalcification detection. Sādhanā 2020, 45, 1–11. [Google Scholar] [CrossRef]
  98. Karale, V.A.; Mukhopadhyay, S.; Singh, T.; Khandelwal, N.; Sadhu, A. Automated detection of microcalcification clusters in mammograms. In Proceedings of the Medical Imaging 2017: Computer-Aided Diagnosis; 2017; p. 101342R. [Google Scholar] [CrossRef]
  99. Matsubara, T. Development of mass detection algorithm based on adaptive thresholding technique in digital mammograms. Digital Mammography'96 1996, 391-396.
  100. Dominguez, A.R.; Nandi, A.K. Detection of masses in mammograms via statistically based enhancement, multilevel-thresholding segmentation, and region selection. Computerized Medical Imaging and Graphics 2008, 32, 304–315. [Google Scholar] [CrossRef]
  101. Zheng, B.; Mello-Thoms, C.; Wang, X.-H.; Gur, D. Improvement of visual similarity of similar breast masses selected by computer-aided diagnosis schemes. In Proceedings of the 2007 4th IEEE International Symposium on Biomedical Imaging: From Nano to Macro; 2007; pp. 516–519. [Google Scholar] [CrossRef]
  102. Zou, F.; Zheng, Y.; Zhou, Z.; Agyepong, K. Gradient vector flow field and mass region extraction in digital mammograms. In Proceedings of the 2008 21st IEEE International Symposium on Computer-Based Medical Systems; 2008; pp. 41–43. [Google Scholar] [CrossRef]
  103. Yuan, Y.; Giger, M.L.; Li, H.; Sennett, C. Correlative feature analysis of FFDM images. In Proceedings of the Medical Imaging 2008: Computer-Aided Diagnosis; 2008; pp. 497–502. [Google Scholar] [CrossRef]
  104. Hassanien, A.E.; Ali, J.M. Digital mammogram segmentation algorithm using pulse coupled neural networks. In Proceedings of the Third International Conference on Image and Graphics (ICIG'04); 2004; pp. 92–95. [Google Scholar] [CrossRef]
  105. Caldwell, C.B.; Stapleton, S.J.; Holdsworth, D.W.; Jong, R.; Weiser, W.; Cooke, G.; Yaffe, M.J. Characterization of mammographic parenchymal pattern by fractal dimension. In Proceedings of the Medical Imaging III: Image Processing; 1989; pp. 10–16. [Google Scholar]
  106. Zheng, B.; Chang, Y.-H.; Wang, X.H.; Good, W.F.; Gur, D. Application of a Bayesian belief network in a computer-assisted diagnosis scheme for mass detection. In Proceedings of the Medical Imaging 1999: Image Processing; 1999; pp. 1553–1561. [Google Scholar] [CrossRef]
  107. Kramer, D.; Aghdasi, F. Texture analysis techniques for the classification of microcalcifications in digitised mammograms. In Proceedings of the 1999 IEEE Africon. 5th Africon Conference in Africa (Cat. No. 99CH36342); 1999; pp. 395–400. [Google Scholar] [CrossRef]
  108. Cao, K.; Gao, F.; Long, R.; Zhang, F.-D.; Huang, C.-C.; Cao, M.; Yu, Y.-Z.; Sun, Y.-S. Peri-lesion regions in differentiating suspicious breast calcification-only lesions specifically on contrast enhanced mammography. Journal of X-Ray Science and Technology, 2024; 1–14. [Google Scholar]
  109. Prinzi, F.; Orlando, A.; Gaglio, S.; Vitabile, S. Interpretable Radiomic Signature for Breast Microcalcification Detection and Classification. Journal of Imaging Informatics in Medicine 2024, 1–16. [Google Scholar] [CrossRef] [PubMed]
  110. Yoen, H.; Jang, M.-j.; Yi, A.; Moon, W.K.; Chang, J.M. Artificial Intelligence for Breast Cancer Detection on Mammography: Factors Related to Cancer Detection. Academic Radiology 2024. [Google Scholar] [CrossRef]
  111. Malek, A.A.; Alias, M.A.; Razak, F.A.; Noorani, M.S.M.; Mahmud, R.; Zulkepli, N.F.S. Persistent Homology-Based Machine Learning Method for Filtering and Classifying Mammographic Microcalcification Images in Early Cancer Detection. Cancers 2023, 15, 2606. [Google Scholar] [CrossRef] [PubMed]
  112. Khalid, A.; Mehmood, A.; Alabrah, A.; Alkhamees, B.F.; Amin, F.; AlSalman, H.; Choi, G.S. Breast Cancer Detection and Prevention Using Machine Learning. Diagnostics 2023, 13, 3113. [Google Scholar] [CrossRef] [PubMed]
  113. Li, L.; Qian, W.; Clarke, L.P.; Clark, R.A.; Thomas, J.A. Improving mass detection by adaptive and multiscale processing in digitized mammograms. In Proceedings of the Medical Imaging 1999: Image Processing; 1999; pp. 490–498. [Google Scholar] [CrossRef]
  114. Iseri, I.; Oz, C. Computer aided detection of microcalcification clusters in mammogram images with machine learning approach. Optoelectronics and Advanced Materials 2014, 8, 689–695. [Google Scholar]
  115. Rampun, A.; Wang, H.; Scotney, B.; Morrow, P.; Zwiggelaar, R. Classification of mammographic microcalcification clusters with machine learning confidence levels. In Proceedings of the 14th International workshop on breast imaging (IWBI 2018); 2018; pp. 345–352. [Google Scholar] [CrossRef]
  116. Fanizzi, A.; Basile, T.M.; Losurdo, L.; Bellotti, R.; Bottigli, U.; Dentamaro, R.; Didonna, V.; Fausto, A.; Massafra, R.; Moschetta, M. A machine learning approach on multiscale texture analysis for breast microcalcification diagnosis. BMC bioinformatics 2020, 21, 1–11. [Google Scholar] [CrossRef]
  117. Vy, V.P.T.; Yao, M.M.-S.; Khanh Le, N.Q.; Chan, W.P. Machine learning algorithm for distinguishing ductal carcinoma in situ from invasive breast cancer. Cancers 2022, 14, 2437. [Google Scholar] [CrossRef] [PubMed]
  118. Sarvestani, Z.M.; Jamali, J.; Taghizadeh, M.; Dindarloo, M.H.F. A novel machine learning approach on texture analysis for automatic breast microcalcification diagnosis classification of mammogram images. Journal of Cancer Research and Clinical Oncology 2023, 149, 6151–6170. [Google Scholar] [CrossRef] [PubMed]
  119. Lin, Q.; Tan, W.-M.; Ge, J.-Y.; Huang, Y.; Xiao, Q.; Xu, Y.-Y.; Jin, Y.-T.; Shao, Z.-M.; Gu, Y.-J.; Yan, B. Artificial intelligence-based diagnosis of breast cancer by mammography microcalcification. Fundamental Research 2023. [Google Scholar] [CrossRef]
  120. Fu, J.; Lee, S.; Wong, S.; Yeh, J.; Wang, A.; Wu, H. Image segmentation feature selection and pattern classification for mammographic microcalcifications. Computerized Medical Imaging and Graphics 2005, 29, 419–429. [Google Scholar] [CrossRef]
  121. Golobardes, E.; Martí, J.; Español, J.; Salamó Llorente, M.; Freixenet, J.; Llorà Fàbrega, X.; Maroto, A.; Bernadó Mansilla, E. Classifying Microcalcifications in Digital Mammograms using Machine Learning techniques. 2001.
  122. Alolfe, M.A.; Mohamed, W.A.; Youssef, A.-B.M.; Kadah, Y.M.; Mohamed, A.S. Feature selection in computer aided diagnostic system for microcalcification detection in digital mammograms. In Proceedings of the 2009 National Radio Science Conference; 2009; pp. 1–9. [Google Scholar]
  123. Papadopoulos, A.; Fotiadis, D.I.; Likas, A. Characterization of clustered microcalcifications in digitized mammograms using neural networks and support vector machines. Artificial intelligence in medicine 2005, 34, 141–150. [Google Scholar] [CrossRef] [PubMed]
  124. Wu, C.Y.; Lo, S.-C.B.; Freedman, M.T.; Hasegawa, A.; Zuurbier, R.A.; Mun, S.K. Classification of microcalcifications in radiographs of pathological specimen for the diagnosis of breast cancer. 1994, 2167, 630–641. [CrossRef]
  125. Huynh, B.Q.; Li, H.; Giger, M.L. Digital mammographic tumor classification using transfer learning from deep convolutional neural networks. Journal of Medical Imaging 2016, 3, 034501. [Google Scholar] [CrossRef]
  126. Chakravarthy, S.S.; Rajaguru, H. Automatic Detection and Classification of Mammograms Using Improved Extreme Learning Machine with Deep Learning. IRBM 2021. [Google Scholar] [CrossRef]
  127. Ueda, D.; Yamamoto, A.; Takashima, T.; Onoda, N.; Noda, S.; Kashiwagi, S.; Morisaki, T.; Tsutsumi, S.; Honjo, T.; Shimazaki, A. Visualizing “featureless” regions on mammograms classified as invasive ductal carcinomas by a deep learning algorithm: the promise of AI support in radiology. Japanese Journal of Radiology 2021, 39, 333–340. [Google Scholar] [CrossRef]
  128. Swiderski, B.; Gielata, L.; Olszewski, P.; Osowski, S.; Kołodziej, M. Deep neural system for supporting tumor recognition of mammograms using modified GAN. Expert Systems with Applications 2021, 164, 113968. [Google Scholar] [CrossRef]
  129. Xu, C.; Lou, M.; Qi, Y.; Wang, Y.; Pi, J.; Ma, Y. Multi-Scale Attention-Guided Network for mammograms classification. Biomedical Signal Processing and Control 2021, 68, 102730. [Google Scholar] [CrossRef]
  130. Huang, M.-L.; Lin, T.-Y. Considering breast density for the classification of benign and malignant mammograms. Biomedical Signal Processing and Control 2021, 67, 102564. [Google Scholar] [CrossRef]
  131. Zebari, D.A.; Ibrahim, D.A.; Zeebaree, D.Q.; Mohammed, M.A.; Haron, H.; Zebari, N.A.; Damaševičius, R.; Maskeliūnas, R. Breast cancer detection using mammogram images with improved multi-fractal dimension approach and feature fusion. Applied Sciences 2021, 11, 12122. [Google Scholar] [CrossRef]
  132. Nomani, A.; Ansari, Y.; Nasirpour, M.H.; Masoumian, A.; Pour, E.S.; Valizadeh, A. PSOWNNs-CNN: a computational radiology for breast cancer diagnosis improvement based on image processing using machine learning methods. Computational Intelligence and Neuroscience 2022, 2022. [Google Scholar] [CrossRef]
  133. Maqsood, S.; Damaševičius, R.; Maskeliūnas, R. TTCNN: A breast cancer detection and classification towards computer-aided diagnosis using digital mammography in early stages. Applied Sciences 2022, 12, 3273. [Google Scholar] [CrossRef]
  134. Lin, R.-H.; Kujabi, B.K.; Chuang, C.-L.; Lin, C.-S.; Chiu, C.-J. Application of deep learning to construct breast cancer diagnosis model. Applied Sciences 2022, 12, 1957. [Google Scholar] [CrossRef]
  135. Mohapatra, S.; Muduly, S.; Mohanty, S.; Ravindra, J.; Mohanty, S.N. Evaluation of deep learning models for detecting breast cancer using histopathological mammograms Images. Sustainable Operations and Computers 2022, 3, 296–302. [Google Scholar] [CrossRef]
  136. Al-Tam, R.M.; Al-Hejri, A.M.; Narangale, S.M.; Samee, N.A.; Mahmoud, N.F.; Al-Masni, M.A.; Al-Antari, M.A. A hybrid workflow of residual convolutional transformer encoder for breast cancer classification using digital X-ray mammograms. Biomedicines 2022, 10, 2971. [Google Scholar] [CrossRef]
  137. Kumar Singh, K.; Kumar, S.; Antonakakis, M.; Moirogiorgou, K.; Deep, A.; Kashyap, K.L.; Bajpai, M.K.; Zervakis, M. Deep learning capabilities for the categorization of microcalcification. International Journal of Environmental Research and Public Health 2022, 19, 2159. [Google Scholar] [CrossRef] [PubMed]
  138. Alsheikhy, A.A.; Said, Y.; Shawly, T.; Alzahrani, A.K.; Lahza, H. Biomedical diagnosis of breast cancer using deep learning and multiple classifiers. Diagnostics 2022, 12, 2863. [Google Scholar] [CrossRef]
  139. Marathe, K.; Marasinou, C.; Li, B.; Nakhaei, N.; Li, B.; Elmore, J.G.; Shapiro, L.; Hsu, W. Automated quantitative assessment of amorphous calcifications: Towards improved malignancy risk stratification. Computers in biology and medicine 2022, 146, 105504. [Google Scholar] [CrossRef] [PubMed]
  140. Liu, H.; Chen, Y.; Zhang, Y.; Wang, L.; Luo, R.; Wu, H.; Wu, C.; Zhang, H.; Tan, W.; Yin, H. A deep learning model integrating mammography and clinical factors facilitates the malignancy prediction of BI-RADS 4 microcalcifications in breast cancer screening. European Radiology 2021, 31, 5902–5912. [Google Scholar] [CrossRef]
  141. Ha, R.; Mutasa, S.; Sant, E.P.V.; Karcich, J.; Chin, C.; Liu, M.Z.; Jambawalikar, S. Accuracy of distinguishing atypical ductal hyperplasia from ductal carcinoma in situ with convolutional neural network–based machine learning approach using mammographic image data. American Journal of Roentgenology 2019, 212, 1166–1171. [Google Scholar] [CrossRef]
  142. Prodan, M.; Paraschiv, E.; Stanciu, A. Applying deep learning methods for mammography analysis and breast cancer detection. Applied Sciences 2023, 13, 4272. [Google Scholar] [CrossRef]
  143. Beuque, M.P.; Lobbes, M.B.; van Wijk, Y.; Widaatalla, Y.; Primakov, S.; Majer, M.; Balleyguier, C.; Woodruff, H.C.; Lambin, P. Combining deep learning and handcrafted radiomics for classification of suspicious lesions on contrast-enhanced mammograms. Radiology 2023, 307, e221843. [Google Scholar] [CrossRef]
  144. Pesapane, F.; Trentin, C.; Ferrari, F.; Signorelli, G.; Tantrige, P.; Montesano, M.; Cicala, C.; Virgoli, R.; D’Acquisto, S.; Nicosia, L. Deep learning performance for detection and classification of microcalcifications on mammography. European Radiology Experimental 2023, 7, 69. [Google Scholar] [CrossRef] [PubMed]
  145. Kumar, S.; Bhupati; Bhambu, P.; Pachar, S.; Cotrina-Aliaga, J.C.; Arias-Gonzáles, J.L. Deep Learning-Based Computer-Aided Diagnosis Model for the Identification and Classification of Mammography Images. SN Computer Science 2023, 4, 502. [CrossRef]
  146. Tsai, H.-Y.; Kao, Y.-W.; Wang, J.-C.; Tsai, T.-Y.; Chung, W.-S.; Hsu, J.-S.; Hou, M.-F.; Weng, S.-F. Multitask deep learning on mammography to predict extensive intraductal component in invasive breast cancer. European Radiology 2023, 1–12. [Google Scholar] [CrossRef] [PubMed]
  147. Carneiro, G.; Nascimento, J.; Bradley, A.P. Unregistered multiview mammogram analysis with pre-trained deep learning models. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention; 2015; pp. 652–660. [Google Scholar] [CrossRef]
  148. Sun, W.; Tseng, T.-L.B.; Zhang, J.; Qian, W. Enhancing deep convolutional neural network scheme for breast cancer diagnosis with unlabeled data. Computerized Medical Imaging and Graphics 2017, 57, 4–9. [Google Scholar] [CrossRef] [PubMed]
  149. Samala, R.K.; Chan, H.-P.; Hadjiiski, L.M.; Cha, K.; Helvie, M.A. Deep-learning convolution neural network for computer-aided detection of microcalcifications in digital breast tomosynthesis. In Proceedings of the Medical Imaging 2016: Computer-Aided Diagnosis; 2016; p. 97850. [Google Scholar] [CrossRef]
  150. Alshamrani, K.; Alshamrani, H.A.; Alqahtani, F.F.; Almutairi, B.S. Enhancement of mammographic images using histogram-based techniques for their classification using CNN. Sensors 2022, 23, 235. [Google Scholar] [CrossRef] [PubMed]
  151. CureMetrix_website. Risk for coronary artery disease. Available online: https://curemetrix.com/cmangio/ (accessed on 26 January 2022).
  152. Rodriguez-Ruiz, A.; Lång, K.; Gubern-Merida, A.; Teuwen, J.; Broeders, M.; Gennaro, G.; Clauser, P.; Helbich, T.H.; Chevalier, M.; Mertelmeier, T. Can we reduce the workload of mammographic screening by automatic identification of normal exams with artificial intelligence? A feasibility study. European radiology 2019, 29, 4825–4832. [Google Scholar] [CrossRef]
  153. Tartar, M.; Le, L.; Watanabe, A.T.; Enomoto, A.J. Artificial intelligence support for mammography: in-practice clinical experience. Journal of the American College of Radiology 2021, 18, 1510–1513. [Google Scholar] [CrossRef]
Figure 1. The PRISMA flow chart (1970-2023) from manual, ML and DL methods for the keywords: (Mammography, Microcalcification, and Breast Tumor) depicting the online research literature.
Figure 1. The PRISMA flow chart (1970-2023) from manual, ML and DL methods for the keywords: (Mammography, Microcalcification, and Breast Tumor) depicting the online research literature.
Preprints 105975 g001
Figure 2. Breast cancer detection techniques based on mammography
Figure 2. Breast cancer detection techniques based on mammography
Preprints 105975 g002
Figure 3. Well-known features extraction methods and their classification.
Figure 3. Well-known features extraction methods and their classification.
Preprints 105975 g003
Table 1. Top citation methods for the evolution of mammography from 1970-2023 based on the defined slabs (MA stands for Manual Aided, CA stands for Computer-Aided, IP stands for Image Processing, ML stands for Machine Learning, and DL stands for Deep Learning).
Table 1. Top citation methods for the evolution of mammography from 1970-2023 based on the defined slabs (MA stands for Manual Aided, CA stands for Computer-Aided, IP stands for Image Processing, ML stands for Machine Learning, and DL stands for Deep Learning).
Years slab Methods Specific Type Basis Refs. No. of citations
1970-1989 (20) MA IP Mass screening through modern mammography. [30] 700
CA ML Radiographic appearance of the breast parenchyma-based detection. [31] 378
1990-2005 (16) MA IP Role of hormone replacement therapy correlated with age and microcalcification density [32] 1487
CA ML Four methods for surveillance of mutation carriers due to BRCA1 and BRCA2 mutation. [33] 1493
DL Novelty detection for identification of mass mammograms. [34] 483
2006-2015 (10) MA IP Breast screening with MRI as an adjunct to mammography. [35] 3437
CA ML Diagnosing mammographic masses using scalable image retrieval and scale-invariant feature transform (SIFT). [36] 139
DL A swarm intelligence optimized wavelet neural network method for breast cancer detection. [37] 474
2016-2023 (8) MA IP Tumor size, overdiagnosis and mammography effectiveness. [38] 698
CA ML Breast mass classification based on SVM and Extreme Learning Machine (ELM). [39] 176
DL Detection of radiological lesions in mammograms using DL. [23] 1041
Table 2. Large publicly shared datasets in the field of mammography (B: benign, M: malignant, N: normal, (x) indicates the severity of disease according to the BIRAD classification system).
Table 2. Large publicly shared datasets in the field of mammography (B: benign, M: malignant, N: normal, (x) indicates the severity of disease according to the BIRAD classification system).
Dataset Number of
Images
Classes Year
MIAS (50 microns) [85] 322 B, M, N 1994
Mini-MIAS (200 microns) [86] 322 B, M 1994
DDSM [87] 10480 B, M, N 1999
CBIS-DDSM [88] 10239 B, M, N 2017
IRMA [89] 1515 B, M, N 2009
BancoWeb LAPIMO [90] 1400 B, M, N 2011
INBreast [91] 410 B, M, N 2010
KAU-BCMD [92] 5662 B(2), M(5), N(1) 2021
VinDr-Mammo [94] 5000 B(2), M(5), N(1) 2022
Table 3. Acronyms and their full description, datasets, and methodology in determining microcalcification for some state-of-the-art techniques.
Table 3. Acronyms and their full description, datasets, and methodology in determining microcalcification for some state-of-the-art techniques.
Microcalcification Method Acronym Dataset Method Authors Ref.
Mean Multi-Scale 2D NEO
Max Multi-Scale and 2D NEO
MnM2DNEO
MxM2DNEO
DDSM, INbreast and PGIMER-IITKGP databases Data reduction approach based on data distribution Karale et al. [95]
Anomaly Separation Network ASN INBreast Hybrid approach (generative plus discriminative) Zhang et al. [96]
Max Multi-Scale 2D NEO
Mean Multi-Scale 2D-NEO
Modified MxM2DNEO
Modified MnM2DNEO
DDSM, INbreast and PGIMER-IITKGP databases Computer-aided diagnosis Karale et al. [97]
Unsharp masking Unsharp masking DDSM and private database. Contrast Enhancement Between Microcalcifications and Background Karale et al. [98]
Table 4. A comparison of the evaluation of ML models for classification tasks using mammograms.
Table 4. A comparison of the evaluation of ML models for classification tasks using mammograms.
Reference Data ML Model Evaluation
AUC (ROC)
Accuracy
(%)
[46] 75 images Automatic detection of clusters for calcifications in digitized mammograms × 92.00
[55] 40 images Multi-wavelet-based features extraction technique × 85.00
[105] 70 images Algorithm using Fractal-based Wolfe grade classifier × 84.51
[106] 433 images Bayesian belief network (BBN) 0.87 80.00
[107] 180 images k-NN classifier × 80.00
[108] The mammogram test set included patients between March 2017 and March 2019, while the validation set was collected between April 2019 and October 2019 Peri-calcification areas in contrast-enhanced mammography 0.89 84.30
[109] Comprising 380 samples of healthy tissue, 136 samples of benign microcalcifications, and 242 samples of malignant microcalcifications SVM, RF, and XGBoost 0.83, 0.85, and 0.87 for healthy, benign, and malignant micro classification, respectively 74.00, 81.10, and 82.40 for healthy, benign, and malignant micro classification, respectively
[110] A database with consecutive asymptomatic women who underwent breast cancer surgery between (2016-2019) LunitINSIGHT, MMG, Ver. 1.1.4.0 as a diagnostic tool × 72.00
[111] MIAS)and (DDSM) public mammography datasets Neural network (NN), SVM, k-NN, and DT models 0.95 - 0.98 94.30 - 96.40
[112] 3002 merged images from 1501 individuals who underwent digital mammography between February 2007 and May 2015. RF, DT, k-NN, logistic regression (LR), linear SVM × 96.49
[113] Training part: 30 normal and 47 abnormal images
Testing part: 100 normal and 39 abnormal images
Modified fuzzy decision tree, and committee decision-making method. > 0.90 ×
[114] 119 images from MIAS and DDSM databases Multi-window based statistical analysis (MWBSA) for detection of microcalcification clusters, and ANN × 97.00
[115] 1872 micro-calcific
cation clusters (1199 benign and 673 malignant) from 753 patients
C4.5, RF, MLP, LR, NB, BNet, k-NN, ADTree, LMT, AdaBoost, and SVM 0.82 (ADtree) 77.80 (C4.5)
[116] 260 ROIs extracted from of BCDR mammograms RF binary classifier 0.98 and 0.92 for benign and malignant, respectively 97.31 and 88.46 for benign and malignant, respectively
[117] Mammographic, clinical, and sonographic features from 420 patients XGBoost 0.93 84.00
[118] DDSM dataset ANN × 93.00
[119] 4810 mammograms with 6663 microcalcification lesions Resnet50 for feature extraction, and FasterRCNN for microcalcification detection 0.80 72.37
[120] Nijmegen University Hospital (Netherlands) database Sequential forward search (SFS) algorithm on General regression neural network (GRNN) and SVM 0.98 (SVM),
0.97 (GRNN)
×
[121] 216 mammograms from the database of Girona Health Area CBR and GA × 78.57 (Max)
[122] 322 images of MIAS dataset wavelet analysis, feature selection method and k-NN and SVM × 87.50 (SVM best)
75.00 (k-NN best)
[123] MIAS dataset SNM, and ANN classifiers SVM: Nijmegen dataset 0.79 (original) MIAS dataset 0.81 (original) ×
Table 5. A comparison of the evaluation of DL architectures for classification tasks using mammograms, the convolution layers of DL are represented by conv. and fully connected layers are symbolized by fc.
Table 5. A comparison of the evaluation of DL architectures for classification tasks using mammograms, the convolution layers of DL are represented by conv. and fully connected layers are symbolized by fc.
Reference Data DL
Architecture
Evaluation
AUC (ROC)
Accuracy
(%)
[70] Manually extracted ROI’s from 168 mammograms CNN (4 conv.) with 2 input images, 3 image-groups in the first hidden layer, 2 groups in the second hidden layer, and one real-valued output 0.87 ×
[71] 200 mammograms selected from MIAS database and BAMC database MCPCNN 0.86(mean) ×
[72] Digital images obtained from 1157 subjects (Lima, Peru) CNN (3 conv.) and SVM classifier × 73.05 (mean)
[125] 607 mammography images An ensemble of SVM1 (TL-features using AlexNet), SVM2 (analytically detected features, TL-based classifier, and analytical feature extraction-based method 0.81 ×
[74] 600 images from DDSM CNN (5 conv., 3 fc) × 97
[75] 736 film images CNN (2 conv., 1 fc and a softmax layer) 0.82 ×
[77] IRMA dataset: 2796 patches of mammogram images CNN-discrete wavelet, and CNN-curvelet transforms × 81.83 for CNN-DW, and 83.74 for CNN-CT
[78] MIAS: 332 images
DDMS: 1800 images
CNN(3 conv., 1 fc) with SVM 0.93 93.35
[80] BCDR-F03: 736 film images CNN with attention mechanism integrating features by LSTM, and classification by multi-view CNN 0.89 85.00
[81] 424 mammogram images CNN(2 conv, 1 fc) give five features that are fed to a logistic regressor 0.90 ×
[124] 80 ROIs selected from digitized radiographs CNN (1 conv.) with one hidden layer using seven kernels 0.83 ×
[126] DDMS, MIAS, and INbreast datasets with 570, 322, and 179 mammograms, respectively ResNet-18 with ICS-ELM × 97.19, 98.14, and 98.27 for DDSM, MIAS, and INbreast datasets, respectively
[127] IDC dataset (1119 images) VGG-16 × 61.00-70.00
[128] 11218 regions of interest of mammographic images from the DDSM Autoencoder-generative adversarial network (AGAN) plus CNN 0.94 89.71
[129] DDSM dataset with 2620 cases having four mammograms each Multi-Scale Attention-Guided Network (MSANet) 0.94 ×
[130] INbreast dataset AlexNet, DenseNet, and ShuffleNet × 95.46 , 99.72, and 97.84, respectively
[131] Mini-MIAS, DDSM, INbreast, and BCDR contributing:316, 981, 200, and 736 mammograms, repectively
ANN (Multilayer perceptron) × > 96.00
[132] Mini-MIAS: 1824 images CNN (3 conv., 3 fc) × 95.20
[133] DDSM: 2620 images
INbreast: 410 images
MIAS: 326 images
CNN(3 conv., 2 fc) 0.97(mean) 97.49 (mean)
[134] Breast cancer risk factor assessment dataset: 88763 images CNN (AlexNet, ResNet101, and InceptionV3) × 91.30
(InceptionV3)
[135] Mini-DDSM: 9752 mammograms CNN(AlexNet, VGG16, ResNet50) 0.86 (AlexNet) 65.89 (AlexNet)
[136] CBIS-DDSM: 6671 images
DDSM: 2620 images
CNN(12 conv., 4 dropout layers) 0.98(mean) 100 (for binary classification), and
95.80 for multiclass problems
[137] CBIS–DDSM CNN with four different optimizers (ADAM, ADAGrad, ADADelta, and RMSProp) 0.96 94.00
[138] CBIS-DDSM, and Breast Cancer Wisconsin (BCW) containing 3400 mammographic images AlexNet, Fuzzy C-Means clustering algorithm and multiple classifiers × 98.84
[139] 168 full-field digital mammography exams (248 images from 168 patients) Local features with an unsupervised k-means clustering algorithm and training with a light gradient boosting machine (LightGBM) classifier 0.73 using the clustering 53.00
[140] 384 patients with 414 pathologically confirmed microcalcifications (221 malignant and 193 benign) DL model with mammography and clinical variables 0.91 ×
[141] 298 mammographic images from 149 patients CNN (5 residual layers, and 0.25 dropout) 0.86 86.70
[142] ADMANI dataset (28911 instances) by the Radiological Society of North America (RSNA) CNNs and ViT architectures including data augmentation techniques 0.88 89.00
[143] Contrast Enhanced Mammography (CEM) images of 1601 patients at Maastricht UMC+, and 283 patients at Gustave Roussy Institute DL model and handcrafted radiomics-based technique 0.95 ×
[144] 1000 patients and 1986 mammograms with 389 malignant and 611 benign groups of microcalcification AlexNet, ResNet18, and ResNet34 0.88-0.92 ×
[145] Mini-MIAS dataset DN-SVM for the detection of breast cancer 0.99 84.45
[146] 3076 mammograms with 1459 positive breast cancers Multitask model based on EfficientNet-B0 neural network 0.76 and 0.78 at the image and breast; 0.92 for mass; 0.88 and 0.82 for mass with calcifications; and 0.63–0.66 for Cell receptor status prediction ×
[147] INbreast: 410 images
DDSM: 680
CNN (4 conv., 2 fc) >0.90 ×
[148] FFDM database: 1874 images CNN (3 conv.) and SVM classifier 0.88 82.43
[149] 64 breast slice images
(University of Michigan)
CNN (2 conv., 2 locally-connected layers + 1 fc) 0.93 ×
[150] DDSM and Mini-MIAS datasets CNN (2 conv., 2local, and 1 fc) × 67.00-81.00
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.
Copyright: This open access article is published under a Creative Commons CC BY 4.0 license, which permit the free download, distribution, and reuse, provided that the author and preprint are cited in any reuse.
Prerpints.org logo

Preprints.org is a free preprint server supported by MDPI in Basel, Switzerland.

Subscribe

© 2024 MDPI (Basel, Switzerland) unless otherwise stated