SCU-Net: A deep learning method for segmentation and quantification of breast arterial calcifications on mammograms =================================================================================================================== * Xiaoyuan Guo * W Charles Oโ€™Neill * Brianna Vey * Tianen Christopher Yang * Thomas J Kim * Maryzeh Ghassemi * Ian Pan * Judy Wawira Gichoya * Hari Trivedi * Imon Banerjee ## Abstract **Purpose** Measurements of breast arterial calcifications (BAC) can offer a personalized, noninvasive approach to risk-stratify women for cardiovascular disease such as heart attack and stroke. We aim to detect and segment breast arterial calcifications in mammograms accurately and suggest novel measurements to quantify detected BAC for future clinical applications. **Methods** To separate BAC in mammograms, we propose a light-weight fine vessel segmentation method Simple Context U-Net (SCU-Net). Due to the large image size of mammograms, we adopt a patch-based way to train SCU-Net and obtain the final whole-image-size results by stitching patch-wise results together. To further quantify calcifications, we test five quantitative metrics to inspect the progression of BAC for subjects: Sum of Mask Probability Metric (๐’ซโ„ณ), Sum of Mask Area Metric (๐’œโ„ณ), Sum of Mask Intensity Metric (๐’ฎโ„โ„ณ), Sum of Mask Area with Threshold Intensity Metric (๐’ฏ๐’œโ„ณ*X*) and Sum of Mask Intensity with Threshold **X** Metric (๐’ฏ ๐’ฎโ„โ„ณ*X*). Finally, we demonstrate the ability of the metrics to longitudinally measure calcifications in a group of 26 subjects and evaluate our quantification metrics compared to calcified voxels and calcium mass on breast CT for 10 subjects. **Results** Our segmentation results are compared with state-of-the-art network architectures based on recall, precision, accuracy, F1-score/Dice Score and Jaccard Index evaluation metrics and achieve corresponding values of 0.789, 0.708, 0.997, 0.729, and 0.581 for whole-image-size results. The quantification results all show *>*95% correlation between quantification measures on predicted masks of SCU-Net as compared to the groundtruth and measurement of calcification on breast CT. For the calcifications quantification measurement, our calcification volume (voxels) results yield *R*2-correlation values of 0.834, 0.843, 0.832, 0.798, and 0.800 for the ๐’ซโ„ณ, ๐’œโ„ณ, ๐’ฎโ„โ„ณ, ๐’ฏ๐’œโ„ณ100, ๐’ฏ ๐’ฎโ„โ„ณ100 metrics, respectively; our calcium mass results yield comparable *R*2-correlation values of 0.866, 0.873, 0.840, 0.774, and 0.798 for the same metrics. **Conclusions** SCU-Net is a simple method to accurately segment arterial calcification retrospectively on routine mammograms. Quantification of the calcifications based on this segmentation in the retrospective cohort study has sufficient sensitivity to detect the normal progression over time and should be useful for future research and clinical applications. ## I. Introduction Cardiovascular disease is a source of high morbidity and mortality in women1. One of the barriers to improving diagnosis outcomes is the lack of a simple, inexpensive, and reliable method for screening and for assessing efficacy of therapies. Vascular disease commonly manifests as arterial calcifications, which are typically assessed by computed tomography (CT) or CT angiography of the coronary arteries and aorta2. However, these tests are expensive, usually performed only in symptomatic patients, and associated with additional radiation exposure. Calcification also occurs in breast arteries and can be readily observed on screening mammograms. The prevalence of breast arterial calcifications (BAC) correlates with calcifications in other arteries and is associated with an increased risk of cardiovascular disease events3,4,5,6. We recently showed that quantification of BAC through manual measurements can more accurately stratify risk factors and provide a means to follow progression7,8,9. Each year, more than 40M women over age 40 undergo screening mammography for breast cancer screening6. Automatic detection and quantification of BAC in these women may be helpful in identifying patients at high-risk for cardiovascular events and following progression of vascular calcifications without additional cost or radiation exposure 10. Stored digital mammograms over the past decade would also provide a vast dataset for robust retrospective research. Currently, there is no standardized method for accurate detection, segmentation and quantification of BAC on mammography, which limits the utility of this potential biomarker. There are many challenges in automated detection of BAC. First, BAC appear as slender, elongated regions of fragmented high pixel intensity on mammograms and typically represent fewer than 1% of a 4*K* ร— 3*K* image. Moreover, the narrow appearance and potential variable lengths make precise segmentation of BAC much more challenging compared to general segmentation tasks. Second, there is no standard strategy for acquiring groundtruth BAC segmentations due to the variations in vessel width, severity of calcifications along the vessel, and tortuous vessel paths. Third, the large image size (over 12MP) adds significant difficulty in image processing. Although there have been a number of existing works relevant to breast arterial calcifications, few have focused on accurate segmentation. Sulam et al. 11 examined only prevalence and Abriele et al.12, Juan et al.13 and Hossain et al.14 all detected BAC with a patch-based method, but did not report detailed segmentation performance or quantification metrics. Since BAC segmentation can be considered as a type of semantic segmentation in the realm of general computer vision, current semantic segmentation models can be attempted for BAC segmentation. Generally, semantic segmentation models can be classified into two main categories: non-real-time and real-time segmentation models. Non real-time models such as U-Net15, SegNet16, DeepLabV317 and LinkNet18 usually have complex architectures and a high number of trainable parameters. Thus, they may achieve high accuracy but are slow to train and deploy. By contrast, real-time semantic segmentation models including ERFNet19, ESNet20, FastSCNN21, ContextNet22, DABNet23, EDANet24, FPENet25, CGNet26 have fewer trainable parameters but can still attain comparable performance with the non-real-time models. At our institution, up to 250 screening mammograms are performed daily constituting approximately 1,000 images. In live clinical deployment, it would be advantageous that BAC detection and quantification occur in near real-time so that the results are available to the interpreting radiologist in case patient referral is needed. Therefore, segmentation models with a high number of trainable parameters (*e*.*g*., U-Net15 has 13,395,329 parameters) would be prohibitive in their inference times, and lightweight models would enable more clinically viable. To address the challenges and fulfill the requirement of clinical application, we propose Simple Context U-Net (SCU-Net), an automated lightweight segmentation model, to segment BAC in mammograms in a patch-based way. SCU-Net offers comparable performance of the most popular current segmentation architectures with an order of magnitude fewer training parameters. It achieves this by taking advantage of both dilated convolution operations and skip connections to learn and fuse global features with low-level information efficiently while maintaining far fewer trainable parameters. We demonstrate the efficacy of SCU-Net by visually and quantitatively presenting our BAC segmentation results as compared to a series of popular semantic segmentation models. Furthermore, we present five novel metrics to quantify the severity of BAC within the segmentation mask, compare our quantification metrics to breast CT, and demonstrate the ability to track a longitudinal increase in BAC in a cohort of patients with 10 years of retrospective mammograms. Thus, SCU-Net model may serve as a potential research and clinical tool for early detection and risk stratification of cardiovascular disease for women. ## II. METHODS ### II.A. Preprocessing Mammograms contain a wide variety of pixel intensities with varying breast shapes and proportions of breast tissue versus null background. Therefore, image pre-processing is critical to identify breast tissue and normalize the image to maximize the model performance. To this end, we first smooth the image using median filtering27 with a disk kernel of size 5 for cleaning the noise but also avoiding causing serious blurring. This was chosen empirically among the evaluated range of [5-20] based on visual evaluation during preliminary experiments. To extract breast tissue only, we erode and then dilate the breast images with a disk kernel (size is 10 in our experiment) to erase the scanner labels of mammograms such as view type (*i*.*e*., โ€œRMLOโ€ โ€“ right mediolateral oblique, โ€œLMLOโ€ โ€“ left mediolateral oblique, โ€œRCCโ€ โ€“ right craniocaudal, โ€œLCCโ€ โ€“ left craniocaudal). With the same setting, we dilate and then erode the binary mask to link together and smooth any nearby annotation segments, producing a continuous vessel mask. Finally, we enhance image contrast to maximize the difference between calcified vessel and background tissue. During training, we normalize input image patches with zero-means method to minimize the impact of variation contrast between vessels and background. ### II.B. Network architecture To overcome the issue of large image sizes and the inability to downsample images without data loss, we propose Simple Context U-Net (SCU-Net), whose inputs are patches cropped at the highest resolution of mammography images. The architecture of SCU-Net is shown in Figure 1. All the feature sizes in the figure are presented same as our experimental settings. SCU-Net is a symmetric, U-shaped model, similar to U-Net 15. The model has input image patches with size of 3 ร— 512 ร— 512. 1 The original input is fed into three 3 ร— 3 convolutional layers. To preserve the original image information, the input patch is downsampled with scale factor of 1 and 2. The obtained two downsampled input features are in size of 3 ร— 256 ร— 256 and 3 ร— 128 ร— 128 corresponding to the second and third green additional inputs of Figure 1. These two downsampled inputs will be concatenated with later high-level features. Each concatenation is followed by BatchNormalization and Parametric ReLU operations, enabling smooth fusion of high-level information with low-level features. Feature fusing is important, but the surrounding context is also very helpful for semantic segmentation26. Inspired by CGNet26 and DilatedNet28, SCU-Net adopts two different dilated convolutional layers (Dconv1 and Dconv2 in Figure 1) to aggregate multi-scale contextual information. In the decoder arm of the network, the learned image features are upsampled with bilinear interpolation and then concatenated with the corresponding encoder features of the same size. โ€œUpโ€ in Figure 1 means upsampling layer. Two 3 ร— 3 convoultional layers follow each concatenation. In total, there are three upsampling layers to get the network back to the original size. Finally, two 3 ร— 3 convolutional layers helps reduce the channel numbers to the class number, 1 in our case, and a Sigmoid layer is used to get the final mask prediction. All the convolutional layers including conv, Dconv1, Dconv2 and Up layers in Figure 1 are followed with BatchNormalization and Parametric ReLU operations. To avoid overfitting, we use online data augmentation techniques during training, including randomly vertical or horizontal flipping, randomly rotation by 90 or 270 degrees, and randomly changing the brightness, contrast and saturation of image. ![Figure 1:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F1.medium.gif) [Figure 1:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F1) Figure 1: Network architecture of SCU-Net. #### Implementation details In our experiments, binary cross entropy loss converges much more slowly than dice loss, therefore we adopt dice loss to optimize all the segmentation networks. For optimization, we use Adamw optimizer with a learning rate of 0.001 for model training. Each network is trained with 50 epochs. The pipelines are developed using Pytorch 1.5.0, Python 3.0. and Cuda compilation tools V10.0.130 on a machine with 4 NVIDIA Quadro RTX 6000 with 24GB memory. ### II.C. Experimental setup With the approval of Emory Institutional Review Board (IRB), three cohorts of subjects were identified from previous studies 7,8,9. All mammograms extracted were 2D full-field digital mammograms (FFDM) obtained during routine screening exams on Hologic (Marl-borough, PA) mammography scanners in accordance with Mammography Quality Standards Act (MQSA) requirements. Screening exams consisted of four standard views - LCC, LMLO, RCC, RMLO. * Cohort A โ€“ 661 FFDM from 216 subjects were annotated and used for deep learning model training and validation. The mean age was 70 ยฑ 11 and 37% were African-American. Because the previous studies focused on kidney disease, 35% had chronic kidney disease, end-stage renal disease (ESRD), or renal transplantation. Mean breast density was 2.23 ยฑ 0.77 as reported according to Breast Imaging Reporting and Data System (BI-RADS) guidelines (A=1, B=2, C=3, D=4). The majority of patients were density B (scattered fibroglandular tissue - 43.6%) and C (heterogeneously dense - 41.7%) with a minority of density A (mostly fat - 7.2%) and D (extremely dense - 7.5%). * Cohort B for comparison to breast CT calcification - A previously reported cohort of 10 subjects with contemporaneous measurement of BAC by breast CT. Mean age was 69 ยฑ 11 and all but one were Caucasian. Mean breast density was slightly lower at 2.08 ยฑ 0.76. * Cohort C for longitudinal analysis - 26 additional subjects with BAC and at least 5 yearly mammograms were studied in order to assess the ability to detect progression of BAC. The mean age was 65 ยฑ 12 and 54% were African-American. Of these, 9 had ESRD or had undergone kidney transplantation. Mean breast density was similar at 2.19 ยฑ 0.70. #### Groundtruth acquisition Mammograms from Cohort A were annotated by four annotators - one physician (CO) with 15 years experience and three other annotators trained and monitored by CO. Groundtruth segmentations are performed manually on whole images using the online platform Md.ai2 and standardized by annotating a multi-segmented line down the center of any calcified vessel continuously until there is at least a 1cm length of non-calcified vessel, at which point a new segmentation is started where the calcification resumes. These annotations serve as groundtruth training and validation data. #### Data preparation To prepare high-quality datasets for training deep learning models, the whole mammogram dataset is randomly divided into training and validation parts with 527 mammography images for training and 134 for validation. The mammography images are either sized 4096 ร— 3328 pixels or 3328 ร— 2560 pixels, which require a large amount of memory to load and analyze. Therefore, we crop images into fixed-size patches of 512 ร— 512 with 64 pixels of overlap between adjacent patches. The overlapping ensures the ability to connect BAC segmentations from adjacent patches and improves the overall segmentation accuracy. We exclude black background image patches to eliminate unnecessary calculations. Moreover, only patches that contain calcifications are left for segmentation training given the fact that the calcification mask prediction is pixelwise classification. Ultimately, this yields 3,455 effective patches for training and 901 patches for validation. #### Model comparison Experiments are performed with SCU-Net and state-of-the-art deep learning models including SegNet16, DeepLabV317, U-Net15, LinkNet18, ERFNet19, ES-Net20, FastSCNN21, ContextNet22, DABNet23, EDANet24, FPENet25 and CGNet26. Their number of trainable parameters, including SCU-Net, are compared in Figure 2. The larger the circle area for a model is, the more parameters the model contains. As can be seen, SegNet16 has the most parameters while FPENet25 contains the least. Our model, SCU-Net, has the second fewest parameters (marked in blue). Models with fewer parameters have lower complexity, consume less memory, and achieve faster training. Since mammograms (along with most radiology images) are very large in size, the number of model parameters is an important factor for real-world implementation as it is directly related to speed. ![Figure 2:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F2.medium.gif) [Figure 2:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F2) Figure 2: Trainable parameters comparison of segmentation models. The circle area is proportional to the total parameters of the model. Comparatively, SCU-Net is roughly two orders of magnitude smaller than other models. #### Evaluation metrics for BAC segmentation We evaluate both patch-wise segmentation results and final whole image segmentation results of all the models with five metrics: *Recall, Precision, Accuracy, F1-score/Dice score, Jaccard Index* value. The definitions are shown in Equations 1 and 2. In the equations, *TP, FN, TN* and *FP* calculations refer to pixelwise results. ![Formula][1] ![Formula][2] To further demonstrate the differences across all the models, we also perform pairwise t-test to compute the statistical significance of state-of-the-art models compared with SCU-Net. The p-value table is present in the supplementary material. #### Evaluation metrics for BAC quantification Beyond typical semantic segmentation evaluation metrics (*Recall, Precision, Accuracy, F1-Score/Dice Score and Jaccard Index*), we propose five BAC quantification metrics in Equations 3 and 4 to further measure the effectiveness of BAC detection in the predicted segmentation masks. Because of the segmentation challenges with BAC, we anticipated acceptable but imperfect segmentation results. However, unlike cancer detection where localization is extremely important, vessel segmentation can be considered an intermediate task to achieve BAC quantification. Slight differences in vessel segmentation region or width may have strong negative effects on standard evaluation metrics like Dice score and Jaccard index, but may still provide excellent results in terms of capturing clinically relevant calcifications. Therefore, we developed the following five metrics to capture the total segmented area, intensities of pixels within the segmented area, and thresholded pixel intensities and counts within the segmented area. Equations 3 and 4 show the definitions for Sum of Mask Probability Metric (๐’ซโ„ณ), Sum of Mask Area Metric (๐’œโ„ณ), Sum of Mask Intensity Metric (๐’ฎโ„โ„ณ), Sum of Mask Area with Threshold Intensity **X** Metric (๐’ฏ๐’œโ„ณ*X*) and Sum of Mask with Intensity Threshold **X** Metric (๐’ฏ ๐’ฎโ„โ„ณ*X*). In the equations, *m* and *n* refer to the width and height of the mammogram, *p**i,j* is the probability value at *< i, j >* returned by the trained model, โ„*i,j* means the intensity value of pixel at *< i, j >* and **X** is the intensity threshold. ![Formula][3] ![Formula][4] Specifically, ๐’ซโ„ณ summates all predicted probabilities for an image to evaluate the confidence of the modelโ€™s prediction; ๐’œโ„ณ is the total number of pixels that are classified as BAC in a mammogram; ๐’ฎโ„โ„ณ is the sum of the intensities of the pixels classified as BAC; ๐’ฏ๐’œโ„ณ*X* is the total number of BAC-classified pixels greater than intensity threshold **X**, as the BAC pixels usually have higher intensity values than background tissue area; ๐’ฏ ๐’ฎโ„โ„ณ*X* is the sum of intensities for BAC-classified pixels with intensity value greater than the threshold **X**. In our experiment, we set **X** to be 100 as the best threshold for ๐’ฏ๐’œโ„ณ*X* and ๐’ฏ ๐’ฎโ„โ„ณ*X* metrics based on visual observations of threshold values of 50, 75, 100, 150, 200. Metrics ๐’œโ„ณ, ๐’ฎโ„โ„ณ, ๐’ฏ๐’œโ„ณ*X*, and ๐’ฏ ๐’ฎโ„โ„ณ*X* are all calculated with a model prediction cutoff of *p >* 0.5. #### Comparison of BAC quantification metrics against breast CT measurements To compare our quantification with a previously clinically validated measurement system9, we evaluated our quantification metrics on mammograms of 10 patients in Cohort B who had contemporaneous breast CT exams. All BAC quantification metrics on mammograms were compared to calcified voxels and calcium mass as measured on breast CT. #### Evaluation of BAC quantification metrics longitudinally To evaluate the utility of BAC quantification metrics to track calcification longitudinally, we examined 26 new subjects (Cohort C) not included in the original dataset with serial mammograms. Each patient had 5โˆผ12 years imaging history with all four standard screening mammography views per exams, totalling 961 images across all subjects. SCU-Net was applied to each image to obtain the segmentation masks and ๐’ฏ๐’œโ„ณ100 was calculated (based on top-performing correlation as shown in Figure 5). Plotting ๐’ฏ๐’œโ„ณ100 over time *per view* initially yielded very noisy results in which calcification quantity appeared to oscillate over time, which typically would physiologically not occur. We then took the sum of the ๐’ฏ๐’œโ„ณ100 for *all views* plotted against time, which somewhat decreased the fluctuation but did not eliminate it. Finally, we realized that each year the patientโ€™s breast position and magnification of the mammogram could vary, meaning that the raw number of pixels as counted in the ๐’ฏ๐’œโ„ณ100 metric would be dependent on breast magnification. To normalize for this effect, we took ๐’ฏ๐’œโ„ณ100 metric divided by the breast area for each image and then sum this result across all four views. This was the final method used for longitudinal analysis. ## III. Results ### Evaluation of BAC detection based on standard metrics Figure 3 shows the patchwise segmentation results of SCU-Net as compared to several semantic segmentation models including SegNet16, ContextNet22,U-Net15, CGNet26 and SCU-Net. The first row is of particular interest as it demonstrates ductal calcifications which are benign and unrelated to BAC, but can appear similar. SegNet16, ContextNet22, and U-Net15 each erroneously detect these ductal calcifications to varying degrees, however SCU-Net correctly ignores these. Interestingly, SCU-Net demonstrates similar performance to CGNet26 as they both utilize dilated convolution operations to learn context features. The second row of Figure 3 demonstrates a patch with overall lower image contrast and overlapping breast tissue which mimics linear calcifications. In this case, ContextNet22 detects the most false positive pixels. The third and fourth cases contain less noise and a clear difference from the background tissue, in which case all the models perform well at detecting BAC. In brief, image noise, low image contrast, and overlapping background tissue can all affect the quantitative accuracy of segmentation. The same types of errors are noticed on whole-image-size mask prediction as shown in Figure 4. For better visualization, only the breast region are kept by truncating the unnecessary background from the original mammograms. In this figure, the dice scores for the predicted masks of each case are labelled in the top right corner. As can be seen, overall performance for BAC segmentation is quite good although each model suffers from varying degrees of false positives due to issues with image noise, tissue contrast, and lookalike findings. We also see that some images are intrinsically more difficult with lower dice scores across the board for rows 1 and 2 in as compared to rows 3 and 4 in Figure 4. In general, the segmentation masks of ContextNet22 contain more false positive fragments than other results. Nevertheless, most of the BAC is captured by all the models. Notably, SCU-Net achieves comparable dice scores compared to SegNet16, U-Net15 and CGNet26 despite significantly fewer parameters. ![Figure 3:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F3.medium.gif) [Figure 3:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F3) Figure 3: Examples of patch-wise segmentation results for BAC across multiple architectures as compared to the groundtruth. From left to right: original image patches, groundtruth mask, and prediction results of SegNet, ContextNet, U-Net, CGNet and SCU-Net. ![Figure 4:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F4.medium.gif) [Figure 4:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F4) Figure 4: Examples of whole image segmentation results for BAC across multiple architectures as compared to groundtruth. From left to right: original mammography images (cropped to exclude background), groundtruth mask, prediction results of SegNet, ContextNet, U-Net, CGNet and SCU-Net. The F1-Score for each model is shown in the top right of the predicted mask. Higher F1-score means more overlap between groundtruth and the predicted mask. ![Figure 5:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F5.medium.gif) [Figure 5:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F5) Figure 5: Statistical analysis on validation data for Cohort A. First row: *R*2-correlation of whole-image SCU-Net calcification quantification results for predicted masks (Y-axis) as compared to the groundtruth (X-axis). All X-axis and Y-axis values are in scientific format. *R*2-correlation values (r2) and standard errors (std err) are also reported for each metric in each subfigure. Second row: Bland Altman test to compare each metric computed from SCU-Net against the groundtruth. There are 134 data elements in total for each subfigure, with each point representing one image in the validation dataset. Furthermore, we evaluate the segmentation results for both patches and whole images to demonstrate the fine vessel calcification segmentation accuracy. Table 1 presents the quantitative performance metrics for all tested models including SCU-Net, for both invidual patches (columns with clear background) and whole mammography images (columns with gray background). For patch-wise quantitative results in Table 1, ERFNet19 has the highest recall value, FPENet25 achieves the best precision value, and SCU-Net has the best F1-score and ties with CGNet26 for top Jaccard Index value. Accuracy values of all the models are relatively similar due to the high number of negative pixels in the image. Whole-image-size results are generated by concatenating the corresponding patches for each whole mammogram. Compared with patch-wise results, nearly all the evaluation metrics for the whole image are higher and are tightly grouped across all models. The reason lies in the overlapping 64 pixels with neighboring patches which helps enhance the segmentation accuracy by avoiding boundary effects3. On whole images, ERFNet19, FPENet25, DeepLabV317 still maintain their advantages in recall, precision and accuracy respectively. U-Net15 and DeepLabV317 in Table 1 have the best F1-score/Dice-score (0.735) and Jaccard Index value (0.59) for full image segmentation. With many fewer parameters (79x less), SCU-Net also performs very well with 0.729 of F1-score and 0.581 of Jaccard Index value compared with SegNet16 and FPENet25. View this table: [Table 1:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/T1) Table 1: Quantitative evaluation results for **image patches** (columns without background) and **whole images** (columns with gray background) in the validation dataset, subscripts denote standard deviation. ### Evaluation of BAC quantification based on defined metrics Universal semantic segmentation evaluation metrics are helpful in evaluating segmentation results by performing pixel-to-pixel evaluation. However, the ultimate goal of this work is to quantify the amount of BAC within a mammogram for eventual correlation with cardiovascular outcomes. To evaluate the practical performance of SCU-Netโ€™s segmentations in capturing BAC, we computed the correlation for all metrics computed using SCU-Net segmentations against the same metrics computed on the ground truth segmentation. The upper row of Figure 5 shows the *R*2-correlation of whole-image-size segmentation results of SCU-Net compared to the groundtruth based on the same metrics, demonstrating correlation *>*0.95 for all metrics. On the 134 validation scans, SCU-Net has the highest *R*2-correlation value of 0.973 between the predicted mask and groundtruth when using the ๐’ฏ๐’œโ„ณ100 metric, which measures the total number of pixels with intensity *>*100 in the segmented mask. The second row of Figure 5 indicates the Bland Altman test results29 for the same validation data. The plots show the differences between quantitative metrics computed from the groundtruth and SCU-Net against the mean of the two measurements. Most metrics demonstrate very few outliers, and in particular ๐’ซโ„ณ does not have a single outlier. ### Results of BAC quantification compared to breast CT Evaluation of BAC quantification against breast CT in cohort B yielded good results. For calcification volume (voxels), *R*2-correlation values were 0.834, 0.843, 0.832, 0.798, and 0.800 for the ๐’ซโ„ณ, ๐’œโ„ณ, ๐’ฎโ„โ„ณ, ๐’ฏ๐’œโ„ณ100, ๐’ฏ ๐’ฎโ„โ„ณ100 metrics, respectively. For calcium mass, *R*2-correlation values were comparable at 0.866, 0.873, 0.840, 0.774, and 0.798 for the same metrics. Although breast CT is not performed clinically, this demonstrates that BAC quantification on mammography is comparable to a previously validated calcification quantification metric. ### Results of BAC longitudinal analysis Results of longitudinal analysis using the ๐’ฏ๐’œโ„ณ100 metric showed the ability to automatically track BAC over time. Plots for five subjects shown in Figure 6 demonstrate a gradual increase in BAC over time. Figure 6 also shows five mammograms that demonstrate the progression of BAC in one subject over an 11 year period with predicted BAC masks highlighted in green. ![Figure 6:](http://medrxiv.org/https://www.medrxiv.org/content/medrxiv/early/2021/08/05/2021.07.30.21261406/F6.medium.gif) [Figure 6:](http://medrxiv.org/content/early/2021/08/05/2021.07.30.21261406/F6) Figure 6: Longitudinal quantification of BAC in 5 patients. Left: The top-performing ๐’ฏ๐’œโ„ณ100 metric applied to SCU-Net segmentations for five subjects plotted over time over time, wherein p1, p2, p3, p4, p5 represent different subjects. Right: Sampled mammograms from one subject over 11 years demonstrating an increase in detected BAC over time. BAC are highlighted in green. Each mammogram is cropped to exclude background with its exam date shown below. ## IV. DISCUSSION We present a lightweight and accurate semantic segmentation model Simple Context U-Net (SCU-Net) designed for efficient vessel calcification segmentation on mammograms. It incorporates dilated convolution operations to learn context features and fuses multi-level features to enhance prediction accuracy. Due to the large size of mammograms, each image is processed in patches for both training and validation and the resultant masks are re-stitched to obtain whole-image predictions. Extensive experimental results for both patches and whole mammography images of 216 subjects showed comparable or better performance of SCU-Net as compared to current state-of-the-art models while maintaining far fewer training parameters. A further advantage of our model is that it does not require raw mammography data and can be applied retrospectively. This will enable analysis of the vast datasets of prior digital mammograms, allowing for large retrospective studies. In addition to accurate segmentation of BAC, we applied quantification metrics to assess the extent of calcification and demonstrated excellent correlation between quantification values obtained on the predicted mask as compared to the groundtruth. Correlation was best using the ๐’ฏ๐’œโ„ณ100 metric which counts all pixels above intensity 100 to differentiate between calcified and non-calcified portions of the vessel inside the mask. We also showed strong correlation of all metrics to calcium volume and mass obtained on breast CT for 10 subjects. Lastly, we were able to track and quantify the progression of BAC in 26 subjects longitudinally using this metric. Thus we believe this tool can accurately quantitatively measure and track BAC progression in patients and could be used to assess the efficacy of therapies and risk factors modification. A limitation of this work is that the model is developed at a single institution using a single brand of scanners. It is possible that the model could underperform on external data, however we believe that the model can be successfully fine-tuned to re-optimized as needed, particularly due to its low number of parameters. The model is developed using only 661 images so fine-tuning can likely be achieved using an even smaller segmented dataset if needed. Another current limitation is that although our quantification metrics show strong correlation to breast CT data and track increases in BAC over time, they have not yet been validated against clinical outcomes in these patients. To address this in future work, we plan to evaluate our model and quantification metrics against outcomes data or existing validated risk assessment tools such as calcium scores on coronary CT. In summary, a robust, minimally complex, deep learning method for segmenting and quantifying breast arterial calcifications has been developed that can be applied retrospectively to routine screening mammograms. This will allow for analysis of large populations without additional imaging costs or radiation exposure. Future studies will determine the performance of this tool for predicting clinical outcomes and determining the efficacy of prevention approaches. ## Data Availability The datasets generated during and/or analyzed during the current study are not publicly available due to patient data privacy restrictions, but a de-identified subset of the data is available on reasonable request. ## V. DATA AVAILABILITY The datasets generated during and/or analyzed during the current study are not publicly available due to patient data privacy restrictions, but a de-identified subset of the data is available on reasonable request. ## VI. ACKNOWLEDGEMENTS The work is supported by Winship Invest$ Pilot Grant Program. We thank Dr. Pradeeban Kathiravelu for helping with revision of manuscript. We also thank Dr. Anouk Stein and George Shih of MD.ai for providing their annotation platform. ## Footnotes * 1 Although the mammogram image is grayscale and has only one image channel, three duplicates of the mammogram patch are stacked together to form a three-channel image same as RGB image format. This setting ensures the model to work for both natural and grayscale images, and can be comparable with existing segmentation models. * 2 [www.md.ai](http://www.md.ai) * 3 Cropped patches may only contain a very small piece of calcification along the cropped boarder, which is hard to segment accurately. However, the larger calcification can be more easily detected in the adjacent patches. Thus, concatenating the predictions of adjacent patches can eliminate the boundary effects. * Received July 30, 2021. * Revision received July 30, 2021. * Accepted August 5, 2021. * ยฉ 2021, Posted by Cold Spring Harbor Laboratory This pre-print is available under a Creative Commons License (Attribution-NonCommercial 4.0 International), CC BY-NC 4.0, as described at [http://creativecommons.org/licenses/by-nc/4.0/](http://creativecommons.org/licenses/by-nc/4.0/) ## References 1. M. Garcia, S. L. Mulvagh, C. N. Bairey Merz, J. E. Buring, and J. E. Manson, Cardio-vascular disease in women: clinical perspectives1, Circulation research 118, 1273โ€“1293 (2016). [Abstract/FREE Full Text](http://medrxiv.org/lookup/ijlink/YTozOntzOjQ6InBhdGgiO3M6MTQ6Ii9sb29rdXAvaWpsaW5rIjtzOjU6InF1ZXJ5IjthOjQ6e3M6ODoibGlua1R5cGUiO3M6NDoiQUJTVCI7czoxMToiam91cm5hbENvZGUiO3M6MTA6ImNpcmNyZXNhaGEiO3M6NToicmVzaWQiO3M6MTA6IjExOC84LzEyNzMiO3M6NDoiYXRvbSI7czo1MDoiL21lZHJ4aXYvZWFybHkvMjAyMS8wOC8wNS8yMDIxLjA3LjMwLjIxMjYxNDA2LmF0b20iO31zOjg6ImZyYWdtZW50IjtzOjA6IiI7fQ==) 2. R. Detrano et al., Coronary calcium as a predictor of coronary events in four racial or ethnic groups, New England Journal of Medicine 358, 1336โ€“1345 (2008). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1056/NEJMoa072100&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=18367736&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F05%2F2021.07.30.21261406.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000254308400004&link_type=ISI) 3. E. J. Hendriks, P. A. de Jong, Y. van der Graaf, P. T. M. Willem, Y. T. van der Schouw, and J. W. Beulens, Breast arterial calcifications: a systematic review and meta-analysis of their determinants and their association with cardiovascular events, Atherosclerosis 239, 11โ€“20 (2015). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1016/j.atherosclerosis.2014.12.035&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=25568948&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F05%2F2021.07.30.21261406.atom) 4. V. Duhn, E. T. Dโ€™Orsi, S. Johnson, C. J. Dโ€™Orsi, A. L. Adams, and W. C. Oโ€™Neill, Breast arterial calcification: a marker of medial vascular calcification in chronic kidney disease, Clinical Journal of the American Society of Nephrology 6, 377โ€“382 (2011). [Abstract/FREE Full Text](http://medrxiv.org/lookup/ijlink/YTozOntzOjQ6InBhdGgiO3M6MTQ6Ii9sb29rdXAvaWpsaW5rIjtzOjU6InF1ZXJ5IjthOjQ6e3M6ODoibGlua1R5cGUiO3M6NDoiQUJTVCI7czoxMToiam91cm5hbENvZGUiO3M6ODoiY2xpbmphc24iO3M6NToicmVzaWQiO3M6NzoiNi8yLzM3NyI7czo0OiJhdG9tIjtzOjUwOiIvbWVkcnhpdi9lYXJseS8yMDIxLzA4LzA1LzIwMjEuMDcuMzAuMjEyNjE0MDYuYXRvbSI7fXM6ODoiZnJhZ21lbnQiO3M6MDoiIjt9) 5. N. Abou-Hassan, E. Tantisattamo, E. T. Dโ€™Orsi, and W. C. Oโ€™neill, The clinical significance of medial arterial calcification in end-stage renal disease in women, Kidney international 87, 195โ€“199 (2015). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1038/ki.2014.187&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=24869671&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F05%2F2021.07.30.21261406.atom) 6. L. Calvocoressi, A. Sun, S. V. Kasl, E. B. Claus, and B. A. Jones, Mammography screening of women in their 40s: impact of changes in screening guidelines, Cancer: Interdisciplinary International Journal of the American Cancer Society 112, 473โ€“480 (2008). 7. H. R. Alappan, P. Vasanth, S. Manzoor, and W. C. Oโ€™Neill, Vascular calcification slows but does not regress after kidney transplantation, Kidney International Reports 5, 2212โ€“2217 (2020). 8. H. R. Alappan, G. Kaur, S. Manzoor, J. Navarrete, and W. C. Oโ€™Neill, Warfarin accelerates medial arterial calcification in humans, Arteriosclerosis, thrombosis, and vascular biology 40, 1413โ€“1419 (2020). 9. S. Manzoor, S. Ahmed, A. Ali, K. H. Han, I. Sechopoulos, A. Oโ€™Neill, B. Fei, and W. C. Oโ€™Neill, Progression of medial arterial calcification in CKD, Kidney international reports 3, 1328โ€“1335 (2018). 10. R. A. Hubbard, K. Kerlikowske, C. I. Flowers, B. C. Yankaskas, W. Zhu, and D. L. Miglioretti, Cumulative probability of false-positive recall or biopsy recommendation after 10 years of screening mammography: a cohort study, Annals of internal medicine 155, 481โ€“492 (2011). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.7326/0003-4819-155-8-201110180-00004&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=22007042&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F05%2F2021.07.30.21261406.atom) [Web of Science](http://medrxiv.org/lookup/external-ref?access_num=000296066300013&link_type=ISI) 11. J. Sulam, R. Ben-Ari, and P. Kisilev, Maximizing AUC with Deep Learning for Classification of Imbalanced Mammogram Datasets., in VCBM, pages 131โ€“135, 2017. 12. G. Valvano, G. Santini, N. Martini, A. Ripoli, C. Iacconi, D. Chiappino, and D. Della Latta, Convolutional neural networks for the segmentation of microcalcification in mammography imaging, Journal of Healthcare Engineering 2019 (2019). 13. J. Wang, H. Ding, F. A. Bidgoli, B. Zhou, C. Iribarren, S. Molloi, and P. Baldi, Detecting cardiovascular disease from mammograms with deep learning, IEEE transactions on medical imaging 36, 1172โ€“1181 (2017). [CrossRef](http://medrxiv.org/lookup/external-ref?access_num=10.1109/TMI.2017.2655486&link_type=DOI) [PubMed](http://medrxiv.org/lookup/external-ref?access_num=28113340&link_type=MED&atom=%2Fmedrxiv%2Fearly%2F2021%2F08%2F05%2F2021.07.30.21261406.atom) 14. M. S. Hossain, Microc alcification Segmentation Using Modified U-net Segmentation Network from Mammogram Images, Journal of King Saud University-Computer and Information Sciences (2019). 15. O. Ronneberger, P. Fischer, and T. Brox, U-net: Convolutional networks for biomedical image segmentation, in International Conference on Medical image computing and computer-assisted intervention, pages 234โ€“241, Springer, 2015. 16. V. Badrinarayanan, A. Kendall, and R. Cipolla, Segnet: A deep convolutional encoderdecoder architecture for image segmentation, IEEE transactions on pattern analysis and machine intelligence 39, 2481โ€“2495 (2017). 17. L.-C. Chen, G. Papandreou, F. Schroff, and H. Adam, Rethinking atrous convolution for semantic image segmentation, arXiv preprint arxiv:1706.05587 (2017). 18. A. Chaurasia and E. Culurciello, Linknet: Exploiting encoder representations for efficient semantic segmentation, in 2017 IEEE Visual Communications and Image Processing (VCIP), pages 1โ€“4, IEEE, 2017. 19. E. Romera, J. M. Alvarez, L. M. Bergasa, and R. Arroyo, Erfnet: Efficient residual factorized convnet for real-time semantic segmentation, IEEE Transactions on Intelligent Transportation Systems 19, 263โ€“272 (2017). 20. Y. Wang, Q. Zhou, J. Xiong, X. Wu, and X. Jin, ESNet: An Efficient Symmetric Network for Real-Time Semantic Segmentation, in Chinese Conference on Pattern Recognition and Computer Vision (PRCV), pages 41โ€“52, Springer, 2019. 21. R. P. Poudel, S. Liwicki, and R. Cipolla, Fast-scnn: Fast semantic segmentation network, arXiv preprint arxiv:1902.04502 (2019). 22. R. P. Poudel, U. Bonde, S. Liwicki, and C. Zach, Contextnet: Exploring context and detail for semantic segmentation in real-time, arXiv preprint arxiv:1805.04554 (2018). 23. G. Li, I. Yun, J. Kim, and J. Kim, Dabnet: Depth-wise asymmetric bottleneck for real-time semantic segmentation, arXiv preprint arxiv:1907.11357 (2019). 24. S.-Y. Lo, H.-M. Hang, S.-W. Chan, and J.-J. Lin, Efficient dense modules of asymmetric convolution for real-time semantic segmentation, in Proceedings of the ACM Multimedia Asia, pages 1โ€“6, 2019. 25. M. Liu and H. Yin, Feature Pyramid Encoding Network for Real-time Semantic Segmentation, arXiv preprint arxiv:1909.08599 (2019). 26. T. Wu, S. Tang, R. Zhang, and Y. Zhang, Cgnet: A light-weight context guided network for semantic segmentation, arXiv preprint arxiv:1811.08201 (2018). 27. M. J. George et al., Preprocessing filters for mammogram images: A review, in 2017 Conference on Emerging Devices and Smart Systems (ICEDSS), pages 1โ€“7, IEEE, 2017. 28. F. Yu and V. Koltun, Multi-scale context aggregation by dilated convolutions, arXiv preprint arxiv:1511.07122 (2015). 29. D. Giavarina, Understanding bland altman analysis, Biochemia medica 25, 141โ€“151 (2015). [1]: /embed/graphic-3.gif [2]: /embed/graphic-4.gif [3]: /embed/graphic-5.gif [4]: /embed/graphic-6.gif