Sensors: Breast Mass Detection in Mammography Based On Image Template Matching and CNN

Download as pdf or txt
Download as pdf or txt
You are on page 1of 16

sensors

Article
Breast Mass Detection in Mammography Based on Image
Template Matching and CNN
Lilei Sun 1 , Huijie Sun 2 , Junqian Wang 3 , Shuai Wu 3 , Yong Zhao 4 and Yong Xu 3,5, *

1 College of Computer Science and Technology, Guizhou University, Guiyang 550025, China;
[email protected]
2 College of Computer Information and Engineering, Nanchang Institute of Technology,
Nanchang 330044, China; [email protected]
3 College of Computer Science and Technology, Harbin Institute of Technology (Shenzhen),
Shenzhen 518055, China; [email protected] (J.W.); [email protected] (S.W.)
4 School of Electronic and Computer Engineering, Shenzhen Graduate School of Peking University,
Shenzhen 518055, China; [email protected]
5 Shenzhen Key Laboratory of Visual Object Detection and Recognition, Harbin Institute of Technology
(Shenzhen), Shenzhen 518055, China
* Correspondence: [email protected]

Abstract: In recent years, computer vision technology has been widely used in the field of medical
image processing. However, there is still a big gap between the existing breast mass detection
methods and the real-world application due to the limited detection accuracy. It is known that
humans locate the regions of interest quickly and further identify whether these regions are the
targets we found. In breast cancer diagnosis, we locate all the potential regions of breast mass by
glancing at the mammographic image from top to bottom and from left to right, then further identify
 whether these regions are a breast mass. Inspired by the process of human detection of breast mass, we

proposed a novel breast mass detection method to detect breast mass on a mammographic image by
Citation: Sun, L.; Sun, H.; Wang, J.; stimulating the process of human detection. The proposed method preprocesses the mammographic
Wu, S.; Zhao, Y.; Xu, Y. Breast Mass image via the mathematical morphology method and locates the suspected regions of breast mass by
Detection in Mammography Based on the image template matching method. Then, it obtains the regions of breast mass by classifying these
Image Template Matching and CNN.
suspected regions into breast mass and background categories using a convolutional neural network
Sensors 2021, 21, 2855. https://
(CNN). The bounding box of breast mass obtained by the mathematical morphology method and
doi.org/10.3390/s21082855
image template matching method are roughly due to the mathematical morphology method, which
transforms all of the brighter regions into approximate circular areas. For regression of a breast
Academic Editor: Dan Istrate
mass bounding box, the optimal solution should be searched in the feasible region and the Particle
Received: 26 March 2021 Swarm Optimization (PSO) is suitable for solving the problem of searching the optimal solution
Accepted: 15 April 2021 within a certain range. Therefore, we refine the bounding box of breast mass by the PSO algorithm.
Published: 18 April 2021 The proposed breast mass detection method and the compared detection methods were evaluated
on the open database Digital Database for Screening Mammography (DDSM). The experimental
Publisher’s Note: MDPI stays neutral results demonstrate that the proposed method is superior to all of the compared detection methods
with regard to jurisdictional claims in in detection performance.
published maps and institutional affil-
iations. Keywords: medical image processing; mammographic image; deep learning; breast mass detection

Copyright: © 2021 by the authors. 1. Introduction


Licensee MDPI, Basel, Switzerland. Breast cancer has the highest mortality rate among all cancers, it greatly threatens
This article is an open access article the lives of women globally [1]. However, if getting aggressive treatments are conducted
distributed under the terms and
in the early stage of breast cancer, 90% of patients can be cured [2]. Therefore, how to
conditions of the Creative Commons
accurately detect breast cancer in the early stages is greatly meaningful for cancer treatment.
Attribution (CC BY) license (https://
The molybdenum X-ray mammography is the most widely applied tool in breast cancer
creativecommons.org/licenses/by/
diagnosis due to it being less harmful to the patient, showing a good representation of
4.0/).

Sensors 2021, 21, 2855. https://doi.org/10.3390/s21082855 https://www.mdpi.com/journal/sensors


Sensors 2021, 21, 2855 2 of 16

breast mass characteristics and the fact it is low-cost. With the development of machine
learning technology [3,4], using a computer to automatically diagnose breast cancer can
improve diagnosis accuracy and save valuable medical resources.
The diagnosis of breast cancer on mammography contains two stages: breast mass
detection and classification. The first stage is used to find the locations of all the suspected
regions of breast masses in a mammographic image [5], and the second stage is used
further to classify these suspected regions into breast mass and background categories.
Breast mass detection plays a crucial role in diagnosis, the accuracy of breast mass de-
tection greatly affects the performance of breast cancer diagnosis. Figure 1 shows two
molybdenum target mammograms. The regions in the blue rectangles are breast masses.
However, it is challenging work to detect breast masses in a mammographic image due
to the blurry edge and complex texture of breast mass, etc. Kerhet et al. [6] converted the
breast mass detection problem into a classification problem. They converted microwave
breast sensing into probability mapping which illustrates a posteriori probability of tumor
presence by the support vector machine (SVM) classification method, then located the
breast mass according to the probability mapping. Kom et al. [7] enhanced mammo-
graphic images by a linear transformation filter, then segmented the breast mass in the
enhanced image by a local adaptive threshold method. Xu et al. [8] segmented the breast
mass by the improved method based on dynamic programming. The improved method
generates the optimal weights of the cost components that are optimized by PSO [9].
Kuo et al. [10] enhanced the signal of the suspected regions of breast mass in the mam-
mographic image in the time domain, then identified and located the breast mass by
PSO. To enhance the regions of breast mass, StojiC et al. [11] enhanced the details on the
mammographic image using the mathematical morphology method. Amutha et al. [12]
enhanced the contrast of mammography using mathematical morphology. The region
of breast mass always looks brighter than the neighboring regions due to the density of
the breast mass region being higher than that of the surrounding tissues. Liu et al. [13]
detected the breast mass using the image template matching method with a bright circular
image template. The mathematical morphology method can highlight the region of interest
in the image and guides people to focus on these regions, which are the objects we want
to find with a high probability in the object detection task. Then, matching these regions
using the image template matching method and identifying whether they are breast mass
by a classifier. The process is similar to that of the physicians and radiologists glancing at
the whole mammographic image to find the suspected regions of breast mass.
In recent years, machine learning technology, especially deep learning technology has
been widely used in the field of computer vision [14], such as image object detection and
image classification [15–18]. Compared with the conventional shallow learning methods
or human-based feature extraction methods, CNN-based deep learning can adaptively
extract the most discriminative features from the input images for different tasks and many
reported experimental results have also demonstrated the superiority of deep learning in
object detection and image classification tasks. In the field of object detection, CNN boasts
many achievements. R-CNN [19] generates 2000 proposal regions by Selective Search [20]
and normalizes these regions to a uniform size, then extracts the features from these regions
via a CNN, and classifies these extracted features by an SVM and regresses the bounding
box of the object by a feedforward network. Almasni et al. [21] detected and classified
the breast mass by YOLO [22] on the mammographic image dataset Digital Database for
Screening Mammography (DDSM) [23], the YOLO-based approach can detect and classify
the breast mass simultaneously in one network. Kooi et al. [24] compared the detection
performance of a CNN-based CAD system and the traditional CAD system which using
hand-crafted image features on a large data set of around 45,000 images. The experimental
results demonstrate that the CNN-based CAD system outperforms the traditional CAD
system, and the CNN-based CAD shows a similar performance to that of the radiologists.
To improve the diagnosis performance, Wu et al. [25] proposed a hybrid model which uses
a two-stage architecture to diagnose breast cancer. The proposed method generates two
Sensors 2021, 21, 2855 3 of 16

heatmaps from each image by a sliding window as additional input views to a multi-view
CNN-based classifier to improve the classification performance. The authors compared the
performance of the proposed image-and-heatmaps ensemble method to humans with 12
attending radiologists, a resident and a medical student. The experimental results show
that the proposed method is as accurate as the experienced radiologists on the same dataset.

(a) (b)

Figure 1. Molybdenum target mammograms. The regions of blue rectangles in (a,b) are breast masses.

Although there are many approaches to accomplish the detection task for mammog-
raphy breast mass, the following problems still exist: First, there is no method is used to
detect breast mass by simulating the human’s visual characteristics for object detection.
The detection performance of breast mass can be improved significantly by simulating
the human vision mechanism. Second, it is difficult to detect breast mass due to blurry
borders, complex textures and the overlap of many kinds of human tissues in the mammo-
graphic image.
To solve the above problems, we propose a novel breast mass detection method in a
mammographic image. Compared with the existing breast mass detection methods, the
proposed method has the following advantages:
(1) For the blurry edge and complex texture of the breast mass, we highlight the
suspected regions of breast mass and suppress the background by the eroding and dilating
operations designed specifically for breast mass detection in this paper. We locate the
suspected regions of breast mass in the processed mammographic image using the image
template matching method. These matched regions will be further identified as breast
mass or background by the following works.
(2) The suspected regions of breast mass cropped from the mammographic image are
classified as breast mass or background by BD-CNN. We realized the detection task for
breast mass and obtain a better detection performance in the mammographic image via
the mathematical morphology method, image template matching method and a classifica-
tion network.
(3) For the rough bounding box of the breast mass obtained from the mammographic
image via the mathematical morphology and image template matching methods, we
refined the bounding box of breast mass using PSO.
The processing flow chart of the breast mass detection for a mammographic image
proposed in this paper is shown in Figure 2.
Sensors 2021, 21, 2855 4 of 16

(b) Image preprocessed by


(a) Mammographic image morphology (c) Candidate regions matching

BD-CNN

(f) Breast mass location regression (d) Breast mass identifying


(e) Roughly location of breast mass

Figure 2. Flow chart of the breast mass detection method for the mammographic image. Where
(a) is the mammographic image, (b) shows the matched regions on the processed mammographic
image, (c) shows the suspected regions of breast mass generated using the mathematical morphology
and image template matching methods on (a). (d) shows the process of breast mass identified using
BD-CNN. The red rectangles in (e,f) are the regions of breast mass generated by the previous works.
The blue rectangle in (f) is the refined bounding box of a breast mass using PSO.

The remainder of this paper is organized as follows. Section 2 introduces relevant


works. Section 3 details the breast mass detection method of a mammographic image
proposed in this paper. Section 4 conducts and analyzes the experiments. Section 5
concludes the breast mass detection method proposed in this paper.

2. Related Work
Over the past years, various image processing approaches have been proposed to
improve the performance of image detection and classification. In this section, we introduce
several image processing methods related to the method proposed in this paper. These
methods are divided into two types: the mathematical morphology method and image
template matching method.
The mathematical morphology method is used to process the mammographic image,
which is beneficial to easily and effectively highlight the suspected regions of breast
mass. There are several benefits of using the mathematical morphology method in a
mammographic image: the noise can be removed, the suspected regions of breast mass
can be highlighted and normalized to a circle shape, which is beneficial to improve the
performance of the breast mass detection method. Eltonsy et al. [26] found that the regions
of the breast mass are brightest in these concentric layers, they contain more potential
information for the breast mass and the probability that the bright area is a breast mass
is very high. They proposed a detection method based on a morphological model with
concentric circles to detect the breast mass in the mammographic image. Because the
gray-level values of the image pixels in each concentric layer are very similar, they realized
breast mass detection by extracting different concentric regions using a predetermined
threshold. To remove radiopaque artifacts, such as label text in the mammographic image,
Nagi et al. [27] transformed the mammographic image with grayscale into a binary
[0, 1] using a global threshold with a value of T = 18. Then, obtaining the whole area
of the breast by removing the isolated pixels and small objects such as labels text in the
Sensors 2021, 21, 2855 5 of 16

image with the binary format by a morphological operation. Ciecholewski et al. [28]
proposed a segmentation method for the mammographic image. The proposed method
is composed of two parts. In the first part, it reduces the noise and improves the contrast
of the mammographic image via the mathematical morphological method. In the second
part, it extracts microcalcification shapes in the processed mammographic image using
watershed segmentation.
The image template matching method is used to find the most similar regions in the
image to the template image. Tourassi et al. [29] built a databank for mammography
ROI by the ground truth of breast mass from DDSM. The mutual information [30] is used
as the similarity of the image template matching method. The similarities between the
suspected region and all ROIs in the databank are calculated and rank-ordered and the
detection result is obtained based on the best matches. Divyashree et al. [31] divided the
breast mass detection task into several stages. They highlighted all the suspected regions
of breast mass using the mathematical morphological method and enhanced these regions
via the contrast limited adaptive histogram equalization (CLAHE) method [32]. Then, they
detected the breast mass using a maximally stable external regions (MSER) [33] detector.
Lbachir et al. [34] segmented the regions of breast mass using the OST method [35]. Since
these regions of breast mass segmented by OST are rough, they fine-turn the regions by the
K-Means methods.

3. The Proposed Method


Matching the suspected regions of breast mass via the image template matching
method on the processed mammographic image and identifying these regions by the
classification method based on CNN can reach a satisfactory performance of breast mass
detection. The method proposed in this paper contains four phases: the mammographic
image processing based on the mathematical morphology method, the suspected regions of
breast mass generation, the suspected region of breast mass identification and the bounding
box of breast mass regression.

3.1. Processing of Mammographic Images by the Mathematical Morphology Method


The diagnosis process of breast cancer is first to roughly locate the suspected regions
of breast mass by scanning the whole mammographic image, and then further identify
these suspected regions as breast mass and background categories carefully. We highlight
the suspected regions of breast mass in the mammographic image using the mathematical
morphology method.
We divide the process of mammographic image using the mathematical morphology
method into two stages: image eroding and image dilating. In the image eroding stage,
an eroded kernel with small size is used to eliminate the meaningless small targets, such
as noise pixels, and highlight the high-power regions in the mammographic image. In
the image dilating stage, the high-power region is normalized to an approximate circular
region with a fixed size by a dilating kernel with a large size. This is beneficial to match
the suspected regions of breast mass more accurately by the image template matching
method. Because breast mass is almost an ellipse or oval in shape, we used an ellipse
eroding kernel with a size of 7 × 7 pixels and an ellipse dilating kernel with a size of
50 × 50 pixels to process the mammographic image to retain the morphological information
of the breast mass.

3.2. The Generation Model for Candidate Region of Breast Mass


The image template matching method for breast mass detection flips all the potential
breast mass regions from top to bottom and from left to right on the image I by an image
template T, and calculates the similarity between T and the potential mass regions. The
regions with high similarity to T are considered as the suspected regions of a breast mass.
The image template matching method applies the image template to the image in
a certain order to deal with all the image patches and measures the Euclidean distance
Sensors 2021, 21, 2855 6 of 16

between the image template and these patches. The Euclidean distance between the image
template and an image patch can be formulated as

M N
D (i, j) = ∑ ∑ [ P(m, n) − T (m, n)]2 , (1)
m =1 n =1

where D (i, j) is the Euclidean distance between the image template and the image patch
whose center of gravity is located at (i, j). M and N are the width and height of the image
template, respectively. The width and height of the image template are 68 pixels and
60 pixels, respectively. P(m, n) and T (m, n) are the pixel values of the image template and
an image patch whose center of gravity is located at (m, n), respectively.
To generate a better breast mass template image, we processed a mammographic
image which contains a typically breast mass by the mathematical morphology method,
then cropped and saved the mass region in the processed mammographic image as the
breast mass template image. As shown in Figure 3, typical pixel values are 117, 116 and 104
in (b) are the pixel value in the breast mass template image. The designed image template
presents a circle, the pixel values in the central region are 117, and the pixels are decreasing
toward the edge and the outermost pixels are 104.

104 104 104 104 104 104 104 104 104 104 104
104 106 106 106 106 106 106 106 106 106 104
… … … … … …
105 106 116 117 117 117 117 117 116 106 105
106 107 116 117 117 117 117 117 116 107 106
106 107 … 117 117 … 117 117 117 … 117 117 … 107 106
106 107 116 117 117 117 117 117 116 107 106
105 106 116 117 117 117 117 117 116 106 105
… … … … … …
104 106 106 106 106 106 106 106 106 106 104
104 104 104 104 104 104 104 104 104 104 104

(a) (b)
Figure 3. The circular image template of breast mass for image template matching method. Where
(a) is the template image used to match the suspected regions of breast mass in the processed image.
The pixel values of the template image of breast mass are shown in (b).

3.3. Candidate Regions Identification Model


After obtaining the suspected regions of breast mass from the mammographic image
by the previous works, we identify these suspected regions by a classification method
based on CNN. An image classification method for breast mass detection based on CNN
(BD-CNN) is proposed to classify these suspected regions into breast mass and background
categories. The architecture of BD-CNN is shown in Figure 4.

Convolutional Layer
Max Pooling Layer
Batch Normalization
Flatten Layer
Fully connected Layer
Classification Layer

Suspected breast mass


CB1 CB2 CB3

Classification Block

Figure 4. Architecture of DB-CNN.


Sensors 2021, 21, 2855 7 of 16

BD-CNN contains an input, output, three convolutional blocks (CB), a flatting layer, a
fully connected layer and a classification layer. Each CB contains a convolutional layer, a
max-pooling layer, a Batch Normalization (BN) [36] and ReLU activation function. There
are 128 convolutional kernels in each CB, and the size of convolutional kernels used in
CB1, CB2 and CB3 are 5 × 5, 3 × 3 and 3 × 3, respectively. BD-CNN receives the image
of the suspected breast mass region, which is resized to 200 × 200 pixels from the input
and generates the feature maps by three CBs. Then, these feature maps are flattened by a
flatting layer and the discriminant features are further extracted by a fully connected layer
containing 1024 nodes. Finally, the output of the fully connected layer is classified into
breast mass and background categories by a classification layer with softmax.

3.4. Regression Model for the Location and Bounding Box of Breast Mass
The suspected regions of breast mass generated by the mathematical morphology and
the image template matching methods means that the bounding box of breast mass are
rough. To solve the problem of the rough bounding box of breast mass in the mammo-
graphic image, the PSO algorithm is used to search a location and bounding box better
to match the ground truth of the breast mass because it can exploit the potential solution
by a global random research mechanism. The flow chart of breast mass bounding box
regression conducted using PSO is shown in Figure 5. The rough bounding box of breast
mass from the mammographic image is used as the initialization of the regression model.
The BD-CNN is used as the fitness function of PSO to predict the probability that the region
is a breast mass, and the region is optimized by the PSO based on the probability. PSO
Encoding encodes the bounding box of breast mass on the mammographic image into a
particle feature, i.e., the center coordinate x and y, width and height. PSO Decoding trans-
forms the particle feature into the bounding box of a breast mass on the mammographic
image. Steps 2 to 5 are the iterative optimization processes for the regression of the breast
mass bounding box in the mammographic image.

1. Rough localization of breast mass

5. PSO Decoding

4. Particle velocity and


position adjustment

3. PSO Encoding

2. Calculate the fitness


by DB-CNN

Figure 5. Flow chart of breast mass bounding box regression using PSO.
 
The position of the i-th particle is defined as Xi = xip , yip , wip , hip , the velocity of
the i-th particle is defined as Vi = xvi , yiv , wiv , hiv . xip and yip are the center of the i-th


potential breast mass, wi and hi are the width and height of the i-th potential breast mass,
respectively. xvi and yiv are center of the velocity of the i-th particle, wiv and hiv are the
width and height of the velocity of the i-th particle, respectively. Each particle calculates
the fitness by the corresponding object function. In our work, the fitness is generated by
BD-CNN. In addition, every particle knows its best fitness pbest at present. pbesti can
be regarded as the search experience of the i-th particle. Every particle knows the best
global fitness gbest found by all of the particles in the entire population so far. gbest can be
regarded as the best research experience of the peers. The initial value of pbesti is set as
the position of the i-th particle. The initial value of gbest is the maximum pbest of all the
Sensors 2021, 21, 2855 8 of 16

particles. The next motion of a particle is determined by its experience and the experiences
of all of the peers, the motion can be formulated as

Vi = Vi−1 + c p × rand() × ( pbesti − xi−1 )


(2)
+c g × rand() × ( gbest − xi−1 ),

xi = xi−1 + Vi , (3)
where rand() is used to generate a random number between (0, 1). c p and c g are the weights
of the search experience of the i-th particle and all the particles, respectively. The values
of c p and c g are set to 0.5 in this paper. The bounding box of the breast mass refinement
algorithm based on PSO as shown Algorithm 1.

Algorithm 1 PSO for breast mass bounding box refinement.


Input:
Number of particles, maximum iteration number, classification model of breast mass based
on CNN: Prediction_Model, rough bounding box of breast mass X ( x, y, w, h)
Output:
best X
for i = 1 to number of particles do
Xi = X
Vi = [0, 0, 0, 0]
pbesti = Prediction_Model ( Xi )
if gbest < pbesti then
gbest = pbesti
best x = X
for p = 1 to Maximum iteration number do
for i = 1 to Number of particles do
1. Update Vi
(−1) (−1) (−1)
Vi = Vi + c p × rand() × pbesti − Xi ) + c g × rand() × ( gbest − Xi )
2. Update Xi
(−1)
Xi = Xi + Vi
3. Get fitness from Xi by Prediction_Model
f itness = Prediction_Model ( Xi )
4. Update pbesti
if pbesti < f itness then
pbesti = f itness
5. Update tbest and best x
for j = 1 to number of particles do
if gbest < pbest j then
gbest = pbest j
best x = Xi

4. Experiments
We evaluate the proposed breast mass detection method for the mammographic image
on DDSM. In this section, we first describe the DDSM mammographic image dataset and
experimental setting. Then, we analyze the experimental results of the proposed method
and the state-of-the-art breast mass detection methods for the mammographic image
on DDSM in detail. Finally, the result of the bounding box regression of breast mass is
illustrated using PSO.

4.1. Dataset and Experimental Setting


In this paper, a subset containing 439 mammographic images is selected from the
DDSM to evaluate the different breast mass detection methods in the mammographic
image. In our experiments, simple random sampling is performed to divide the samples
Sensors 2021, 21, 2855 9 of 16

in the subset into training and test datasets. The training and test datasets contain 70%
and 30% of the samples, respectively. There are 307 mammographic images in the training
dataset and 132 mammographic images in the test dataset. An unbiased estimate of the
performance of the method proposed in this paper was obtained through the use of 5-
fold cross-validation. The averages of five folds are used to evaluate the performance of
these methods.
All of the mammographic images in the training and test datasets are resized to
1500 × 2000 pixels. All of the training samples of suspected breast mass are resized to
200 × 200 pixels. The weights of BD-CNN are randomly initialized, and the value of the
learning rate is set to 10−4 . The training process of BD-CNN is terminated if the number of
training epochs reaches 200 or the training accuracy equals 100%. All CNN-based breast
mass detection methods mentioned in this paper are optimized by the Stochastic Gradient
Descent method, and these methods are implemented based on Python 3.7.3 and PyTorch
1.1.0, and evaluated in the following environment: Ubuntu 16.04, Intel(R) Xeon(R) CPU
E5-2640 v4, RAM 256G and NVIDIA GeForce GTX 1080 Ti GPU.

4.2. Accuracy Comparison and Analysis


All samples in the training and test subsets are processed using the mathematical mor-
phology method. In the first stage of the mathematical morphology method, a 7 × 7 pixel
kernel is used to deal with the mammographic image. As shown in Figure 6, compared
with the image (a), image (b) contains less noise and we can see the high-power regions
in (b) more clearly than the mammographic image (a). To facilitate the extraction of the
suspected regions of breast mass, a dilating operation with an ellipse dilating kernel with
a size of 50 × 50 pixels is used to process the image after the eroding operation. We can
find that the image in (c) is normalized the high-power regions into circular regions on
image (b); it is easy to match using the image template matching method with a circular
image template.

(a) (b) (c)


Figure 6. Processing by the mathematical morphology method. Where (a) is the mammographic
image and there is some noise in the image. (b) is the image after the eroding operation on the
mammographic image (a). Part (c) is the image after the dilating operation on image (b).

After obtaining the image with obvious highlighted circular regions, we match the
suspected regions of a breast mass by the image template matching method. As shown in
Figure 7, the image in (b) illustrates that some circular regions in image (b) are matched,
but most of these matched regions are meaningless. For resolving the problem of the
meaningless regions, we filter out the regions with a high matching degree. Compared
with image (b), image (c) contains fewer suspected regions with a higher matching degree,
which is beneficial to reduce the suspected regions with a lower probability of being a breast
mass. For obtaining more precise suspected regions and reducing meaningless regions, we
combine and eliminate these regions by their Intersection over Union (IoU). In particular,
Sensors 2021, 21, 2855 10 of 16

the two bounding boxes will merge if the IoU of them is greater than 0.3. As shown the
image (d) in Figure 7, we obtain five circular regions from the regions overlapping each
other in image (c) using the merging method.

(a) (b) (c) (d)


Figure 7. Process of breast mass candidate bounding box generation. Where (a) is the processed
image using the mathematical morphology method, and (b) shows the matching results of suspected
regions using the image template matching method with our breast mass image template on image
(c,d) contains fewer suspected regions with a higher matching degree.

After obtaining the circular regions in the processed image by the mathematical
morphology and image template matching methods, we crop the suspected regions of
breast mass from the mammographic image. As shown in Figure 8, we match these regions
using the image template matching method with an ellipse dilating kernel with a size
of 50 × 50 pixels. The regions enclosed by the red rectangles in the image (d) are the
suspected regions of breast mass.

(a) (b) (c) (d)


Figure 8. Process of candidate region generation for breast mass in a mammographic image by
the mathematical morphology method and image template matching method. (a) is a mammo-
graphic image, and (b) is the processed image using the mathematical morphology method, (c,d)
show the matched suspected regions of breast mass on the processed image and mammographic
image, respectively.

Different thresholds of the image template matching cause different numbers of


suspected regions and have a great influence on the detection results. As shown in Figure 9,
when the threshold is 0.4, there are 10,552 suspected regions cropped from mammographic
images. The threshold is set to 0.7 in this paper and there are 2065 suspected regions (i.e., 307
breast masses and 1758 background) that are used as the training dataset and 836 suspected
regions (i.e., 132 breast masses and 704 background) that are used as the test dataset. The
experimental results of the proposed method and the state-of-the-art detection methods for
the mammographic image are listed in Table 1 and Figure 10. Compared with traditional
breast mass classification methods, deep learning can automatically extract discriminative
features from mammographic images and avoid the problem of poor discriminative ability
Sensors 2021, 21, 2855 11 of 16

of features using the manual design feature extraction method. We cited the experimental
results in the works of literatures for Eltonsy [26], Sampat [37], Wu [38], Junior [39],
Liu [40] and Cao [41] in Table 1. RetinaNet [42], FSAF [43], Foveabox[44] and our method
in Table 1 are evaluated on the subset used in this paper. The benefit from the proposed
method simulates the breast mass detection process of radiologists via the multi-stage
method, meaning it can detect the breast mass in a more intelligent way. The proposed
method achieves the highest True Positive Rate (TPR) and the lowest False positives Per
Image (FPI), performing better than all of the compared breast mass detection methods.

1 2 ,0 0 0 9 8
T ra in
9 6
N u m b e r o f c a n d id a te r e g io n s

T e st
1 0 ,0 0 0
T o ta l
9 4
T P R
8 0 0 0

6
9 2

T P R (% )
9 0
0 0 0
8 8
4 0 0 0
8 6

2 0 0 0 8 4

8 2

0 .4 0 .6 0 .8
T h r e sh

Figure 9. Comparison of the detection performance of the proposed method under different thresh-
olds for matching degree.

1.0

0.8
7UXH3RVLWLYH5DWH

0.6

0.4

0.2 $8& 5HWLQD1HW  


$8& )6$)  
0.0 $8& 2XU0HWKRG  
0.0 0.2 0.4 0.6 0.8 1.0
)DOVH3RVLWLYH5DWH
Figure 10. ROC curve of our method and the compared deep learning detection methods.

Some of the regions of breast mass cannot be matched in the mammographic image
due to the fact that they are not circular regions and the image template matching method
is hard to match the non-circular region by our proposed image template. As shown in
Figure 11, the red rectangles in (a) and (b) are the matched regions, the blue rectangles
are the ground truth of the breast mass. The image template matching method does not
Sensors 2021, 21, 2855 12 of 16

match the breast mass because the shape of the breast mass in the processed image is not
an ellipse.

Table 1. Comparison of the detection performance of the proposed method and the state-of-the-art
methods on DDSM.

Tradition TPR Accuracy Precision Recall F1 Score


Method FPI Year
/Deep (%) (%) (%) (%) (%)
Eltonsy [26] Tradition 92.1 - - - - 5.4 2007
Sampat [37] Tradition 88 - - - - 2.7 2008
Wu [38] Deep 81 - - - - 1.1 2018
Junior [39] Tradition 91.63 - - - - 0.86 2019
Liu [40] Deep 95 - - - - 4.4 2020
Cao [41] Deep 94.3 - - - - 0.599 2020
RetinaNet [42] Deep 91.95 88.41 56.39 91.53 69.79 1.18 2018
FSAF [43] Deep 85.05 63.66 26.74 85.38 40.73 1.04 2019
Foveabox [44] Deep 89.65 76.82 37.66 89.23 52.96 1.18 2020
Our method Deep 96 85.82 50.81 95.38 66.31 0.53 -

The bounding box of breast mass is a rough location generated by the image template
matching method. In our experiment, the number of particles in the particle swarm is set
to 20, and the maximum search epoch is set to 20. As shown in Figure 12, the data on the
horizontal axis are the classification accuracies of breast mass and background obtained by
BD-CNN. The data on the vertical axis are the IoU of the predicted bounding box and the
corresponding ground truth. It illustrates that the higher the classification probability of
breast mass and background by the BD-CNN, the higher the trend of IoU to a higher value.
From the data distribution of the classification probability and IoU in Figure 12, it can be
concluded that improving the IoU by improving the classification probability is a feasible
method and can achieve satisfactory bounding box regression performance.

(a) (b)
Figure 11. The mismatched breast mass. Where (a) is the mammographic image, (b) is the processed
image of (a) by the mathematical morphology and image template matching methods.
Sensors 2021, 21, 2855 13 of 16

0.8 IoU
0.6
IoU 0.4
0.2
0.0
0.0 Probability
0.5 1.0
Figure 12. Data distribution of classification accuracy and IoU.

For attaining a better probability of breast mass detection by BD-CNN, we use PSO to
optimize and search the feasible resolution. As shown in Figure 13, the blue rectangles in
image (a) and image (b) are the rough bounding boxes generated by the image template
matching method from the processed image. The cyan rectangle in image (a) is the search
range for the effective resolution by PSO. The cyan rectangle is expanded from the rough
bounding box with a blue color. In particular, the cyan rectangle is 30% of the height of the
upward and downward expansion, and 30% of the width of left and right expansion. The
green rectangle in image (b) is the ground truth of breast mass, and the red rectangle is the
optimal matching result regressed using PSO. Image (b) illustrates that the bounding box
of breast mass can be refined and a higher IoU can be achieved using PSO.

(a) (b)
Figure 13. Optimization of breast mass bounding box. (a) shows the rough bounding box of the
breast mass generated by the image template matching method (blue rectangle) and the search range
for the effective resolution by PSO, respectively. (b) shows the regressed bounding box of the breast
mass (red rectangle).

5. Conclusions
In this paper, we proposed a novel breast mass detection method that integrates the
mathematical morphology method, image template matching method, BD-CNN and the
regression model of breast mass bounding box based on PSO. The proposed detection
Sensors 2021, 21, 2855 14 of 16

method generates the suspected regions of breast mass by exploiting the mathematical
morphology operations and the image template matching means. These operations extract
more effective regions by simulating the process of human detection for these suspected
regions of breast mass. Then, identifying the breast mass by classifying the suspected
regions into breast mass and background categories. We use PSO to regress the bounding
box to obtain a more suitable bounding box of breast mass. We evaluated the detection
performance of the proposed method via experiments on the well-known mammographic
image dataset DDSM and compared it with the state-of-the-art breast mass detection
methods. The experimental results demonstrate that the proposed method outperforms all
of the compared state-of-the-art breast mass detection methods.

Author Contributions: Conceptualization, L.S. Methodology, L.S., S.W. Software, L.S. Validation,
L.S. Formal analysis, H.S., J.W. and Y.X. Investigation, H.S. Resources, Y.X. Data curation, J.W.
Writing—original draft preparation, L.S. Writing—review and editing, Y.Z. and Y.X. Visualization,
L.S. Supervision, L.S. Project administration, L.S. Funding acquisition, Y.X. All authors have read and
agreed to the published version of the manuscript.
Funding: This research was funded by National Natural Science Foundation of China grant number
No. 61876051, Shenzhen Key Laboratory of Visual Object Detection and Recognition grant number
No. ZDSYS20190902093015527.
Institutional Review Board Statement: Ethical review and approval were waived for this study,
due to this article studies cancer treatment methods and does not involve ethical implications, it is a
study done on a publicly available dataset with no ethics implications.
Informed Consent Statement: Patient con-sent was waived due to the study in this article does not
involue ethical implicationss and it was doned on a public available dataset with no ethics implica-
tions.
Data Availability Statement: http://www.eng.usf.edu/cvprg/Mammography/Database.html
accessed on 26 March 2021.
Acknowledgments: This paper is supported in part by the National Natural Science Foundation
of China under Grant No. 61876051, Shenzhen Key Laboratory of Visual Object Detection and
Recognition under Grant No. ZDSYS20190902093015527.
Conflicts of Interest: The authors declare no conflict of interest.

References
1. Siegel, R.L.; Miller, K.D.; Fuchs, H.E.; Jemal, A. Cancer Statistics, 2021. CA Cancer J. Clin. 2021, 71, 7–30. [CrossRef] [PubMed]
2. Katanoda, K.; Matsuda, T. Five-year relative survival rate of breast cancer in the USA, Europe and Japan. Jpn. J. Clin. Oncol. 2014,
44, 611–611. [CrossRef] [PubMed]
3. Aličković, E.; Subasi, A. Breast cancer diagnosis using GA feature selection and Rotation Forest. Neural Comput. Appl. 2017,
28, 753–763. [CrossRef]
4. Omondiagbe, D.A.; Veeramani, S.; Sidhu, A.S. Machine Learning Classification Techniques for Breast Cancer Diagnosis. In IOP
Conference Series: Materials Science and Engineering; IOP Publishing: Bristol, UK, 2019; Volume 495, p. 012033.
5. Yang, Z.; Cao, Z.; Zhang, Y.; Han, M.; Xiao, J.; Huang, L.; Wu, S.; Ma, J.; Chang, P. MommiNet: Mammographic Multi-view
Mass Identification Networks. In Medical Image Computing and Computer Assisted Intervention—MICCAI 2020; Martel, A.L.,
Abolmaesumi, P., Stoyanov, D., Mateus, D., Zuluaga, M.A., Zhou, S.K., Racoceanu, D., Joskowicz, L., Eds.; Springer International
Publishing: Cham, Switzerland, 2020; pp. 200–210.
6. Kerhet, A.; Raffetto, M.; Boni, A.; Massa, A. A SVM-based approach to microwave breast cancer detection. Eng. Appl. Artif. Intell.
2006, 19, 807–818. [CrossRef]
7. Kom, G.; Tiedeu, A.; Kom, M. Automated detection of masses in mammograms by local adaptive thresholding. Comput. Biol.
Med. 2007, 37, 37–48. [CrossRef] [PubMed]
8. Xu, X.; Xu, S.; Jin, L.; Zhang, S. Using PSO to improve dynamic programming based algorithm for breast mass segmentation. In
Proceedings of the 2010 IEEE Fifth International Conference on Bio-Inspired Computing: Theories and Applications (BIC-TA),
Changsha, China, 23–26 September 2010; pp. 485–488.
9. Kennedy, J.; Eberhart, R. Particle swarm optimization. In Proceedings of the ICNN’95-International Conference on Neural
Networks, Perth, WA, Australia, 27 November–1 December 1995; Volume 4, pp. 1942–1948.
Sensors 2021, 21, 2855 15 of 16

10. Kuo, Y.C.; Lin, W.C.; Hsu, S.C.; Cheng, A.C. Mass detection in digital mammograms system based on PSO algorithm. In
Proceedings of the 2014 International Symposium on Computer, Consumer and Control, Taichung, Taiwan, 10–12 June 2014;
pp. 662–668.
11. StojiC, T.; Reljin, I.; Reljin, B. Local contrast enhancement in digital mammography by using mathematical morphology. In
Proceedings of the International Symposium on Signals, Circuits and Systems, 2005 ISSCS 2005, Iasi, Romania, 14–15 July 2005;
Volume 2, pp. 609–612.
12. Amutha, S.; Babu, D.R.; Shankar, M.R.; Kumar, N.H. Mammographic image enhancement using modified mathematical
morphology and Bi-orthogonal wavelet. In Proceedings of the 2011 IEEE International Symposium on IT in Medicine and
Education, Guangzhou, China, 9–11 December 2011; Volume 1, pp. 548–553.
13. Liu, F.; Zhang, F.; Gong, Z.; Chen, Y.; Chai, W. A fully automated scheme for mass detection and segmentation in mammograms.
In Proceedings of the 2012 5th International Conference on BioMedical Engineering and Informatics, Chongqing, China, 16–18
October 2012; pp. 140–144.
14. Wen, J.; Zhang, Z.; Zhang, Z.; Fei, L.; Wang, M. Generalized incomplete multiview clustering with flexible locality structure
diffusion. IEEE Trans. Cybern. 2020, 51, 101–114. [CrossRef] [PubMed]
15. Martel, A.L.; Abolmaesumi, P.; Stoyanov, D.; Mateus, D.; Zuluaga, M.A.; Zhou, S.K.; Racoceanu, D.; Joskowicz, L. Medical Image
Computing and Computer Assisted Intervention-MICCAI 2020: 23rd International Conference, Lima, Peru, October 4–8 2020, Proceedings,
Part I; Springer Nature: Berlin/Heidelberg, Germany, 2020; Volume 12261.
16. Woźniak, M.; Siłka, J.; Wieczorek, M. Deep neural network correlation learning mechanism for CT brain tumor detection. Neural
Comput. Appl. 2021, 1–16.
17. Ke, Q.; Zhang, J.; Wei, W.; Połap, D.; Woźniak, M.; Kośmider, L.; Damaševı̆, R. A neuro-heuristic approach for recognition of lung
diseases from X-ray images. Expert. Syst. Appl. 2019, 126, 218–232. [CrossRef]
18. Wen, J.; Zhang, Z.; Xu, Y.; Zhang, B.; Fei, L.; Xie, G.S. CDIMC-Net: Cognitive Deep Incomplete Multiview Clustering Network. In
International Joint Conference on Artificial Intelligence; AAAI Press: Palo Alto, CA, USA, 2020; pp. 3230–3236.
19. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich feature hierarchies for accurate object detection and semantic segmentation.
In Proceedings of the IEEE conference on computer vision and pattern recognition, Columbus, OH, USA, 23–28 June 2014;
pp. 580–587.
20. Uijlings, J.; Sande, K.E.; Gevers, T.; Smeulders, A.W.M. Selective Search for Object Recognition. Int. J. Comput. Vis. 2013,
104, 154–171. [CrossRef]
21. Almasni, M.A.; Alantari, M.A.; Park, J.; Gi, G.; Kim, T.; Rivera, P.; Valarezo, E.; Choi, M.; Han, S.; Kim, T. Simultaneous detection
and classification of breast masses in digital mammograms via a deep learning YOLO-based CAD system. Comput. Methods
Programs Biomed. 2018, 157, 85–94. [CrossRef]
22. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You only look once: Unified, real-time object detection. In Proceedings of the
IEEE Conference On Computer Vision And Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 779–788.
23. Heath, M.; Bowyer, K.; Kopans, D.; Moore, R.; Kegelmeyer, W.P. The Digital Database for Screening Mammography. In Proceedings
of the 5th International Workshop on Digital Mammography; Medical Physics Publishing: Madison, WI, USA, 2000; pp. 212–218.
24. 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. Med. Image Anal. 2017, 35, 303–312. [CrossRef] [PubMed]
25. Wu, N.; Phang, J.; Park, J.; Shen, Y.; Huang, Z.; Zorin, M.; Jastrzebski, S.; Fevry, T.; Katsnelson, J.; Kim, E.; et al. Deep Neural
Networks Improve Radiologists’ Performance in Breast Cancer Screening. IEEE Trans. Med. Imaging 2019, 39, 1184–1194.
[CrossRef] [PubMed]
26. Eltonsy, N.H.; Tourassi, G.D.; Elmaghraby, A. A Concentric Morphology Model for the Detection of Masses in Mammography.
IEEE Trans. Med Imaging 2007, 26, 880–889. [CrossRef] [PubMed]
27. Nagi, J.; Kareem, S.A.; Nagi, F.; Ahmed, S.K. Automated breast profile segmentation for ROI detection using digital mammograms.
In Proceedings of the 2010 IEEE EMBS Conference on Biomedical Engineering and Sciences (IECBES), Kuala Lumpur, Malaysia,
30 November–2 December 2010; pp. 87–92.
28. Ciecholewski, M. Microcalcification segmentation from mammograms: A morphological approach. J. Digit. Imaging 2017,
30, 172–184. [CrossRef]
29. Tourassi, G.D.; Vargasvoracek, R.; Catarious, D.M.; Floyd, C.E. Computer-assisted detection of mammographic masses: A
template matching scheme based on mutual information. Med. Phys. 2003, 30, 2123–2130. [CrossRef] [PubMed]
30. Cover, T.M.; Allen, T. Elements of Information Theory, Wiley Series in Telecommunications; Tsinghua University Press: Beijing,
China, 1991.
31. Divyashree, B.; Kumar, G.H. Breast Cancer Mass Detection in Mammograms Using Gray Difference Weight and MSER Detector.
SN Comput. Sci. 2021, 2, 1–13. [CrossRef]
32. Pizer, S.M.; Johnston, R.E.; Ericksen, J.P.; Yankaskas, B.C.; Muller, K.E. Contrast-limited adaptive histogram equalization: Speed
and effectiveness. In Proceedings of the First Conference on Visualization in Biomedical Computing, IEEE Computer Society,
Atlanta, GA, USA, 22–25 May 1990; pp. 337–338.
33. Matas, J.; Chum, O.; Urban, M.; Pajdla, T. Robust wide-baseline stereo from maximally stable extremal regions. Image Vis. Comput.
2004, 22, 761–767. [CrossRef]
Sensors 2021, 21, 2855 16 of 16

34. Lbachir, I.A.; Daoudi, I.; Tallal, S. Automatic computer-aided diagnosis system for mass detection and classification in mammog-
raphy. Multimed. Tools Appl. 2021, 80, 9493–9525. [CrossRef]
35. Otsu, N. A threshold selection method from gray-level histograms. IEEE Trans. Syst. Man. Cybern. 1979, 9, 62–66. [CrossRef]
36. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In
Proceedings of the International Conference on Machine Learning, Lille, France, 7–9 July 2015; pp. 448–456.
37. Sampat, M.P.; Bovik, A.C.; Whitman, G.J.; Markey, M.K. A model-based framework for the detection of spiculated masses on
mammography. Med. Phys. 2008, 35, 2110–2123. [CrossRef]
38. Wu, Y.; Shi, W.; Cui, L.; Wang, H.; Bu, Q.; Feng, J. Automatic Mass Detection from Mammograms with Region-based Convolutional
Neural Network. In Chinese Conference on Image and Graphics Technologies; Springer: Berlin/Heidelberg, Germany, 2018;
pp. 442–450.
39. Junior, G.B.; Rocha, S.V.D.; De Almeida, J.D.S.; De Paiva, A.C.; Silva, A.C.; Gattass, M. Breast cancer detection in mammography
using spatial diversity, geostatistics, and concave geometry. Multimed. Tools Appl. 2019, 78, 13005–13031. [CrossRef]
40. Liu, Y.; Zhang, F.; Zhang, Q.; Wang, S.; Wang, Y.; Yu, Y. Cross-View Correspondence Reasoning Based on Bipartite Graph
Convolutional Network for Mammogram Mass Detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and
Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 3812–3822.
41. Cao, H. Breast mass detection in digital mammography based on anchor-free architecture. arXiv 2020, arXiv:2009.00857.
42. Lin, T.Y.; Goyal, P.; Girshick, R.; He, K.; Dollar, P. Focal loss for dense object detection. IEEE Trans. Pattern Anal. Mach. Intell. 2018,
42, 2999–3007.
43. Zhu, C.; He, Y.; Savvides, M. Feature selective anchor-free module for single-shot object detection. In Proceedings of the IEEE
Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 840–849.
44. Kong, T.; Sun, F.; Liu, H.; Jiang, Y.; Li, L.; Shi, J. FoveaBox: Beyound Anchor-Based Object Detection. IEEE Trans. Image Process.
2020, 29, 7389–7398. [CrossRef]

You might also like