Next Article in Journal
Patient Preferences for Unresectable Hepatocellular Carcinoma Treatments: A Discrete-Choice Experiment
Previous Article in Journal
Predictive and Prognostic Value of Oncogene Mutations and Microsatellite Instability in Locally-Advanced Rectal Cancer Treated with Neoadjuvant Radiation-Based Therapy: A Systematic Review and Meta-Analysis
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Comparative Study of Automated Deep Learning Segmentation Models for Prostate MRI

by
Nuno M. Rodrigues
1,2,*,
Sara Silva
1,
Leonardo Vanneschi
3 and
Nickolas Papanikolaou
2
1
LASIGE, Faculty of Sciences, University of Lisbon, 1749-016 Lisbon, Portugal
2
Champalimaud Foundation, Centre for the Unknown, 1400-038 Lisbon, Portugal
3
NOVA Information Management School (NOVA IMS), Campus de Campolide, Universidade Nova de Lisboa, 1070-312 Lisboa, Portugal
*
Author to whom correspondence should be addressed.
Cancers 2023, 15(5), 1467; https://doi.org/10.3390/cancers15051467
Submission received: 3 January 2023 / Revised: 17 February 2023 / Accepted: 20 February 2023 / Published: 25 February 2023

Abstract

:

Simple Summary

Prostate cancer represents a highly prevalent form of cancer worldwide, with timely detection and treatment being crucial for achieving a high survival rate. Manual segmentation, which is the process of manually identifying different anatomical structures or tissues within an image, is the most prevalent detection method. However, it is a time-consuming and subjective task constrained by the radiologists’ expertise, which underpins the demand for automated segmentation methods. In this study, we conduct a comprehensive and rigorous comparison of multiple prevalent deep learning-based automatic segmentation models for the prostate gland and both peripheral and transition zones, using multi-parametric MRI data.

Abstract

Prostate cancer is one of the most common forms of cancer globally, affecting roughly one in every eight men according to the American Cancer Society. Although the survival rate for prostate cancer is significantly high given the very high incidence rate, there is an urgent need to improve and develop new clinical aid systems to help detect and treat prostate cancer in a timely manner. In this retrospective study, our contributions are twofold: First, we perform a comparative unified study of different commonly used segmentation models for prostate gland and zone (peripheral and transition) segmentation. Second, we present and evaluate an additional research question regarding the effectiveness of using an object detector as a pre-processing step to aid in the segmentation process. We perform a thorough evaluation of the deep learning models on two public datasets, where one is used for cross-validation and the other as an external test set. Overall, the results reveal that the choice of model is relatively inconsequential, as the majority produce non-significantly different scores, apart from nnU-Net which consistently outperforms others, and that the models trained on data cropped by the object detector often generalize better, despite performing worse during cross-validation.

1. Introduction

Prostate cancer is one of the most common cancer types in the world, affecting roughly one in every eight men according to the American Cancer Society. Despite its high survival rate (5-year relative rates of ≈ 100 % for localized and regional, 30 % for distant), it was the third most prominent cancer in 2020 [1]. Therefore, there is an urgent need to develop methods that may aid in early detection and better characterization of disease aggressiveness [2,3]. The latter will make possible the avoidance of over-treatment in patients with non-aggressive disease and the amplification of treatment in patients with aggressive disease. Manual segmentation is still the most common practice, a time-consuming task also limited by the subjectiveness of the radiologists’ expertise, resulting in high interobserver variability.
Most automatic segmentation processes developed for clinical applications are based on convolutional neural networks (CNNs), many being variations of the classic Unet architecture [4]. For prostate segmentation, the proposed models continue to improve as shown by the mean dice score used for the following results. Guo et al. [5] presented a two-step pipeline where a stacked sparse auto-encoder was used to learn deep features, and then a sparse patch matching method used those features to infer prostate likelihood, obtaining a Dice score of 87.8 ± 4.0 . Milletari et al. [6] presented Vnet, a volumetric adaptation of unet, achieving a Dice score of 86.9 ± 3.3 . Zhu et al. [7] used deep supervised layers on Unet with additional 1 × 1 convolutions, obtaining 88.5 Dice. Dai et al. [8] used the object detection and segmentation model Mask-RCNN, achieving 88 ± 4 and 64 ± 11 Dice in the segmentation of prostatic gland and intraprostatic lesions, respectively. Zavala-Romero et al. [9] presented a multistream 3D model that employed the three standard planes of an MRI volume as inputs and was trained with data from different scanners, achieving Dice scores of 90.5 ± 2.7 for the full gland and 79.9 ± 9.4 for the peripheral zone when using data from one scanner, and 89.2 ± 3.6 and 81.1 ± 7.9 when combining data from both scanners. Aldoj et al. [10] presented a Unet variation with two stacked dense blocks in each level of the downsampling and upsampling paths, obtaining Dice scores of 91.2 ± 0.8 , 76.4 ± 2 and 89.2 ± 0.8 for full gland, peripheral and central zones, respectively. Duran et al. [11] presented an attention Unet [12] variation, where an additional decoder was added to perform both gland segmentation as well as multi-class lesion segmentation, achieving a Dice score of 87.5 ± 1.3 . Recently, Hung et al. [13] proposed a new take on skip connections, using a transformer to capture the cross-slice information at multiple levels, with the main advantage being that this can be incorporated into most architectures, such as the nnU-Net model.
As of late, more complex and novel architectures and paradigms have been adopted for biomedical imaging segmentation. When dealing with large amounts of data, vision transformer architectures have shown great promise for biomedical segmentation [14,15,16,17,18]. These visions transformer models have the advantage of using self-attention mechanisms, allowing them to learn complex patterns, and to also capture the global spatial dependencies of the images, which is highly advantageous for segmentations. As previously mentioned, since manual segmentation suffers from several limitations, most data end up being unlabeled. Self-Supervised learning strategies have been used to leverage these unlabeled data to improve the performance of segmentation models by first pre-training them on pretext tasks [19,20,21]. Lastly, another paradigm that has been recently used for biomedical image segmentation is knowledge distillation, where models are first trained on a larger task (e.g., multi-centre data ) and are then used to help train other models for more domain-specific tasks [22] (e.g., single-centre data). This technique has already been adopted by some researchers for prostate segmentation [23,24,25] and is shown to improve overall model performance.
One major problem that presents with most previously addressed Unet-based automatic prostate segmentation works are the different evaluation conditions presented, where the same model produces different results depending on the new architecture being proposed and what it needs to outperform the previous models, regardless of the correctness of the experimental settings. What we propose is not a new method but a comparative study of several of the most common, as well as some new some variations, of Unet-based segmentation models for prostate gland and zone segmentation. Additionally, we present and evaluate another research question, regarding the impact of using an object detector model as a pre-processing step in order to crop the MRI volumes around the prostate gland, reducing computational strain and improving segmentation quality by reducing the redundant area of the volumes without simply resizing the data. We examined this question by comparing the results of the different models in both full and cropped T2W MRI volumes, during cross-validation and in an additional external dataset.

2. Materials and Methods

2.1. Data

We used two publicly available datasets containing retrospective data, one to train both the object detection and the segmentation models (ProstateX), the other to serve as an external test set to assess the quality of the segmentation models (Medical Decathlon prostate dataset). The ProstateX dataset (https://wiki.cancerimagingarchive.net/pages/viewpage.action?pageId=23691656SPIE-AAPM-NCIPROSTATExchallenge, accessed on 2 January 2023) is a collection of prostate MRI volumes that include T2W, DWI and ADC modalities. These volumes were obtained by the Prostate MR Reference Center—Radboud University Medical Centre (Radboudumc) in the Netherlands, using two Siemens 3T MR scanners (MAGNETOM Trio and Skyra). Regarding the acquisition of the images, the following description was provided by the challenge’s organizers: “T2-weighted images were acquired using a turbo spin echo sequence and had a resolution of around 0.5 mm in plane and a slice thickness of 3.6 mm. The DWI series were acquired with a single-shot echo planar imaging sequence with a resolution of 2-mm in-plane and 3.6-mm slice thickness and with diffusion-encoding gradients in three directions. A total of three b-values were acquired (50, 400, and 800), and subsequently, the apparent diffusion coefficient (ADC) map was calculated by the scanner software. All images were acquired without an endorectal coil”.
Regarding the segmentations, the prostate gland segmentations were performed by a senior radiologist from the Champalimaud Foundation, while the transition and peripheral zone segmentations were obtained from the public dataset repository. We applied bias field correction, using N4ITK ([26]), to the T2W volumes, and all the masks were resampled to be on the same space and have the same orientation and spacing as the volumes. A total of 153 volumes were used for the gland segmentation, while for the peripheral and transition zone segmentation, a total of 139 volumes was used.
As an external test dataset, we used the publicly available prostate segmentation dataset from the Medical Segmentation Decathlon ([27]), which was acquired at the Radboud University Medical Centre (Radboudumc) in the Netherlands. This dataset consists of 32 MRI volumes of coregistered T2W and ADC modalities, along with segmentation masks with distinct classes for the transition and peripheral zones. We extracted the T2W volumes and, similarly to the ProstateX, performed bias field correction and resampled the masks, and made new masks by joining both classes to obtain a prostate mask. The model of the scanner used to take these MRIs is not disclosed.

2.2. Prostate Detection

To prepare the data for object detection, the volumes were converted into 2D 16-bit PNG images (we chose to use 16-bit images so we keep the notion of depth while working in 2D) where the empty slices were discarded. The edge coordinates of the ground truth bounding boxes were obtained from the prostate gland masks. We used these images to train a variation of the YoLo-v4 Open source code available here: https://github.com/ultralytics/yolov5, accessed on 2 January 2023, [28] object detection architecture to locate the prostate gland and accurately draw a bounding box around it (Figure 3). After predicting the bounding boxes, we extracted the coordinates of the edges of the largest bounding box in the volumes, added padding of 40 pixels in each direction, and cropped the entire volume with that box. Using the largest bounding box plus an additional padding, we ensure that all slices contain the entire prostate gland and some additional area. Figure 1 provides a comparison between a standard and cropped slice of a T2W volume.

2.3. T2W Pre-Processing and Augmentation

Before feeding the T2W volumes to the segmentation models, the following pre-processing techniques were applied: Orientation transformation to ensure the models were in RAS+ orientation; Intensity rescaling transformation to ensure the voxel intensity of the volumes was in [ 1 , 1 ] ; Z normalization transformation; Cropping the images into a smaller 160 × 160 × 32 size. This last transformation was done to reduce the total unused area, making it less computationally expensive, and to ensure that the volumes had an appropriate number of slices for the segmentation models. It was only applied to the volumes that had not been previously cropped by the object detector. In addition, the following augmentation transformations were applied: Random affine transformations, including rescaling, translation and rotation; Random changes to the contrast of the volumes by raising their values to the power of γ , where γ = 0.5 ; Application of random MRI motion artifacts, and random bias field artifacts. Examples of volumes after pre-processing and augmentation are shown in Figure 2.

2.4. Segmentation Models

In this study, we conducted an extensive analysis of various popular Unet-based models from the literature that either had a publicly available implementation or provided enough detail to be reproducible. These models utilized mechanisms falling into three distinct categories: Dense blocks, Recurrent connections, and Attention mechanisms. The inclusion of a diverse range of mechanisms facilitated a thorough investigation of the utility of each mechanism, given that most Unet variations exhibit only minor differences between one another. Additionally, we introduced new networks that build upon the previously published models by incorporating additional combinations of mechanisms. This enabled us to evaluate the performance of these models against established ones, leading to more reliable and informative results.
In total, 13 segmentation models were compared, including: Unet, Unet++ [29], Residual Unet (ResNet), Attention Unet (aunet) [12], Dense Attention Unet (daunet), Dense-2 Unet (d2unet) [10], Dense-2 Attention Unet (d2aunet), Recurrent Residual Unet (r2unet) [30], Recurrent Residual Attention Unet (r2aunet), nnU-Net [31], Vnet [6], highResNet [32], SegResNet [33].
For the Unets, the standard convolution blocks in the downwards path are composed of two convolution operators with a kernel size 3 and stride of 1, followed by a batch normalization, a ReLU activation function and lastly a maxpool operation for dimensionality reduction. The convolution blocks on the upwards path are composed of an upsample operation with scale 2 to double the size of the previous input, and a convolution of kernel size 2 and stride of 1, followed by a batch normalization and ReLU activation.
For the dense unets, the dense blocks are composed of four blocks, with each one having two convolution operations with kernel size 1 and stride of 1, where after each convolution there is a batch normalization and a ReLU activation function. For the transition blocks also used in the dense unets, we perform an upsample operation with scale 2 and a convolution with kernel size 3 and stride of 1, followed by batch normalization and ReLU activation. Regarding the Dense-2 Unet, our implementation differs from the one presented in the original article. As this article does not include enough information to fully replicate the model, we chose the parameters for the dense blocks and convolution blocks to be similar to the ones of the remaining networks.
The recurrent residual blocks are equal to the ones described in Zahangir et al. [30], and are composed of two residual operation and two convolution blocks, each one having one convolution operation with kernel size 3 and stride of 1, followed by a batch normalization and ReLU activation.
The attention mechanisms are equal to those described in Oktay et al. [12], where we calculate W g , W x and ψ , each composed of a convolution of kernel size 1 and stride of 1, and then compute σ ( ψ ( R e L U ( W g + W x ) ) ) .
At the start of each Unet, a single convolution block, composed of a convolution of kernel size 3 and stride of 1, followed by a batch normalization and ReLU activation, is applied to double the channels from 32 to 64, so we end up with 1024 channels at the bottleneck area of the unets.
Regarding the Vnet, SegResNet and highResNet, we used the models made available by the MONAI package [34]. We used the 3D full resolution version of the nnunet, which is equal to the one described in [31], and publicly available at https://github.com/MIC-DKFZ/nnUNet, accessed on 2 January 2023. All other models were implemented in Pytorch [35].

2.5. Training and Evaluation

2.5.1. Detection

The detection model was trained with the ProstateX volumes, which differed in size ( 320 × 320 , 384 × 384 , 640 × 640 ) with a varying number of slices (minimum 19, maximum 27).
All volumes were normalized to zero mean and one unit of standard deviation, resized to 256 × 256 , and separated in 2D slices. The slices with no prostate were removed, ending with a total of 2801 images. The remaining 2801 images were split into 70% training and 30% validation. To avoid data leakage, we ensured all slices belonging to a volume were only present in one of the sets.
To set the initial parameters for the object detector model, we used the genetic algorithm based hyperparameter evolution included in the package, that ran for 100 generations, with 90 % mutation and 10 % crossover probabilities. The fitness function used to evaluate this evolution is the weighted average between the mean average precision with a threshold of 0.5 ([email protected]), which contributed with 10 % , and the mean average precision with different thresholds, from 0.5 to 0.95 in steps of 0.05 ([email protected]:0.95), which contributed with the remaining 90 % . Then, after having set the initial values for the hyperparameters, the model was trained for 350 epochs.

2.5.2. Segmentation

The datasets were split with 5-fold cross-validation. All models except the nnU-Net were trained for a maximum number of 1500 epochs, using early stopping with patience 30. The optimizer was Weighted Adam (AdamW) with a starting learning rate of 1 × 10 4 , Cosine Annealing learning rate decay, and weight decay of 4 × 10 5 . For nnU-Net, we used the default parameters, training for 1000 epochs with the Ranger optimizer [36]. All models were trained using Pytorch-Lightning.
To assess the quality of the models, we use Mean Dice score (MDS) with 95% confidence interval (CI), Mean Hausdorf distance (MHD) and Mean surface distance (MSD).
The Dice score is a widely used metric for segmentation tasks, and it measures the overlap between the ground truth and predicted masks. The higher the score, the better the segmentation.
D S ( X , Y ) = 2 | X Y | | X | + | Y |
The Hausdorff distance (HD) measures how far two points are in two images. In this case, how far a point from the predicted mask if from its nearest point in the ground truth mask, essentially indicating the largest segmentation error present in the predicted mask. Low values mean small errors.
H D ( X , Y ) = max x X min y Y | | x y | |
The Surface distance (SD)measures the difference between the surface of the predicted mask and the ground truth mask. Low values mean small differences.
S D ( X , Y ) = min x X , y Y | | y x | |

2.6. Loss Function

Initially, our loss function was the standard averaged sum of Dice (Equation (2)) and Crossentropy (Equation (1)), called Dice CE loss (Equation (3)). It produced good results for the mid regions of the prostate, but struggled with the small and irregular shapes present in both apex and base. Therefore, we included both Focal (Equation (4)) ([37]) and Tversky (Equation (5)) losses, as they mitigate this issue by focusing on the hard negative examples, reducing both false negatives and false positives. The final loss function was named Focal Tversky Dice Crossentropy loss (FTDCEL) (Equation (6)), an averaged sum of all previously mentioned loss functions, all having the same weight (FTDCEL) (Equation (6)). All of these loss functions were implemented using the MONAI package [34].
C E = l o g ( p ) if y = 1 l o g ( 1 p ) otherwise
D L ( p , p ^ ) = 2 p p ^ + 1 p + p ^ + 1
D C E ( p , p ^ ) = D L ( p , p ^ ) + C E ( p , p ^ ) 2
rewriting CE as p t = p if y = 1 1 p otherwise F L ( p t ) = α t ( 1 p t ) γ l o g ( p t )
T L ( p , p ^ ) = 1 1 + p p ^ 1 + p p ^ + β ( 1 p ) p ^ + ( 1 β ) p ( 1 p ^ )
F T D C E L ( p , p ^ ) = D C E ( p , p ^ ) + F L ( p , p ^ ) + T L ( p , p ^ ) 3

3. Results

3.1. Object Detection

To evaluate the object detection model we followed the procedure described in Section 2.5.1 for four different variations of the yolo model, a small, medium, large and extra-large. Figure A1 shows the results obtained on the medium model which is the one that produced the best results.
As shown in Figure A1, the results obtained were very accurate, with high confidence values on all prostate sections, including the apex, achieving a Precision, Recall, [email protected] and [email protected]:0.95 of 0.9709 , 0.9534 , 0.9653 and 0.6965 , respectively. As for the loss values, which represent the error meaning lower values are better, this model obtained a bounding box loss (Box loss), which is the measure of how well the predicted bounding box covers the target, of 0.0227 and an object confidence loss (Obj loss), which measures the probability that the target exists inside the predicted bounding box, of 0.0034 , on the validation data. Figure 3 (bottom row) illustrates a batch of the obtained results. As shown, both the apex, base and middle area of the prostate is properly detected with a high degree of confidence.

3.2. Gland Segmentation

Regarding the segmentation of the prostate gland (Table 1A and Figure 4), when working with the full volumes we can see that the nnunet is significantly better than all other models, by ≈ 2 % , achieving a mean Dice score (MDS) of 0.9289 ± 0.0046 . This is further corroborated when looking at the boxplots as we can see that most models have a high degree of dispersion, as opposed to the nnunet. A mean Hausdorff distance (MHD) of 5.7155 is considerably better than the ones obtained by the remaining models. It can also be observed that despite small differences, there is no statistical difference between the Dice score results obtained by the other models, although being discernible that some, such as daunet, d2uNet, Vnet and especially the highresnet, have substantially greater MHD values. From Figure 1 right we can see that nnunet is the model that better generalizes, achieving a MDS of 0.8678 on the external test set, a result far greater than most other models, along with a MHD of 10.0231 , which is the smallest by far between all models.
When segmenting the prostate gland using the volumes cropped by the object detection model (Figure 1 left and Figure 4), the results are quite different. There is no single significantly best model, there are however four models that under-perform, and nine which have similar scores. The best, although not significantly better, Dice score is obtained by the d2auNet, with a value of 0.9158 ± 0.0068 . Looking at the boxplots we can see that the majority of the models, apart from the r2Net and highResNet, present a low degree of dispersion. Looking at the MHD and average surface distance (ASD), we can further see that the choice of the model is mostly inconsequential, with the exception of highresnet. These results still hold for the external test set (Figure 1 right), where we can see that all models, again with the exception of highresnet, have a very similar generalization capability with a MDS of ± 0.85 . Comparing the performance of full and cropped volume models, looking at Table A1 it is possible see that for 11 of the 13 models there is no significative difference, with the only two exceptions being the Vnet, where it does in fact improve the Dice scores, and the nnU-Net which has the opposite effect, worsening model performance. Looking at the boxplots in Figure 4, we can see that on all metrics the results show less dispersion, which is a good indication. However, when observing the difference between the results on the external test set, we can see that the vast majority of models do improve their generalization capability using cropped data, achieving higher MDS scores and lower MHD scores.
Figure 5 shows a comparison between full volume and cropped volume segmentations of both nnU-Net and d2aunet, as they were the models with the highest Dice score in each task. In this case, despite having a lower MDS, the segmentations provided by the cropped models are arguably better than those provided by the full volumes, with the difference being explained by the difference in size when calculating this metric. In smaller volumes, a wrongly calculated pixel will have more impact in the calculation of the MDS than on larger volumes, which may explain why a model with a slightly lower MDS ( 0.014 difference) can provide more accurate segmentations.

3.3. Zone Segmentation

Starting with the transition zone (TZ) segmentation (Table 2A and Figure 6), we can see that the nnU-Net outperformed all the other models, both on the full volume and cropped volume modalities. On the full volume data, it achieved an MDS of 0.8760 ± 0.0099 , which is ≈ 3 % better than all other models, while on the cropped data it further increased the distance to the remaining models, by achieving a mean Dice score of 0.8561 ± 0.0133 , ≈ 7 % better than the others. Regarding the maximum error, for full and cropped we obtained an MHD distance of 8.7049 and 10.2390 , respectively, which are notably smaller than the errors obtained by the remaining models, ± 6 and ± 4 mm smaller for the full and cropped volumes, respectively. However, when the models are evaluated on an external test set (Figure 2), we can see that these results do not hold. For the full volume data the nnU-Net falls short, dropping ≈ 15 % , while most other variations of the Unet dropped far less, with the regular Unet being the model with the best MDS of 0.77 , despite having a larger maximum error. On the cropped volumes, the nnU-Net remained the best performing model, with an MDS of 0.7540 .
When comparing the performance of full and cropped volume models, looking at Table A2 and Table 2, it is clear that the performance of all models drops significantly when using the cropped data. One interesting particularity to note is that while in the majority of the models, the dispersion of the results on the cropped data is similar to the dispersion on the full data, when observing d2aunet we can see that dispersion of values for both the Hausdorff and surface distances is greatly reduced (Figure 6). Figure 7 shows a comparison between full volume and cropped volume segmentations of both nnU-Net and aunet, as they were the models with the highest Dice scores during cross-validation.
Regarding the peripheral zone (PZ) segmentation (Figure 3 and Figure 8), when working with the full volumes we can see that the nnU-Net outperformed all other models, achieving an MDS of 0.8029 ± 0.0063 , ≈ 5 % better than the remaining models, but also the smallest error, with an MHD of 9.8693 , less than half of the average of most other models. When working with the cropped volumes, we can see that there is no statistically significant difference between any of the models. They all produce very similar values for all evaluated metrics (MDS, MHD, ASD). Looking at Figure 8, we can also see that the distribution and dispersion are very similar, with only a few outliers such as the aunet when measuring the HD and the d2unet when measuring the SD. When testing the models on the external test set (Figure 3), we can see that while using the full volumes the results hold, with nnU-Net still being the top performing model with an MDS of 0.6835 and having the lowest MHD of only 13.4527 . For the cropped volumes, the d2unet was the best-performing model, with an MDS of 0.6387 , and the lowest MHD of 16.3358 .
When comparing the performance of full and cropped volume models, looking at Table A3 and Table 3, we can see that there is no statistical difference between using full or cropped data when segmenting this zone, apart from the nnU-Net that similarly to what was shown in the two previous zones performs significantly worse. However, similarly to what was observable on the gland analysis, we can see that many of the models show small improvements on the external test set, most noticeably when examining the MHD values, showing again that cropping may improve the generalization capabilities. Figure 9 shows a comparison between full volume and cropped volume segmentations of both nnU-Net and highResNet, as they were the models with the highest Dice score during cross-validation. When looking at the full volume segmentations, we can observe a large difference between the nnU-Net and the highResNet. While the first produces smooth and well-defined segmentations, the latter shows clear signs of poorly defined edges and obvious noise in some cases.

4. Discussion

We conducted an extensive analysis of several commonly used segmentation models for prostate gland and zone segmentation on a unified pipeline with the same settings for all. In addition, we answered the research question regarding the effectiveness of using an object detector to crop the MRI volumes around the prostate gland to aid during the segmentation process.
First, we trained an object detector model to perform bounding box detection on the prostate gland, in order to later crop the images. We employed a variation of the Yolo-v4 model to detect the prostate on 2D slices, which provided very good results, with box and confidence validation losses of 0.0227 and 0.0034 , respectively. These results show that it is fairly easy to train a robust prostate detection model, raising the hypothesis for a feature work of leveraging the learned local representations of such a model and using them to aid in a segmentation task.
Using the results obtained from the object detection, we produced a new version of the ProstateX dataset where the volumes were cropped around the gland, reducing the overall size of the image and computational power required. We then trained 13 different commonly used segmentation models, with some additional new variations, on both the full and cropped volumes. The models were subsequently validated on the prostate dataset from the medical imaging decathlon, both on the original and on a cropped version.
When comparing the performance of the models on the full volume segmentation tasks, two main conclusions can be drawn. The first being that the nnU-Net is the overall best model, outperforming all other during cross-validation on the three different segmentation tasks, while still being the model that better generalized on the external test set, on two out of three tasks. Interestingly, despite not being the worst performing model on the external transitional data, it was the one with the highest ASD value, meaning that while it did not make the largest mistakes, it did make the most mistakes out of all models. The second conclusion is that, excluding the nnU-Net, when choosing between the other models, the decision is almost inconsequential. While SegResNet and Vnet produced results significantly worse than some other models, the remaining show no significant differences between each other for the three segmentation tasks.
When comparing the performance of the models on the cropped volume segmentation tasks, the results are not as clear as when using the full volumes. One common aspect among all three segmentation tasks is that the nnU-Net is either the best-performing model, or is at least one of the best. While for the transitional segmentation task, the nnU-Net is the clear winner, for both the gland and peripheral segmentation tasks, the choice of the model is almost inconsequential, with the exception of only four models on the gland task, which perform significantly worse. Regarding the performance on the external test set, there is no clear indication of an overall better model. While for the transition segmentation task, the nnU-Net is clearly better than the other models, and for the remaining two tasks, the results are very similar.
Lastly, comparing the performance of the models when using the two types of data, it is observable that overall the model performance during cross-validation is either the same, or statistically significantly worse. The clearest case being the nnU-Net, where it consistently hinders performance. This is most likely due to the way nnU-Net processes the data, since it is based on a set of heuristics that are applied based on the characteristics of the data, characteristics that are changed when the volumes are cropped. However, in both the gland and peripheral zone segmentation task, it is also observable that the cropped models generalize better, despite their poorer performance during cross-validation, hinting that it is worthwhile to further explore this approach, ideally on a larger dataset and with data to rule out any hypothesis regarding data quantity.

5. Conclusions

In this paper, we perform a comparative study using several of the latest, commonest, and certain variations of Unet-based segmentation models for prostate gland and zone segmentation. We answer the research question regarding the impact of using an object detector model as a pre-processing step in order to crop the MRI volumes around the prostate gland. Regarding the comparison of the different architectures, it is clear that overall there are statistically significant differences between the vast majority of models, regardless of the mechanisms they employ, apart from the nnU-Net model [31], which consistently outperforms all other models. Concerning the object detector, it is shown that despite being straightforward to train and obtain good results for prostate detection, overall the segmentation results are the same or statistically significantly worse.

Author Contributions

Conceptualization, N.M.R. and N.P.; methodology, N.M.R., S.S. and N.P.; software, N.M.R.; validation, N.M.R.; formal analysis, N.M.R. and S.S.; investigation, N.M.R.; resources, S.S. and N.P.; data curation, N.M.R.; writing—original draft preparation, N.M.R.; writing—review and editing, N.M.R., L.V., S.S. and N.P.; visualization, N.M.R.; supervision, L.V., S.S. and N.P.; project administration, N.M.R. and N.P.; funding acquisition, N.M.R., L.V., S.S. and N.P. All authors have read and agreed to the published version of the manuscript.

Funding

The research leading to these results has received funding from the European Union’s Horizon 2020 research and innovation programme under grant agreement No 952159 (ProCAncer-I). This work was partially supported by FCT, Portugal, through funding of the LASIGE Research Unit (UIDB/00408/2020 and UIDP/00408/2020), and under the project UIDB/04152/2020—Centro de Investigação em Gestão de Informação (MagIC)/NOVA IMS. Nuno Rodrigues was supported by PhD Grant 2021/05322/BD.

Institutional Review Board Statement

Ethical review and approval were waived for this study, due to the public nature of the data.

Informed Consent Statement

Patient consent was waived due to the public nature of the data.

Data Availability Statement

Data are available upon reasonable request.

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.

Appendix A

Figure A1. Evolution of the different metrics during the training of the prostate detection model. The figure contains the Recall, Precision, mAP@ 0.5 , mAP@ 0.5 : 0.95 , and both the object and box loss for the training and validation sets.
Figure A1. Evolution of the different metrics during the training of the prostate detection model. The figure contains the Recall, Precision, mAP@ 0.5 , mAP@ 0.5 : 0.95 , and both the object and box loss for the training and validation sets.
Cancers 15 01467 g0a1
Table A1. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the gland segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
Table A1. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the gland segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
Glandunetunet++d2unetd2aunetrunetaunetdaunetr2unetr2aunetsegresnethighresnetvnetnnunet
unet0.60150.34720.91680.75400.91680.75400.60150.75400.91680.17450.17450.25060.009
unet++0.46470.91680.46470.34720.91680.75400.75400.91680.91680.07580.11720.11720.009
d2unet0.11720.02830.34720.75400.91680.75400.46470.91680.60150.07580.25060.11720.009
d2aunet0.11720.02830.91680.60150.60150.25060.46470.46470.60150.04720.07580.04720.009
runet0.75400.60150.07580.07580.91680.75400.75400.75400.75400.04720.11720.04720.009
aunet0.60150.60150.60150.25060.60150.34720.91680.75400.75400.34720.34720.34720.009
daunet0.60150.25060.60150.46470.46470.60150.25060.75400.60150.34720.46470.46470.009
r2unet0.46470.60150.75400.34720.46470.75400.75400.25060.91680.04720.17450.07580.009Full
r2aunet0.25060.02830.60150.46470.11720.60150.75400.91680.46470.17450.25060.17450.009
segresnet0.25060.11720.01630.01630.25060.11720.02830.02830.01630.11720.91680.75400.009
highresnet0.11720.07580.01630.01630.17450.11720.02830.11720.01630.91680.46470.75400.009
vnet0.34720.34720.04720.04720.46470.46470.11720.25060.07580.34720.46470.04720.009
nnunet0.17450.02830.60150.60150.07580.46470.60150.91680.75400.01630.01630.04720.009
Croppedfull vs. cropped
Table A2. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the transition segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
Table A2. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the transition segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
TZunetunet++d2unetd2aunetrunetaunetdaunetr2unetr2aunetsegresnethighresnetvnetnnunet
unet0.0090.75400.75400.46470.46470.25060.75400.75400.75400.11720.91680.75400.0163
unet++0.75400.0090.60150.60150.91680.75400.91680.46470.91680.11720.91680.46470.009
d2unet0.75400.60150.0090.34720.91680.60150.75400.60150.75400.04720.91680.34720.009
d2aunet0.46470.60150.34720.01630.25060.25060.60150.91680.60150.46470.60150.75400.0163
runet0.46470.91680.91680.25060.04720.34720.75400.60150.75400.04720.75400.17450.0163
aunet0.25060.75400.60150.25060.34720.01630.75400.34720.60150.04720.75400.17450.0163
daunet0.75400.91680.75400.60150.75400.75400.0090.34720.46470.11720.75400.46470.009
r2unet0.75400.46470.60150.91680.60150.34720.34720.02830.60150.46470.34720.91680.009Full
r2aunet0.75400.91680.75400.60150.75400.60150.46470.60150.0090.07580.75400.34720.009
segresnet0.11720.11720.04720.46470.04720.04720.11720.46470.07580.01630.11720.17450.009
highresnet0.91680.91680.91680.60150.75400.75400.75400.34720.75400.11720.02830.75400.009
vnet0.75400.46470.34720.75400.17450.17450.46470.91680.34720.17450.75400.04720.009
nnunet0.01630.0090.0090.01630.01630.01630.0090.0090.0090.0090.0090.0090.0283
Croppedfull vs. cropped
Table A3. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the peripheral segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
Table A3. p-values using Kruskal–Wallis for the dice scores obtained in the cross-validation of the peripheral segmentation task. On the top area we compare the performance of the different architectures on the full data, and on the bottom on the cropped data. On the diagonal we present the comparison of the same architecture on both data types. Significant values ( p < 0.05 ) are highlighted in green.
PZunetunet++d2unetd2aunetrunetaunetdaunetr2unetr2aunetsegresnethighresnetvnetnnunet
unet0.46470.60150.91680.60150.34720.46470.91680.91680.34720.17450.60150.17450.0163
unet++0.91680.46470.91680.17450.46470.34720.75400.60150.17450.11720.34720.25060.0283
d2unet0.91680.91680.91680.60150.34720.60150.91680.75400.25060.07580.75400.25060.0163
d2aunet0.91680.91680.91680.46470.07580.75400.46470.25060.46470.07580.75400.07580.0163
runet0.75400.60150.91680.60150.25060.17450.46470.34720.11720.25060.34720.46470.009
aunet0.75400.60150.91680.60150.91680.91680.46470.34720.75400.07580.75400.17450.0163
daunet0.91680.75400.91680.75400.60150.60150.60150.91680.34720.11720.46470.34720.0283
r2unet0.75400.91680.75400.91680.91680.60150.75400.34720.25060.07580.34720.17450.0163Full
r2aunet0.91680.91680.60150.91680.75400.75400.91680.75400.75400.07580.60150.07580.0163
segresnet0.25060.17450.25060.17450.34720.46470.34720.17450.25060.34720.34720.34720.009
highresnet0.91680.91680.75400.60150.34720.34720.46470.91680.75400.11720.34720.34720.0283
vnet0.46470.46470.60150.46470.60150.75400.46470.46470.46470.60150.25060.17450.009
nnunet0.91680.75400.75400.75400.46470.60150.91680.91680.75400.17450.60150.25060.0163
Croppedfull vs. cropped

References

  1. Sung, H.; Ferlay, J.; Siegel, R.; Laversanne, M.; Soerjomataram, I.; Jemal, A.; Bray, F. Global Cancer Statistics 2020: GLOBOCAN Estimates of Incidence and Mortality Worldwide for 36 Cancers in 185 Countries. CA Cancer J. Clin. 2021, 71, 209–249. [Google Scholar] [CrossRef] [PubMed]
  2. Ramamurthy, K.; Varikuti, A.R.; Gupta, B.; Aswani, N. A deep learning network for Gleason grading of prostate biopsies using EfficientNet. Biomed. Tech. 2022. [Google Scholar] [CrossRef] [PubMed]
  3. Rodrigues, A.; Santinha, J.; Galvão, B.; Matos, C.; Couto, F.M.; Papanikolaou, N. Prediction of Prostate Cancer Disease Aggressiveness Using Bi-Parametric Mri Radiomics. Cancers 2021, 13, 6065. [Google Scholar] [CrossRef] [PubMed]
  4. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. arXiv 2015, arXiv:1505.04597. [Google Scholar]
  5. Guo, Y.; Gao, Y.; Shen, D. Deformable MR Prostate Segmentation via Deep Feature Learning and Sparse Patch Matching. IEEE Trans. Med. Imaging 2016, 35, 1077–1089. [Google Scholar] [CrossRef] [Green Version]
  6. Milletari, F.; Navab, N.; Ahmadi, S.A. V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation. In Proceedings of the 2016 Fourth International Conference on 3D Vision (3DV), Stanford, CA, USA, 25–28 October 2016; pp. 565–571. [Google Scholar]
  7. Zhu, Q.; Du, B.; Turkbey, B.; Choyke, P.; Yan, P. Deeply-supervised CNN for prostate segmentation. In Proceedings of the 2017 International Joint Conference on Neural Networks (IJCNN), Anchorage, AK, USA, 14–19 May 2017; pp. 178–184. [Google Scholar]
  8. Dai, Z.; Carver, E.; Liu, C.; Lee, J.; Feldman, A.; Zong, W.; Pantelic, M.; Elshaikh, M.; Wen, N. Segmentation of the Prostatic Gland and the Intraprostatic Lesions on Multiparametic Magnetic Resonance Imaging Using Mask Region-Based Convolutional Neural Networks. Adv. Radiat. Oncol. 2020, 5, 473–481. [Google Scholar] [CrossRef] [Green Version]
  9. Zavala-Romero, O.; Breto, A.L.; Xu, I.R.; Chang, Y.C.C.; Gautney, N.; Dal Pra, A.; Abramowitz, M.C.; Pollack, A.; Stoyanova, R. Segmentation of prostate and prostate zones using deep learning: A multi-MRI vendor analysis. Strahlenther. Onkol. 2020, 196, 932–942. [Google Scholar] [CrossRef]
  10. Aldoj, N.; Biavati, F.; Michallek, F.; Stober, S.; Dewey, M. Automatic prostate and prostate zones segmentation of magnetic resonance images using DenseNet-like U-net. Sci. Rep. 2020, 10, 14315. [Google Scholar] [CrossRef]
  11. Duran, A.; Dussert, G.; Rouvière, O.; Jaouen, T.; Jodoin, P.M.; Lartizien, C. ProstAttention-Net: A deep attention model for prostate cancer segmentation by aggressiveness in MRI scans. Med. Image Anal. 2022, 77, 102347. [Google Scholar] [CrossRef]
  12. Oktay, O.; Schlemper, J.; Folgoc, L.L.; Lee, M.J.; Heinrich, M.P.; Misawa, K.; Mori, K.; McDonagh, S.G.; Hammerla, N.Y.; Kainz, B.; et al. Attention U-Net: Learning Where to Look for the Pancreas. arXiv 2018, arXiv:1804.03999. [Google Scholar]
  13. Hung, A.L.Y.; Zheng, H.; Miao, Q.; Raman, S.S.; Terzopoulos, D.; Sung, K. CAT-Net: A Cross-Slice Attention Transformer Model for Prostate Zonal Segmentation in MRI. arXiv 2022, arXiv:2203.15163. [Google Scholar] [CrossRef]
  14. Petit, O.; Thome, N.; Rambour, C.; Soler, L. U-Net Transformer: Self and Cross Attention for Medical Image Segmentation. arXiv 2021, arXiv:2103.06104. [Google Scholar]
  15. Gao, Y.; Zhou, M.; Liu, D.; Yan, Z.; Zhang, S.; Metaxas, D.N. A Data-scalable Transformer for Medical Image Segmentation: Architecture, Model Efficiency, and Benchmark. arXiv 2022, arXiv:2203.00131. [Google Scholar]
  16. Lin, A.; Chen, B.; Xu, J.; Zhang, Z.; Lu, G. DS-TransUNet:Dual Swin Transformer U-Net for Medical Image Segmentation. arXiv 2021, arXiv:2106.06716. [Google Scholar]
  17. Hatamizadeh, A.; Nath, V.; Tang, Y.; Yang, D.; Roth, H.R.; Xu, D. Swin UNETR: Swin Transformers for Semantic Segmentation of Brain Tumors in MRI Images. In Proceedings of the BrainLes@MICCAI, Virtual Event, 27 September 2021. [Google Scholar]
  18. Shamshad, F.; Khan, S.; Zamir, S.W.; Khan, M.H.; Hayat, M.; Khan, F.S.; Fu, H. Transformers in Medical Imaging: A Survey. arXiv 2022, arXiv:2201.09873. [Google Scholar]
  19. Kalapos, A.; Gyires-T’oth, B. Self-Supervised Pretraining for 2D Medical Image Segmentation. arXiv 2022, arXiv:2209.00314. [Google Scholar]
  20. Azizi, S.; Mustafa, B.; Ryan, F.; Beaver, Z.; von Freyberg, J.; Deaton, J.; Loh, A.; Karthikesalingam, A.; Kornblith, S.; Chen, T.; et al. Big Self-Supervised Models Advance Medical Image Classification. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 11–17 October 2021; pp. 3458–3468. [Google Scholar]
  21. Albelwi, S. Survey on Self-Supervised Learning: Auxiliary Pretext Tasks and Contrastive Learning Methods in Imaging. Entropy 2022, 24, 551. [Google Scholar] [CrossRef]
  22. Meng, H.; Lin, Z.; Yang, F.; Xu, Y.; Cui, L. Knowledge Distillation In Medical Data Mining: A Survey. In Proceedings of the 5th International Conference on Crowd Science and Engineering, Jinan, China, 16–18 October 2021; ICCSE ’21. Association for Computing Machinery: New York, NY, USA, 2022; pp. 175–182. [Google Scholar] [CrossRef]
  23. Hassan, T.; Shafay, M.; Hassan, B.; Akram, M.U.; ElBaz, A.; Werghi, N. Knowledge distillation driven instance segmentation for grading prostate cancer. Comput. Biol. Med. 2022, 150, 106124. [Google Scholar] [CrossRef]
  24. Vesal, S.; Gayo, I.; Bhattacharya, I.; Natarajan, S.; Marks, L.S.; Barratt, D.C.; Fan, R.E.; Hu, Y.; Sonn, G.A.; Rusu, M. Domain Generalization for Prostate Segmentation in Transrectal Ultrasound Images: A Multi-center Study. arXiv 2022, arXiv:2209.02126. [Google Scholar] [CrossRef]
  25. Liu, X.; Hu, B.; Huang, W.; Zhang, Y.; Xiong, Z. Efficient Biomedical Instance Segmentation via Knowledge Distillation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Singapore, 18–22 September 2022. [Google Scholar]
  26. Tustison, N.; Avants, B.; Cook, P.; Zheng, Y.; Egan, A.; Yushkevich, P.; Gee, J. N4ITK: Improved N3 Bias Correction. IEEE Trans. Med. Imaging 2010, 29, 1310–1320. [Google Scholar] [CrossRef] [Green Version]
  27. Simpson, A.; Antonelli, M.; Bakas, S.; Bilello, M.; Farahani, K.; Ginneken, B.; Kopp-Schneider, A.; Landman, B.; Litjens, G.; Menze, B.; et al. A large annotated medical image dataset for the development and evaluation of segmentation algorithms. arXiv 2019, arXiv:1902.09063. [Google Scholar]
  28. Bochkovskiy, A.; Wang, C.Y.; Liao, H. YOLOv4: Optimal Speed and Accuracy of Object Detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  29. Zhou, Z.; Siddiquee, M.M.R.; Tajbakhsh, N.; Liang, J. UNet++: A Nested U-Net Architecture for Medical Image Segmentation. arXiv 2018, arXiv:1807.10165. [Google Scholar]
  30. Alom, M.Z.; Hasan, M.; Yakopcic, C.; Taha, T.M.; Asari, V.K. Recurrent Residual Convolutional Neural Network based on U-Net (R2U-Net) for Medical Image Segmentation. arXiv 2018, arXiv:1802.06955. [Google Scholar]
  31. Isensee, F.; Jaeger, P.F.; Kohl, S.A.A.; Petersen, J.; Maier-Hein, K.H. nnU-Net: A self-configuring method for deep learning-based biomedical image segmentation. Nat. Methods 2021, 18, 203–211. [Google Scholar] [CrossRef]
  32. Li, W.; Wang, G.; Fidon, L.; Ourselin, S.; Cardoso, M.J.; Vercauteren, T.K.M. On the Compactness, Efficiency, and Representation of 3D Convolutional Networks: Brain Parcellation as a Pretext Task. arXiv 2017, arXiv:1707.01992. [Google Scholar]
  33. Myronenko, A. 3D MRI brain tumor segmentation using autoencoder regularization. In Proceedings of the BrainLes@MICCAI, Granada, Spain, 16 September 2018. [Google Scholar]
  34. Consortium, T.M. Project MONAI 2020. Available online: https://zenodo.org/record/4323059#.Y_msOR9BxPY (accessed on 2 January 2023).
  35. Pytorch Lightning. GitHub. 2019, 3. Available online: https://github.com/PyTorchLightning/pytorch-lightning (accessed on 2 January 2023).
  36. Wright, L. Ranger—A Synergistic Optimizer. 2019. Available online: https://github.com/lessw2020/Ranger-Deep-Learning-Optimizer (accessed on 2 January 2023).
  37. Lin, T.Y.; Goyal, P.; Girshick, R.B.; He, K.; Dollár, P. Focal Loss for Dense Object Detection. In Proceedings of the 2017 IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 2999–3007. [Google Scholar]
Figure 1. Comparison between original and cropped volumes. Both images correspond to the middle slice of the volumes. The image on the left represents the original full size slice, while the image on the right represents the cropped version.
Figure 1. Comparison between original and cropped volumes. Both images correspond to the middle slice of the volumes. The image on the left represents the original full size slice, while the image on the right represents the cropped version.
Cancers 15 01467 g001
Figure 2. Example of a batch of 16 images, and their respective segmentation masks, from the ProstateX dataset after being pre-processed and augmented. Each image corresponds to the tenth slice of the volume. The images show the effect of the affine transformations as well as the random bias field augmentations.
Figure 2. Example of a batch of 16 images, and their respective segmentation masks, from the ProstateX dataset after being pre-processed and augmented. Each image corresponds to the tenth slice of the volume. The images show the effect of the affine transformations as well as the random bias field augmentations.
Cancers 15 01467 g002
Figure 3. Comparison between original prostate images, masks and predicted volumes. The top row consists of random slices from different volumes, the second row consists of the respective prostate masks, and the third row consists of the respective predicted bounding boxes, with confidence value of the prostate on each of the images.
Figure 3. Comparison between original prostate images, masks and predicted volumes. The top row consists of random slices from different volumes, the second row consists of the respective prostate masks, and the third row consists of the respective predicted bounding boxes, with confidence value of the prostate on each of the images.
Cancers 15 01467 g003
Figure 4. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the gland segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Figure 4. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the gland segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Cancers 15 01467 g004
Figure 5. Segmentations of the prostate gland. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnU-Net segmentations and column (D) contains the d2aunet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Figure 5. Segmentations of the prostate gland. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnU-Net segmentations and column (D) contains the d2aunet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Cancers 15 01467 g005
Figure 6. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the transition segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Figure 6. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the transition segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Cancers 15 01467 g006
Figure 7. Segmentations of the transition zone. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnunet segmentations and column (D) contains the aunet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Figure 7. Segmentations of the transition zone. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnunet segmentations and column (D) contains the aunet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Cancers 15 01467 g007
Figure 8. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the peripheral segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Figure 8. Boxplots showing the distribution of Dice, Hausdorff distance (HD) and Surface distance scores per model during cross-validation for the peripheral segmentation task. Each segment contains a pair of boxplots, where the left one corresponds to the results of the model on the full data, and the right one on the cropped data.
Cancers 15 01467 g008
Figure 9. Segmentations of the peripheral zone. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnU-Net segmentations and column (D) contains the highResNet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Figure 9. Segmentations of the peripheral zone. Column (A) contains the volumes, column (B) contains the ground truth, column (C) contains the nnU-Net segmentations and column (D) contains the highResNet segmentations. Rows are interleaved, showing a full volume and a model cropped by the object detection model, respectively.
Cancers 15 01467 g009
Table 1. (A) Results obtained by the segmentation models on prostate gland segmentation task. The results presented are the mean scores from the validation data over the five-fold models. The best results (based on Table A1) for both the full and cropped volumes are presented in green. (B) Results obtained on the external test set by the segmentation models trained on the prostate gland segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results for both the full and cropped volumes are presented in red.
Table 1. (A) Results obtained by the segmentation models on prostate gland segmentation task. The results presented are the mean scores from the validation data over the five-fold models. The best results (based on Table A1) for both the full and cropped volumes are presented in green. (B) Results obtained on the external test set by the segmentation models trained on the prostate gland segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results for both the full and cropped volumes are presented in red.
(A)
GlandCropped Gland
MDSCIMHD (mm)ASD (mm)MDSCIMHD (mm)ASD (mm)
unet0.90820.015411.56900.87320.90940.00647.03810.6990
unet++0.90660.01089.72620.92890.90810.00377.99550.7533
runet0.90810.00788.83700.76100.90830.00627.34800.7186
aunet0.90520.015111.55491.03640.91050.00797.07600.7047
daunet0.90230.020313.50091.08920.91230.00767.15380.7265
d2unet0.90780.017012.51561.25630.91450.00476.68460.6664
d2aunet0.91100.01159.97630.79970.91580.00687.67870.6715
r2unet0.90840.00879.67040.82590.91170.00817.06490.6994
r2aunet0.90690.011010.14650.89900.91300.00367.18270.7096
vnet0.89910.006212.54481.06210.90670.00707.20240.7220
segresnet0.89600.01179.37600.85400.90480.00516.90180.7490
highresnet0.89800.013031.18972.11180.90290.008425.83850.7533
nnunet0.92890.00465.71550.92180.91390.00446.25650.7406
(B)
GlandCropped Gland
MDSMHD (mm)ASD (mm)MDSMHD (mm)ASD (mm)
unet0.847416.90452.31770.85959.98191.2044
unet++0.854425.70242.00920.84729.04651.3394
runet0.850119.87401.96860.85479.96931.2591
aunet0.829125.36642.58140.85219.90221.3618
daunet0.827721.44302.14560.857910.67971.2818
d2unet0.852815.20981.76460.85679.16421.3421
d2aunet0.846413.62601.93670.85628.23891.3334
r2unet0.851714.96191.77270.85468.78721.3819
r2aunet0.851416.26301.97370.857310.36481.7792
vnet0.836821.33052.70430.85489.61951.3882
segresnet0.847917.49131.75280.84689.74961.3192
highresnet0.744869.678311.55060.809235.00373.6740
nnunet0.867810.02313.37040.85589.25651.6221
Table 2. (A) Results obtained on the external test set by the segmentation models trained on the transitional zone segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results (based on Table A2) for both the full and cropped volumes are presented in green. (B) Results obtained by the segmentation models on transitional zone segmentation task. The results presented are the mean scores from the validation data over the five folds. The best results for both the full and cropped volumes are presented in red.
Table 2. (A) Results obtained on the external test set by the segmentation models trained on the transitional zone segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results (based on Table A2) for both the full and cropped volumes are presented in green. (B) Results obtained by the segmentation models on transitional zone segmentation task. The results presented are the mean scores from the validation data over the five folds. The best results for both the full and cropped volumes are presented in red.
(A)
TzCropped Tz
MDSCIMHD (mm)ASD (mm)MDSCIMHD (mm)ASD (mm)
unet0.84230.024314.01531.00920.77900.025014.01531.3668
unet++0.84570.025414.06491.00420.77150.027814.06491.3840
runet0.84690.018612.90540.94500.78950.043212.90541.3410
Aunet0.85090.016414.86670.91090.75430.104514.86671.4419
daunet0.84810.015514.66030.91050.77030.031114.66031.3604
d2unet0.84470.014413.94480.96760.77900.048313.94481.4247
d2Aunet0.83280.045614.55231.96110.77240.035114.55231.3411
r2unet0.83900.036614.47491.07480.77880.057914.13601.3977
r2Aunet0.84560.015213.13921.09380.77990.036513.13921.3406
vnet0.83890.017212.41451.06630.79980.028212.41451.2589
segresnet0.82340.019913.73081.23830.77290.034713.73081.3995
highresnet0.84570.018615.05251.53730.80830.021215.05251.3386
nnunet0.87600.00998.70491.29280.85610.013310.23901.1226
(B)
TzCropped Tz
MDSMHD (mm)ASD (mm)MDSMHD (mm)ASD (mm)
unet0.770022.58222.43790.642416.86152.6838
unet++0.768119.84272.37270.653616.93542.4165
runet0.767119.99932.00270.647717.05202.5169
Aunet0.768021.78332.43540.657716.05252.5444
daunet0.768819.64062.45070.647117.43252.5915
d2unet0.762721.25742.44470.658117.35902.7397
d2Aunet0.763822.93692.38690.658116.74262.5895
r2unet0.763119.81192.55600.652317.33742.8883
r2Aunet0.767221.22822.13500.655314.38132.6186
vnet0.764320.36702.82370.660318.41412.8833
segresnet0.738119.69692.60890.648218.04392.7591
highresnet0.720946.60326.45250.638122.32363.6603
nnunet0.730016.91077.41440.754014.45922.1459
Table 3. (A) Results obtained on the external test set by the segmentation models trained on the peripheral zone segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results (based on Table A3) for both the full and cropped volumes are presented in green. (B) Results obtained by the segmentation models on the peripheral zone segmentation task. The results presented are the mean scores from the validation data over the five folds. The best results for both the full and cropped volumes are presented in red.
Table 3. (A) Results obtained on the external test set by the segmentation models trained on the peripheral zone segmentation task. The results presented are the mean scores of the 5-fold models over all the samples on the external test set. The best results (based on Table A3) for both the full and cropped volumes are presented in green. (B) Results obtained by the segmentation models on the peripheral zone segmentation task. The results presented are the mean scores from the validation data over the five folds. The best results for both the full and cropped volumes are presented in red.
(A)
PzCropped Pz
MDSCIMHD (mm)ASD (mm)MDSCIMHD (mm)ASD (mm)
unet0.75450.030022.11931.52150.76560.032615.87111.1443
unet++0.75570.036321.65451.44840.76660.032815.81221.1031
runet0.74720.029623.00291.49380.76270.024315.82781.1482
aunet0.76320.028019.65211.27250.76110.036015.00161.1684
daunet0.75760.038420.18541.31090.76550.034915.12581.1131
d2unet0.75970.033622.96871.43040.76440.032715.52921.0531
d2aunet0.76140.021921.22041.56460.76770.025815.09991.1449
r2unet0.75630.028024.63771.20070.77000.030715.45051.1609
r2aunet0.76560.029419.66291.27780.76890.034314.81061.1195
vnet0.74200.031522.00891.78180.75730.029715.96041.1659
segresnet0.73290.028521.45161.45790.74560.038015.92651.2347
highresnet0.75600.030135.70662.27810.77190.020318.42391.1279
nnunet0.80290.00639.86931.02100.76860.011014.40541.1633
(B)
PzCropped Pz
MDSMHD (mm)ASD (mm)MDSMHD (mm)ASD (mm)
unet0.616026.92972.77190.621721.31452.0339
unet++0.612937.07873.54820.606419.89302.3919
runet0.582819.59942.85430.610422.13872.4339
aunet0.622420.81842.51880.614120.36422.5048
daunet0.628223.04503.00150.625220.25312.0680
d2unet0.622218.99752.55210.638716.33581.9674
d2aunet0.621826.79742.62370.637217.84842.1356
r2unet0.627327.96542.59340.630821.72362.2581
r2aunet0.622821.54212.74000.630017.17942.0054
vnet0.584840.89164.77200.585323.13732.5561
segresnet0.610621.52142.54090.533941.50314.4359
highresnet0.566960.20085.05040.607519.76732.8573
nnunet0.683513.45271.82240.603817.60852.5589
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Rodrigues, N.M.; Silva, S.; Vanneschi, L.; Papanikolaou, N. A Comparative Study of Automated Deep Learning Segmentation Models for Prostate MRI. Cancers 2023, 15, 1467. https://doi.org/10.3390/cancers15051467

AMA Style

Rodrigues NM, Silva S, Vanneschi L, Papanikolaou N. A Comparative Study of Automated Deep Learning Segmentation Models for Prostate MRI. Cancers. 2023; 15(5):1467. https://doi.org/10.3390/cancers15051467

Chicago/Turabian Style

Rodrigues, Nuno M., Sara Silva, Leonardo Vanneschi, and Nickolas Papanikolaou. 2023. "A Comparative Study of Automated Deep Learning Segmentation Models for Prostate MRI" Cancers 15, no. 5: 1467. https://doi.org/10.3390/cancers15051467

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop