Next Article in Journal
DAG-Based Formal Modeling of Spark Applications with MSVL
Next Article in Special Issue
An Overview on the Advancements of Support Vector Machine Models in Healthcare Applications: A Review
Previous Article in Journal
CAPTIVE: Constrained Adversarial Perturbations to Thwart IC Reverse Engineering
Previous Article in Special Issue
Computer Vision Tasks for Ambient Intelligence in Children’s Health
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Exploring the Potential of Ensembles of Deep Learning Networks for Image Segmentation

1
Department of Information Engineering, University of Padova, 35122 Padova, Italy
2
Department of Computer Science and Engineering, University of Bologna, 40126 Cesena, Italy
*
Author to whom correspondence should be addressed.
Information 2023, 14(12), 657; https://doi.org/10.3390/info14120657
Submission received: 23 November 2023 / Accepted: 6 December 2023 / Published: 12 December 2023
(This article belongs to the Special Issue Computer Vision, Pattern Recognition and Machine Learning in Italy)

Abstract

:
To identify objects in images, a complex set of skills is needed that includes understanding the context and being able to determine the borders of objects. In computer vision, this task is known as semantic segmentation and it involves categorizing each pixel in an image. It is crucial in many real-world situations: for autonomous vehicles, it enables the identification of objects in the surrounding area; in medical diagnosis, it enhances the ability to detect dangerous pathologies early, thereby reducing the risk of serious consequences. In this study, we compare the performance of various ensembles of convolutional and transformer neural networks. Ensembles can be created, e.g., by varying the loss function, the data augmentation method, or the learning rate strategy. Our proposed ensemble, which uses a simple averaging rule, demonstrates exceptional performance across multiple datasets. Notably, compared to prior state-of-the-art methods, our ensemble consistently shows improvements in the well-studied polyp segmentation problem. This problem involves the precise delineation and identification of polyps within medical images, and our approach showcases noteworthy advancements in this domain, obtaining an average Dice of 0.887, which outperforms the current SOTA with an average Dice of 0.885.

1. Introduction

Image semantic segmentation [1] involves dividing an image into distinct, nonoverlapping sections with similar properties. It is a fundamental task in computer vision and image processing. The development of convolutional neural networks (CNNs) has significantly advanced deep learning-based image semantic segmentation, finding applications in various domains like autonomous driving, medical imaging, indoor navigation, virtual reality, and augmented reality. For example, image semantic segmentation plays a vital role in autonomous vehicle driving by segmenting the different elements in the scene, such as roads, vehicles, pedestrians, traffic signs, and obstacles. This information helps the autonomous system make accurate decisions and navigate safely. In medical imaging, image semantic segmentation is employed to identify and segment different anatomical structures or abnormalities in images, including organs, tumors, lesions, blood vessels, and tissues. This assists in diagnosis, treatment planning, and monitoring of diseases; for example, clinical practice often involves using object identification to detect polyps, while, in skin and blood analysis, it can help identify diseases.
Semantic segmentation involves grouping similar components of an image that belong to the same class. Traditional methods for image segmentation are pixel-based, edge-detection-based, or region-based, but they have limitations: for instance, edge-detection-based methods encounter challenges in forming closed regions, while region-based methods struggle to accurately segment edges [2].
For a long time, the ability to recognize and segment objects in images has been a unique trait of humans. The growth of deep learning, particularly convolutional neural networks (CNNs), has greatly improved the performance of semantic image segmentation, enabling accurate and efficient segmentation in various application domains. The fully convolutional network (FCN) [3] was one of the first attempts to create a CNN-based image segmentation network, where the traditional fully connected layer was replaced by a fully convolutional layer. U-Net [4] is another popular DNN architecture for image segmentation. It consists of an encoder–decoder structure with skip connections that help preserve spatial information. U-Net is widely used in medical image segmentation tasks due to its ability to handle limited training data effectively. DeepLab [5] is a family of DNN architectures designed for semantic image segmentation that utilizes atrous (dilated) convolutions to capture multiscale contextual information effectively. SegNet [6] is an encoder–decoder style DNN architecture for semantic segmentation. It utilizes pooling indices during the encoding phase to efficiently upsample feature maps during decoding. SegNet achieves good results while being computationally efficient.
These and other deep learning approaches [1] based on convolutional neural networks (CNNs) have demonstrated remarkable accuracy in various semantic segmentation tasks. However, CNNs have limitations in capturing global relationships in images due to their localized convolutional operations. As a result, alternative methods such as vision transformers (ViT) [7] and pyramid vision transformers (PVT) [8] have been developed. ViTs and PVT are advanced computer vision techniques that have revolutionized image understanding and achieved state-of-the-art (SOTA) performance in visual recognition tasks. ViTs utilize self-attention mechanisms within the transformer architecture to process images divided into fixed-size patches. This enables capturing global dependencies and long-range relationships between patches. On the other hand, PVT combines CNNs and ViTs by employing a hierarchical approach with multiscale feature pyramids. PVT uses transformers to model relationships between features at different scales, integrating local details and the global context through innovative attention modules. PVT is trained with a combination of supervised and self-supervised learning methods to enhance its robustness and generalization capabilities.
Despite the significance of the methods mentioned, there is still room for enhancing their segmentation capabilities by combining them into an ensemble. Ensemble learning is a machine learning strategy that combines multiple models, called base learners, to achieve more accurate predictions or decisions than any individual model can achieve alone [9]. The concept behind ensemble learning is to leverage the collective intelligence of diverse models to enhance overall performance. In ensemble learning, base learners can be trained on the same dataset using different algorithms, parameters, or training sets. Each base learner learns from the data and generates its prediction, which is then aggregated with the others to produce the final prediction. Ensemble learning offers several advantages, including improved prediction accuracy, reduced overfitting, and increased robustness to noisy data. It is particularly effective when the base learners are diverse and make uncorrelated errors [9].
Given the significance of the aforementioned methods and the potential enhancement in segmentation accuracy through their combination, we propose an investigation into the applicability of different topologies of networks (CNN [10], PVT [11], and mixed CNN and transformer [12]) for semantic image segmentation. Additionally, we explore the performance improvement of an ensemble that integrates these methods to evaluate its impact on segmentation performance. This research builds upon prior work [13,14,15], which focused on a limited number of case studies and models. The novelty of our research with respect to previous works lies in the proposal of ensembles that encompass a wide range of network architectures, models, and data augmentation techniques. Our experimental results demonstrate that, through these strategies, we can construct robust and efficient ensembles for a diverse array of segmentation problems without the need for extensive hyperparameter tuning.
The structure of this paper is as follows. In Section 2, we present a review of ensemble approaches. In Section 3 and Section 4, we introduce and test an ensemble composed of different convolutional and transformers topologies that achieves SOTA performance. Section 5 and Section 6 conclude the discussion with some final remarks.

2. Literature Review

2.1. Ensemble Approaches

As anticipated in Section 1, ensemble methods combine the outputs of multiple classifiers to improve classification performance. Component classifiers are called base learners or, sometimes, weak learners, thus highlighting that the performance of the individual components of the ensemble is not decisive. What has been experimentally proven to be crucial is the degree of diversity among the ensemble components ([16] and the references therein). In other words, base learners should generalize differently [17] and, first of all, their right and wrong answers on training samples should not be correlated. This key aspect of ensemble learning creates an advantage out of finding that no single classifier works well on all datasets, a fact known as the “no free lunch” theorem. In addition to improved prediction accuracy, other advantages of ensemble methods include the ability to increase performance without additional training data, which are notoriously difficult to obtain in many practical applications, increased robustness to noisy data, and a reduced tendency to overfit the training set [16]. The last advantage is particularly important for deep neural networks, which are prone to overfitting [9].
Ensemble approaches were proposed well before deep learning, with the first scientific works dating to the 1990s [17]. Over more than three decades, several methods, both supervised and semisupervised [18], have been proposed to build ensembles while ensuring diversity, and combining the answers of the base classifiers themselves. As far as building strategies are concerned, two renowned methods are boosting [19], where different base learners are trained on the same data, and bagging [20], where a single base learner is trained multiple times on different data. In [19], boosting is theoretically analyzed and it is proved that, by “filtering” the data used to learn the classifiers, the error of the ensemble classifier as defined in the PAC model [21,22] can be made smaller than ε with probability 1 δ for any 0 < ε < 1 / 2 . A consequence of the constructive proof is that a labeled sample of size n of any learnable concept can be compressed into a rule of size only polylogarithmic in n. The analysis for bagging in [20] is not entirely quantitative. The fundamental idea is to build multiple training sets of size n by sampling the available n data multiple times, with replacement. This procedure was first introduced in statistics with the name bootstrapping [23]. If the training process is “unstable”, that is, bootstrapped sets produce quite different classifiers, then the combined output of such classifiers exhibits higher accuracy.

2.2. Ensemble Combination Strategies

As mentioned earlier, different methods have also been proposed to combine the answers of the base classifiers, a crucial step known as voting. Popular fusion strategies that are easy to implement in practice are majority voting and the average rule [9]. The former dictates that the final output of the ensemble is the class on which the maximum number (for nonbinary problems, not necessarily the majority) of base learners agree. For semantic segmentation, majority voting implies that a pixel is assigned to the predicted mask if the majority of the base learners predict so. The average rule, which is applicable when the classification result is a continuous value, stipulates that the final output is the mean of the outputs of the base learners. This strategy is attractive for semantic segmentation, where the output of the learners is typically a per-pixel probability of that pixel belonging to the mask. The average rule is the simplest member in a family of strategies based on the output of the base learners [24]. A prominent variant of the average rule is the weighted average rule, where the sum is performed with weights assigned to the base learners according to their performance on the training or validation set.

2.3. Ensembles in Deep Learning

In recent years, ensemble strategies have been successfully applied in deep learning:
  • For different tasks, including image classification, detection, and segmentation;
  • In several application domains, including healthcare, speech analysis, forecasting, fraud prevention, and information retrieval.
This paper addresses the task of image segmentation in multiple application domains: healthcare, detection of skin and camouflaged objects, gesture recognition, human activity recognition, and portrait segmentation. SOTA results in such domains are reported in Section 4 as baselines for our experiments. For a broader review of ensembles in deep learning, we refer the interested reader to the recent survey in [25].

3. Materials and Methods

In this section, we will outline the methods and techniques used in creating our ensemble models.
In our experimentation, we examine various ensembles constructed from four distinct network architectures. These networks were selected to diversify our feature representations for semantic segmentation. Each network was carefully chosen based on its unique characteristics:
  • DeepLabV3+ [26] and HarDNet-MSEG [10] are both convolutional neural network (CNN)-based architectures with different encoder structures, offering distinct feature representations. DeepLabV3+ excels in semantic segmentation, while HarDNet-MSEG provides unique multiscale feature extraction;
  • Polyp-PVT [11] represents a transformer-based architecture, offering a different approach to feature extraction and context modeling, which complements CNNs;
  • HSNet [12] is a hybrid architecture that combines CNN and transformer components, exploiting the advantages of both, resulting in a broader range of feature representations and contextual information.
These networks are state-of-the-art within their respective categories. By ensembling networks from diverse architectural backgrounds, we harnessed the richness of feature representations, mitigating biases and errors inherent to a single model. This diversity allowed us to capture a wide range of patterns and contexts, enhancing segmentation performance and robustness.
Regarding optimization techniques, we used Adam for HarDNet-MSEG, AdamW for Polyp-PVT and HSNet, and stochastic gradient descent (SGD) for DeepLabV3+, in line with the original papers.

3.1. Loss Functions

The type of loss function used can affect the training and performance of a model in semantic segmentation tasks. One common loss function used is pixel-wise cross-entropy, which evaluates the accuracy of predicted labels at the pixel level. However, this approach can be problematic when the dataset is unbalanced in terms of labels, which can be addressed by using counterweights. In this work, we employed a variety of loss functions for semantic segmentation, each chosen for specific reasons based on its appropriateness in addressing different challenges in the segmentation task. Our primary objective was to establish a diverse array of loss functions rooted in various underlying principles. This approach was pursued with the aim of optimizing the overall performance of our ensemble model. The types of loss functions used in this study can be categorized into the following groups:
  • Dice-Based Loss Functions:
    The Generalized Dice Loss L G D ( Y , T ) is a multiclass variant of the Dice Loss;
    The Focal Generalized Dice Loss L F G D ( Y , T ) is the focal version of the Generalized Dice Loss, emphasizing hard-to-segment regions while downplaying well-segmented areas;
    The Log-Cosh Dice Loss L l c G D ( Y , T ) is a combination of the Dice Loss and the Log-Cosh function, applied with the purpose of smoothing the loss curve.
  • Tversky-Based Loss Functions:
    The Tversky Loss L T ( Y , T ) is a weighted version of the Tversky index designed to deal with unbalanced classes;
    The Focal Tversky Loss L F T ( Y , T ) is a variant of the Tversky loss where a modulating factor is used to ensure that the model focuses on hard samples instead of properly classified examples;
    The Log-Cosh Focal Tversky Loss L l c F T ( Y , T ) is based on the same idea of smoothing, here applied to the Focal Tversky Loss.
  • Structural Similarity-Based Loss Functions:
    The SSIM Loss L S ( Y , T ) is obtained from the Structural similarity (SSIM) index, usually adopted to evaluate the quality of an image;
    The MS-SIM Loss L M S ( Y , T ) is a variant of L S ( Y , T ) defined using the multiscale structural similarity (MS-SSIM) index.
  • Boundary-Based Loss Functions:
    The Boundary Enhancement Loss ( L B E ) explicitly focuses on the boundary areas during training. The Laplacian filter L ( · ) is used to generate strong responses around the boundaries and zero everywhere else; see [13] for details. We gather Dice Loss, Boundary Enhancement loss, and the Structure Loss together, weighted appropriately: L D i c e B E S = λ 1 L D i c e + λ 2 L B E + L S t r . We set λ 1 = 1 and λ 2 = 0.01 ;
    The Structure Loss is a combination of the weighted Intersect over Union ( L w I o U ) and the weighted binary-crossed entropy loss L w b c e . We refer the reader to [10] for details. The weights in this loss function are determined by the importance of each pixel, which is calculated from the difference between the center pixel and its surrounding pixels. To give more importance to the binary-crossed entropy loss, we used a weight of 2, as suggested in [10], for it: L S T R = L w I o U + 2 L w b c e .
  • Combined Loss Functions:
    The losses described above can be combined in different ways; notice that each component has the same weight equal to 1:
    C o m b 1 ( Y , T ) = L F G D ( Y , T ) + L F T ( Y , T ) ,
    C o m b 2 ( Y , T ) = L l c G D ( Y , T ) + L F G D ( Y , T ) + L l c F T ( Y , T ) ,
    C o m b 3 ( Y , T ) = L S ( Y , T ) + L G D ( Y , T ) ,
    C o m b 4 ( Y , T ) = L M S ( Y , T ) + L F G D ( Y , T ) .
These loss functions were selected based on their specific characteristics and suitability for addressing various segmentation challenges. For example, Dice-based loss functions are known for their ability to capture fine details, making them suitable for high-resolution image segmentation. Tversky-based loss functions, on the other hand, are effective in handling class imbalance, making them valuable for datasets with uneven class distributions. Boundary-based losses are designed to focus on the accurate delineation of object boundaries within segmented regions. These losses aim to penalize errors in boundary localization and promote precise edge detection. Lastly, SSIM-based loss functions offer a different perspective by evaluating the structural similarity between the predicted and ground truth masks, which can be beneficial for certain types of segmentation tasks. The choice of these diverse loss functions allows us to take advantage of their unique strengths to effectively address different segmentation problems. This flexibility in loss function selection enhances the robustness and performance of our semantic segmentation model.
For a more detailed description of the set of loss functions, the interested reader can refer to [10,13].

3.2. Data Augmentation

The training of the segmentation network and the final performance of the system are strongly affected by the size of the training set. In order to increase the amount of data available for training a system, various techniques can be applied to the original dataset. In this work, we applied the data augmentation techniques investigated in [12,13]. The choice of these particular data augmentation techniques was informed by both empirical evidence from previous experiments, which demonstrated their effectiveness in enhancing segmentation performance, and the need to enhance diversity among classifiers by incorporating various types of data augmentation.
  • Data Augmentation 1 (DA1) [13] is obtained through horizontal flip, vertical flip, and 90° rotation;
  • Data Augmentation 2 (DA2) [13] consists of 13 operations, some changing the color of an image and some changing its shape;
  • Data Augmentation 3 (DA3) is a variant of the approach used in [12]. It consists of using multiscale strategies (i.e., 1.25, 1, 0.75) to alleviate the sensitivity of the network to scale variability. Simultaneously, random perspective technology is adopted to process the input image with a probability of 0.5, together with random color adjustment with a probability of 0.2 for data augmentation. While DA1 and DA2 do not include randomness, DA3 uses a different training set for each network. The application of this data augmentation technique substantially amplifies result variability within the network, consequently fostering greater diversity among ensemble constituents.
Some artificial images, mainly produced by the DA2 method, contain only background pixels. To discard them, we simply removed all images with fewer than 100 pixels belonging to the foreground class. Moreover, we also discarded images that did not contain background pixels.

3.3. Performance Metrics

As performance indicators, we used two standard metrics: the Dice score and the intersection over union (IoU). These metrics ensure comparability with other works, provide insight into segmentation accuracy, and are suitable for a variety of datasets. The true positives, true negatives, false positives, and false negatives in the formulas below are represented by TP, TN, FP, and FN, respectively. A is the predicted mask and B is the ground truth mask. The Dice score is defined as:
F 1 S c o r e = D i c e = | A B | | A | + | B | = 2 · T P 2 · T P + F P + F N .
The intersection over union (IoU) is defined as:
I o U = | A B | | A B | = T P T P + F P + F N .

3.4. Datasets and Testing Protocols

We conducted experiments with our ensembles on nine datasets, selected for our study because they present diverse and well-documented image segmentation challenges. These datasets serve as a demonstration of the applicability and versatility of our ensemble approach to a wide range of image types and applications, offering valuable insights into the model’s performance across various scenarios. Additionally, we exclusively chose freely downloadable datasets to establish a benchmark that can be accessed and used by the entire community.
The following subsections include a brief description of the nine datasets used in this work (Figure 1).

3.4.1. Polyp Segmentation (POLYP)

Polyp segmentation in colonoscopy images is a challenging task that involves distinguishing between two classes: polyp pixels and the low-contrast background of the colon. In our study, we conducted experiments on five different datasets widely used [12] for polyp segmentation.
  • The Kvasir-SEG dataset comprises medical images that have been meticulously labeled and verified by medical professionals. These images depict various segments of the digestive system, showcasing both healthy and diseased tissue. The dataset encompasses images with varying resolutions, ranging from 720 × 576 pixels to 1920 × 1072 pixels, organized into folders based on their content. Some of these images also include a small picture-in-picture display indicating the position of the endoscope within the body;
  • The CVC-ColonDB dataset consists of images designed to offer a diverse range of polyp appearances, maximizing dataset variability;
  • CVC-T serves as the test set of a larger dataset named CVC-EndoSceneStill;
  • The ETIS-Larib dataset comprises 196 colonoscopy images;
  • CVC-ClinicDB encompasses images extracted from 31 videos of colonoscopy procedures. Expert annotations identify the regions affected by polyps, and ground truth data are also available for light reflections. The images in this dataset are uniformly sized at 576 × 768 pixels.
Our training set comprised 1450 images sourced from the largest datasets, with 900 images from Kvasir and 550 images from ClinDB. The remaining images, including 100 from Kvasir, 62 from ClinDB, and all images from ColDB, CVC-T, and ETIS, constituted the test set for our experiments (Table 1). According to previous works [10,11,12], we used mean Dice (mDic) and mean IoU (mIoU) as performance indicators on this problem.
The polyp datasets are available at https://github.com/james128333/HarDNet-MSEG, (accessed on 5 December 2023).

3.4.2. Skin Segmentation (SKIN)

In the context of skin detection, the segmentation task involves identifying parts of an image that correspond to “skin” or “non-skin”, which makes it essentially a binary classification problem. In this paper, we employed the framework introduced in [27] for a fair comparison of skin detection approaches. This framework is based on a small training set consisting of 2000 images from the ECU dataset [28] and 10 diverse testing datasets, as outlined in Table 2. Following the testing protocol outlined in [27], we calculated the Dice score at the pixel level, not at the image level, and then computed the average score across each dataset; finally, the average Dice score on the test sets was considered.

3.4.3. Leukocyte Segmentation (LEUKO)

Leukocyte recognition is the task of segmenting the white blood cells from the background, with the aim of diagnosing many diseases such as leukemia and infections. In our experiments, we used the freely available LISC database [29], which is a collection of 250 hematological images extracted from the peripheral blood of eight healthy people. Images were acquired at a high resolution (720 × 576 pixels) and manually labeled to segment different types of leukocytes; notice that there is no imbalance in the number of images between different types of leukocytes. In this work, we did not perform classification; therefore, we only consider segmentation performance. The testing protocol, as suggested by the authors of the dataset, is a 10-fold cross-validation approach. LISC is available at https://users.cecs.anu.edu.au/~hrezatofighi/Data/Leukocyte%20Data.htm (accessed on 5 December 2023).

3.4.4. Butterfly Identification (BFLY)

As already proposed in the literature, for butterfly identification, we adopted the public Leeds Butterfly dataset [30]. For a fair comparison with previous results, we used the same testing protocol proposed by the authors of the dataset, that is, a 4-fold cross-validation approach, where each fold includes 208 test images and 624 training images. The dataset is available at https://www.josiahwang.com/dataset/leedsbutterfly/ (accessed on 5 December 2023).

3.4.5. Microorganism Identification (EMICRO)

For the task of identifying microorganisms, we selected the Environmental Microorganism Image Dataset Version 6 (EMDS-6). Proposed in [31], it is a public dataset with 840 images. Following the original paper, we assigned 37.5% of the images to the test set. EMDS-6 is available at https://figshare.com/articles/dataset/EMDS-6/17125025/1 (accessed on 5 December 2023).

3.4.6. Ribs Segmentation (RIBS)

The goal of this application is the semantic segmentation of ribs from chest radiographs. The training and testing samples come from the VinDr-RibCXR dataset [32], which is a small, publicly available dataset for the segmentation and labeling of the anterior and posterior ribs. The dataset contains 245 anteroposterior/posteroanterior chest X-ray images and the corresponding masks, created by human experts. We split the dataset into a training and a test set in the same way as that used by the original authors of [32].

3.4.7. Locust Segmentation (LOC)

The detection and segmentation of locusts is crucial for plant protection robots to effectively capture and eliminate them. However, locusts often have colors and textures that blend in with their surroundings, making it difficult for common segmentation methods to accurately distinguish them. This poses a challenge for efficient locust control. The same dataset used in [33] was tested. There are 874 images in the training set and 120 images in the test set.

3.4.8. Portrait Segmentation (POR)

Portrait segmentation is widely used as a preprocessing step in various applications such as security systems, entertainment, and video conferences. For this study, we utilized the EG1800 dataset [34], which includes 1447 images for training and 289 images for validation. In addition, 62.63% of the pixels belong to the foreground class; thus, it is a fairly balanced dataset. POR can be accessed at https://github.com/HYOJINPARK/ExtPortraitSeg (accessed on 5 December 2023).

3.4.9. Camouflaged Segmentation (CAM)

The CAMO dataset [35] was specifically created to identify and separate camouflaged objects in images. It includes two categories: those that are naturally camouflaged, such as animals, and those that are artificially camouflaged, often corresponding to humans. The dataset contains a total of 1250 images, with 1000 reserved for training and 250 for testing.

4. Experimental Results

Our extensive empirical evaluation aimed to assess the performance of our ensembles. The evaluation was carried out on several real-world datasets, as described in Section 3.4. All networks were trained by resizing the images to a consistent input size. For the test set, we resized the input images to the input dimensions of the network and resized the output masks to the original image size to calculate the performance metrics.
We performed two different sets of tests.
  • In Section 4.1, different methods for building an ensemble of DeepLabV3+ models are tested and compared;
  • In Section 4.2, the ensemble of different topologies is tested and the different methods for building the output mask of HArdNet, HSN and PVT are compared.
We selected the specific ensemble architectures in our work for their ability to complement each other, combining different strengths and mitigating weaknesses. The diversity of the ensemble members was a key factor in our selection, as it contributes to the overall robustness and adaptability of the ensemble. The experiments between the various topologies are not symmetrical, given the different computation times for training.

4.1. Experiments: DeepLabV3+

In this section, we compare various methods to create a DeeplabV3+ ensemble. The fusion was performed by the average rule if not specified otherwise. The optimization parameters were not modified (i.e., they were the same in all the tested datasets) to prevent overfitting phenomena.
  • Initial learning rate = 0.01;
  • Number of epoch = 10 or 15 (it depended on data augmentation: see below);
  • Momentum = 0.9;
  • L2Regularization = 0.005;
  • Learning Rate Drop Period = 5;
  • Learning Rate Drop Factor = 0.2;
  • Shuffle training images at every epoch;
  • Optimizer = SGD (stochastic gradient descent).
We tested some backbones for coupling with DeepLabV3+: ResNet18 (RN18) pretrained on ImageNet; ResNet50 (RN50) pretrained on ImageNet; ResNet101 (RN101) pretrained on the VOC segmentation dataset. DeepLabV3+ was trained for 10 epochs if it was coupled with DA1 or for 15 epochs if DA2 was used as the data augmentation approach. Data augmentation approaches are described in Section 3.2. Each ensemble is made up of N models ( N = 1 denotes a stand-alone model); if not specified, each network differs only for the randomization in the training process (i.e., N different trainings were run).
  • ERN18(N) is an ensemble of N RN18 networks trained with DA1;
  • ERN50(N) is an ensemble of N RN50 networks trained with DA1;
  • ERN101(N) is an ensemble of N RN101 networks trained with DA1;
  • E101(10) is an ensemble of 10 RN101 models trained with DA1 and five different loss functions. The final fusion is determined by the formula: 2 × L G D + 2 × L T + 2 × C o m b 1 + 2 × C o m b 2 + 2 × C o m b 3 , where 2 × L x indicates two RN101 models trained using the loss function L x ;
  • EM(10) is a similar ensemble, but the two networks using the same loss (as in E101(10), the five losses are L G D , L T , C o m b 1 , C o m b 2 , C o m b 3 ) were trained once using DA1 and once using DA2;
  • EM2(10) is similar to the previous ensemble, but L D i c e B E S was used instead of L T ;
  • In EM2(5)_DAx, five RN101 networks were trained using the loss of EM2(10). All five networks were trained using data augmentation DAx;
  • EM3(10) is similar to the previous ensemble, but L S T R was used as a loss function.
The results of the experiments are provided in Table 3 and can be summarized as follows:
  • Among stand-alone networks, RN101 obtained the best average performance, but in RIBS (a small training set), it performed worse than the others. This probably happened because it is a larger network than RN18 and RN50, thus it requires a larger training set for better tuning;
  • ERN101(10) always outperformed RN101(1);
  • E101(10) outperformed ERN101(10) with a p-value of 0.0078 (Wilcoxon signed rank test) and EM(10) outperformed E101(10) with a p-value of 0.0352. For the sake of space, we have not reported the performance obtained from individual losses. In any case, there was no winner: the various losses led to similar performances;
  • EM3(10) obtained the highest average performance, but the p-value was quite high: it outperformed EM(10) with a p-value of 0.1406 and EM2(10) with a p-value of 0.2812;
  • There was no statistical difference between the performance of EM2(5)_DA1 and EM2(5)_DA2. Instead, EM2, using both data augmentation methods, achieved better performance (on average) than EM2(5)_DA1 and EM2(5)_DA2.
The IoU performance indicator is only reported in Table 4 for the best ensembles. Using IoU, we confirmed the conclusions obtained with Dice, i.e., EM3(10) obtained the highest average performance but the p-value was quite high; it outperformed EM(10) with a p-value of 0.1484 and EM2(10) with a p-value of 0.2656.
All these conclusions were obtained using a range of diverse datasets, so we are fairly confident that these results are reliable.

4.2. Experiments: Combining Different Topologies

Each network was trained end-to-end for 50 epochs, with a batch size of 20. HardNet-MSEG, PVT, and HSNet were trained using the structure loss function and the following learning rates:
  • LRa: 10 4 ;
  • LRb: 5 × 10 4 decaying to 5 × 10 5 after 10 epochs;
  • LRc: 5 × 10 5 decaying to 5 × 10 6 after 30 epochs.
We removed the normalization layer from the HardNet, PVT, and HSN models. In the original versions of these models, the segmentation maps are normalized between 0 and 1 before being output, even though there are no foreground pixels in the image. However, this assumption may not hold for all datasets. As a result, the segmentation results obtained using the modified HardNet, PVT, and HSN models may differ slightly from the original results. Additionally, we changed the way the final segmentation maps are processed in the PVT and HSN models. In the original versions, the maps are summed and then passed through a sigmoid function: this saturates the sigmoid and the network output is very sharp; hence, the average rule among outputs of HSNs and PVTs is almost like a voting rule. In our modified versions (named SM), we pass each map separately through the sigmoid and average the results. Our output is given by:
i = 1 n S s i g m o i d ( P i ) / n S ,
where P i is a segmentation map and n S is the number of segmentation maps of the topology.
Table 5, Table 6 and Table 7 report the performance of the three networks (that is, HardNet-MSEG, PVT, and HSNet) by varying the data augmentation (DA) and the learning rate (LR) on four problems. For Table 6 and Table 7, the SM column indicates whether we were using the original output of HSN and PVT (SM = No) or the segmentation maps we previously described (SM = Yes). The last rows of Table 5, Table 6 and Table 7 report the performance of the following ensembles:
  • Fusion: the combination of all the nets while varying the DA and LR strategy;
  • Baseline Ensemble: fusion between nine networks (the same size of Fusion) obtained via retraining DA3-LRc nine times;
  • SOTAEns: The best ensemble, related to a given topology, previously reported in [13,14,15]. It is important to note that, in this way, we show the comparison with the best previous results of that network in that dataset, on average, improving on the previous results.
The conclusions that can be drawn from the results in the tables are as follows:
  • Fusion obtained the best performance, outperforming (on average) the stand-alone approaches and previous best ensemble (SOTAEns);
  • There was no clear winner among the different data augmentation approaches and learning rate strategies;
  • The proposed Fusion ensemble always improved the Baseline Ensemble except in CAMO. In this dataset, there was a significant difference in the performance between LRc and the other learning strategies; combining only the three networks based on LRc (i.e., using the three data augmentations coupled with LRc), both HS and PVT obtained a Dice of 0.830, outperforming the Baseline Ensemble.
In summary, the data in the aforementioned tables suggest that using the proposed ensemble segmentation method improved the performance of previous HSN and PVT ensembles.
In Table 8, our ensembles are compared with the state of the art (SOTA) reported in the literature. In our final proposed ensembles, the methods were combined with the weighted average rule: weight 1 for EM3 and Fusion(FH); weight 2 for Fusion(PVT) and Fusion(HSN). We report the performance of the following ensembles:
  • Ens1: EM3(10) ⊖ Fusion(FH) ⊖ Fusion(PVT) ⊖ Fusion(HSN). See Figure 2;
  • Ens2: Fusion(FH) ⊖ Fusion(PVT) ⊖ Fusion(HSN);
  • Ens3: Fusion(PVT) ⊖ Fusion(HSN).
It is clear that combining different network architectures led to higher performance than with a single topology. Moreover, we obtained SOTA performance. For instance, in EMicro, the authors of the dataset reported a Dice score of 0.884, and our ensembles obtained a higher 0.927 Dice score. Compared with previous work, we standardized the data augmentation step, which was previously implemented in different languages for CNNs (Matlab) and transformers (Python); in this work, we only used the data augmentation created by Matlab. This led to small differences in performance, e.g., the implementation used in this paper of the data augmentation method detailed in [14] obtained an average Dice of 0.891 instead of 0.895, so the method proposed in this work is our suggested ensemble. In addition, this ensemble was tested on four datasets, so we are more confident that the proposed approach will perform well in other datasets.
Some inference masks are shown in Figure 3. They demonstrate that our ensemble model produces better boundary results and makes more accurate predictions with respect to the best stand-alone net (PVT). Finally, Table 9 presents a performance comparison between the proposed ensemble Ens2 and recent models developed and available in the literature for the polyp segmentation problem. Compared to the literature, considering average performance, the proposed ensemble outperformed the methods proposed in the literature. In Table 10, the skin segmentation performance for each of the 10 skin datasets is reported for Ens2 and stand-alone networks; each stand-alone network was coupled with DA3 and LRc. It is clear that Ens2 strongly outperformed the stand-alone approaches.

5. Discussion

The results presented in Section 4 offer valuable insight into the effectiveness of our proposed ensemble segmentation approach. In this dedicated discussion, we dive deeper into these findings and their implications.

5.1. Performance and Ensemble Comparison

Our experiments demonstrate that the fusion-based ensemble consistently outperformed both the stand-alone approaches and the previous ensemble method. This robust performance improvement is a key highlight of our research. The fusion approach, which combines diverse network architectures, models, and data augmentation techniques, showcased its potential as a powerful tool to improve segmentation accuracy across a wide range of problems. This finding underlines the adaptability and utility of ensemble methods, particularly those that draw upon multiple sources of variation.

5.2. Data Augmentation and Learning Rate Strategies

While we explored various data augmentation techniques and learning rate strategies, there was no definitive standout approach across all datasets. The choice of data augmentation and learning rate strategy did not yield a clear winner, indicating the complex and dataset-specific nature of these decisions. However, our ensemble approach was demonstrated to be effective regardless of these variations, emphasizing its robustness and ability to mitigate the need for extensive hyperparameter tuning.

5.3. Comparative Analysis with the State of the Art

In Table 8, we provide a comprehensive comparison of our ensembles with the SOTA results reported in the literature. Our final proposed ensembles combine multiple methods using a weighted average rule, leading to significant performance gains. It is evident that incorporating different network architectures within our ensembles results in superior performance compared to single-topology ensembles. Furthermore, our approach achieved new SOTA performance in multiple segmentation tasks, underlining the contributions and advancements made by our research.

5.4. Overall Contribution

In summary, our research introduces a novel ensemble segmentation method that leverages the fusion of diverse network architectures, models, and data augmentation techniques. The results illustrate the method’s potential for improving segmentation accuracy without extensive hyperparameter tuning. The ability of our ensembles to consistently outperform previous ensembles and achieve new SOTA performance is a significant contribution to the field of image segmentation. Moreover, the findings support the notion that combining diverse network topologies enhances segmentation outcomes. The results reported in this study provide valuable insights and practical guidance for researchers and practitioners when selecting and composing ensembles for image segmentation tasks. Our work emphasizes the adaptability and robustness of ensemble methods and underscores the potential for their broader application in various domains.

6. Conclusions

Many interesting results were obtained in this work. However, it is essential to acknowledge the limitations of our method to provide a more balanced perspective on the research outcomes. While our experiments produced promising results, we recognize that the generalization of these findings to other application domains may have constraints. To address these limitations, further tests and evaluations will be conducted in the future, with the aim of confirming the following:
  • The fusion of different convolutional and transformer networks can achieve state-of-the-art (SOTA) performance;
  • The application of diverse approaches to the learning rate strategy is a viable method to build a set of segmentation networks;
  • The integration of transformers (HSN and PVT) in an ensemble can be enhanced by modifying the way the final segmentation map is obtained, thereby avoiding excessively sharp masks.
As part of our future work, we also plan to explore techniques such as pruning, quantization, low-ranking factorization, and distillation to reduce the complexity of the ensembles and address potential scalability issues.

Author Contributions

Conceptualization, L.N., C.F. and A.L.; software, L.N. and A.L.; writing—original draft preparation, C.F., A.L. and L.N.; writing—review and editing, C.F., L.N. and A.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

All the resources required to replicate our experiments are available at https://github.com/LorisNanni (accessed on 5 December 2023).

Acknowledgments

We would like to acknowledge the support that NVIDIA provided us through the GPU Grant Program. We used a donated TitanX GPU to train the neural networks discussed in this work.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Hao, S.; Zhou, Y.; Guo, Y. A brief survey on semantic segmentation with deep learning. Neurocomputing 2020, 406, 302–321. [Google Scholar] [CrossRef]
  2. Wang, S.; Mu, X.; Yang, D.; He, H.; Zhao, P. Attention guided encoder-decoder network with multi-scale context aggregation for land cover segmentation. IEEE Access 2020, 8, 215299–215309. [Google Scholar] [CrossRef]
  3. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  4. Siddique, N.; Paheding, S.; Elkin, C.P.; Devabhaktuni, V. U-Net and its variants for medical image segmentation: A review of theory and applications. IEEE Access 2021, 9, 82031–82057. [Google Scholar] [CrossRef]
  5. Chen, L.C.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A.L. DeepLab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected CRFs. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 40, 834–848. [Google Scholar] [CrossRef] [PubMed]
  6. Badrinarayanan, V.; Kendall, A.; Cipolla, R. SegNet: A deep convolutional encoder-decoder architecture for image segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef] [PubMed]
  7. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image is Worth 16 × 16 Words: Transformers for Image Recognition at Scale. arXiv 2021, arXiv:cs.CV/2010.11929. [Google Scholar]
  8. Wang, W.; Xie, E.; Li, X.; Fan, D.P.; Song, K.; Liang, D.; Lu, T.; Luo, P.; Shao, L. Pyramid vision transformer: A versatile backbone for dense prediction without convolutions. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, BC, Canada, 11–17 October 2021; pp. 568–578. [Google Scholar]
  9. Mohammed, A.; Kora, R. A comprehensive review on ensemble deep learning: Opportunities and challenges. J. King Saud Univ. Comput. Inf. Sci. 2023, 35, 757–774. [Google Scholar] [CrossRef]
  10. Huang, C.H.; Wu, H.Y.; Lin, Y.L. HarDNet-MSEG: A Simple Encoder-Decoder Polyp Segmentation Neural Network that Achieves over 0.9 Mean Dice and 86 FPS. arXiv 2021, arXiv:cs.CV/2101.07172. [Google Scholar]
  11. Dong, B.; Wang, W.; Fan, D.P.; Li, J.; Fu, H.; Shao, L. Polyp-PVT: Polyp Segmentation with Pyramid Vision Transformers. arXiv 2023, arXiv:eess.IV/2108.06932. [Google Scholar] [CrossRef]
  12. Zhang, W.; Fu, C.; Zheng, Y.; Zhang, F.; Zhao, Y.; Sham, C.W. HSNet: A hybrid semantic network for polyp segmentation. Comput. Biol. Med. 2022, 150, 106173. [Google Scholar] [CrossRef]
  13. Nanni, L.; Lumini, A.; Loreggia, A.; Formaggio, A.; Cuza, D. An Empirical Study on Ensemble of Segmentation Approaches. Signals 2022, 3, 341–358. [Google Scholar] [CrossRef]
  14. Nanni, L.; Loreggia, A.; Lumini, A.; Dorizza, A. A Standardized Approach for Skin Detection: Analysis of the Literature and Case Studies. J. Imaging 2023, 9, 35. [Google Scholar] [CrossRef] [PubMed]
  15. Nanni, L.; Fantozzi, C.; Loreggia, A.; Lumini, A. Ensembles of Convolutional Neural Networks and Transformers for Polyp Segmentation. Sensors 2023, 23, 4688. [Google Scholar] [CrossRef] [PubMed]
  16. Rokach, L. Ensemble-based classifiers. Artif. Intell. Rev. 2010, 33, 1–39. [Google Scholar] [CrossRef]
  17. Polikar, R. Ensemble Based Systems in Decision Making. IEEE Circuits Syst. Mag. 2006, 6, 21–45. [Google Scholar] [CrossRef]
  18. Dong, X.; Yu, Z.; Cao, W.; Shi, Y.; Ma, Q. A survey on ensemble learning. Front. Comput. Sci. 2020, 14, 241–258. [Google Scholar] [CrossRef]
  19. Schapire, R.E. The strength of weak learnability. Mach. Learn. 1990, 5, 197–227. [Google Scholar] [CrossRef]
  20. Breiman, L. Bagging Predictors. Mach. Learn. 1996, 24, 123–140. [Google Scholar] [CrossRef]
  21. Valiant, L.G. A Theory of the Learnable. Commun. ACM 1984, 27, 1134–1142. [Google Scholar] [CrossRef]
  22. Kearns, M.; Valiant, L.G. Cryptographic Limitations on Learning Boolean Formulae and Finite Automata. J. ACM 1994, 41, 67–95. [Google Scholar] [CrossRef]
  23. Efron, B. Bootstrap Methods: Another Look at the Jackknife. Ann. Stat. 1979, 7, 1–26. [Google Scholar] [CrossRef]
  24. Alexandre, L.A.; Campilho, A.C.; Kamel, M. On combining classifiers using sum and product rules. Pattern Recognit. Lett. 2001, 22, 1283–1289. [Google Scholar] [CrossRef]
  25. Ganaie, M.A.; Hu, M.; Malik, A.K.; Tanveer, M.; Suganthan, P.N. Ensemble deep learning: A review. Eng. Appl. Artif. Intell. 2022, 115, 105151. [Google Scholar] [CrossRef]
  26. Chen, L.C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation. In Proceedings of the Computer Vision—ECCV 2018: 15th European Conference, Munich, Germany, 8–14 September 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 833–851. [Google Scholar] [CrossRef]
  27. Lumini, A.; Nanni, L. Fair comparison of skin detection approaches on publicly available datasets. Expert Syst. Appl. 2020, 160, 113677. [Google Scholar] [CrossRef]
  28. Phung, S.L.; Bouzerdoum, A.; Chai, D. Skin segmentation using color pixel classification: Analysis and comparison. IEEE Trans. Pattern Anal. Mach. Intell. 2005, 27, 148–154. [Google Scholar] [CrossRef] [PubMed]
  29. Liu, Y.; Cao, F.; Zhao, J.; Chu, J. Segmentation of White Blood Cells Image Using Adaptive Location and Iteration. IEEE J. Biomed. Health Inform. 2017, 21, 1644–1655. [Google Scholar] [CrossRef]
  30. Filali, I.; Achour, B.; Belkadi, M.; Lalam, M. Graph ranking based butterfly segmentation in ecological images. Ecol. Inform. 2022, 68, 101553. [Google Scholar] [CrossRef]
  31. Zhao, P.; Li, C.; Rahaman, M.M.; Xu, H.; Ma, P.; Yang, H.; Sun, H.; Jiang, T.; Xu, N.; Grzegorzek, M. EMDS-6: Environmental Microorganism Image Dataset Sixth Version for Image Denoising, Segmentation, Feature Extraction, Classification, and Detection Method Evaluation. Front. Microbiol. 2022, 13, 829027. [Google Scholar] [CrossRef]
  32. Nguyen, H.C.; Le, T.T.; Pham, H.H.; Nguyen, H.Q. VinDr-RibCXR: A Benchmark Dataset for Automatic Segmentation and Labeling of Individual Ribs on Chest X-Rays. arXiv 2021, arXiv:eess.IV/2107.01327. [Google Scholar]
  33. Liu, L.; Liu, M.; Meng, K.; Yang, L.; Zhao, M.; Mei, S. Camouflaged locust segmentation based on PraNet. Comput. Electron. Agric. 2022, 198, 107061. [Google Scholar] [CrossRef]
  34. Park, H.; Sjösund, L.L.; Yoo, Y.; Kwak, N. ExtremeC3Net: Extreme Lightweight Portrait Segmentation Networks using Advanced C3-modules. arXiv 2019, arXiv:cs.CV/1908.03093. [Google Scholar]
  35. Yan, J.; Le, T.N.; Nguyen, K.D.; Tran, M.T.; Do, T.T.; Nguyen, T.V. MirrorNet: Bio-Inspired Camouflaged Object Segmentation. IEEE Access 2021, 9, 43290–43300. [Google Scholar] [CrossRef]
  36. Li, W.; Zhao, Y.; Li, F.; Wang, L. MIA-Net: Multi-information aggregation network combining transformers and convolutional feature learning for polyp segmentation. Knowl.-Based Syst. 2022, 247, 108824. [Google Scholar] [CrossRef]
  37. Wu, Y.H.; Liu, Y.; Zhan, X.; Cheng, M.M. P2T: Pyramid Pooling Transformer for Scene Understanding. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 11, 12760–12771. [Google Scholar] [CrossRef] [PubMed]
  38. Liu, F.; Hua, Z.; Li, J.; Fan, L. DBMF: Dual Branch Multiscale Feature Fusion Network for polyp segmentation. Comput. Biol. Med. 2022, 151, 106304. [Google Scholar] [CrossRef] [PubMed]
  39. Zheng, S.; Lu, J.; Zhao, H.; Zhu, X.; Luo, Z.; Wang, Y.; Fu, Y.; Feng, J.; Xiang, T.; Torr, P.H.; et al. Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Nashville, TN, USA, 20–25 June 2021; pp. 6877–6886. [Google Scholar] [CrossRef]
  40. Chen, J.; Lu, Y.; Yu, Q.; Luo, X.; Adeli, E.; Wang, Y.; Lu, L.; Yuille, A.L.; Zhou, Y. TransUNet: Transformers Make Strong Encoders for Medical Image Segmentation. arXiv 2021, arXiv:2102.04306. [Google Scholar] [CrossRef]
  41. Zhang, Y.; Liu, H.; Hu, Q. TransFuse: Fusing Transformers and CNNs for Medical Image Segmentation. In Proceedings of the Medical Image Computing and Computer Assisted Intervention—MICCAI 2021; de Bruijne, M., Cattin, P.C., Cotin, S., Padoy, N., Speidel, S., Zheng, Y., Essert, C., Eds.; Springer International Publishing: Cham, Switzerland, 2021; pp. 14–24. [Google Scholar] [CrossRef]
  42. Kim, T.; Lee, H.; Kim, D. UACANet: Uncertainty Augmented Context Attention for Polyp Segmentation. In Proceedings of the 29th ACM International Conference on Multimedia, MM’21, Virtual Event, 20–24 October 2021; Association for Computing Machinery: New York, NY, USA, 2021; pp. 2167–2175. [Google Scholar] [CrossRef]
  43. Wei, J.; Hu, Y.; Zhang, R.; Li, Z.; Zhou, S.K.; Cui, S. Shallow Attention Network for Polyp Segmentation. In Proceedings of the Lecture Notes in Computer Science, Strasbourg, France, 27 September–1 October 2021; Including Subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics. Springer: Berlin/Heidelberg, Germany, 2021; Volume 12901. [Google Scholar] [CrossRef]
  44. Zhao, X.; Zhang, L.; Lu, H. Automatic Polyp Segmentation via Multi-scale Subtraction Network. arXiv 2021, arXiv:2108.05082. [Google Scholar] [CrossRef]
  45. Park, K.B.; Lee, J.Y. SwinE-Net: Hybrid deep learning approach to novel polyp segmentation using convolutional neural network and Swin Transformer. J. Comput. Des. Eng. 2022, 9, 616–632. [Google Scholar] [CrossRef]
  46. Song, P.; Li, J.; Fan, H. Attention based multi-scale parallel network for polyp segmentation. Comput. Biol. Med. 2022, 146, 105476. [Google Scholar] [CrossRef]
  47. Xia, Y.; Yun, H.; Liu, Y.; Luan, J.; Li, M. MGCBFormer: The multiscale grid-prior and class-inter boundary-aware transformer for polyp segmentation. Comput. Biol. Med. 2023, 167, 107600. [Google Scholar] [CrossRef]
Figure 1. Samples from the nine datasets. Top row: original images. Bottom row: corresponding masks.
Figure 1. Samples from the nine datasets. Top row: original images. Bottom row: corresponding masks.
Information 14 00657 g001
Figure 2. Schema of ensemble Ens1.
Figure 2. Schema of ensemble Ens1.
Information 14 00657 g002
Figure 3. Segmentation results on the polyp, skin, EMICRO, and CAMO datasets; each line contains original images, ground truth, result from PVT_DA3_LRc, and Ens2. False-positive pixels are in green, while the false negatives are in red.
Figure 3. Segmentation results on the polyp, skin, EMICRO, and CAMO datasets; each line contains original images, ground truth, result from PVT_DA3_LRc, and Ens2. False-positive pixels are in green, while the false negatives are in red.
Information 14 00657 g003
Table 1. Test set for POLYP.
Table 1. Test set for POLYP.
Short NameName#Samples
KvasirKvasir-SEG dataset100
ColDBCVC-ColonDB380
CVC-TCVC-EndoSceneStill300
ETISETIS-Larib196
ClinicDBCVC-ClinicDB612
Table 2. Test set for SKIN. The ECU dataset was split into 2000 images for training and 2000 as a further test set.
Table 2. Test set for SKIN. The ECU dataset was split into 2000 images for training and 2000 as a further test set.
Short NameName#Samples
PratPratheepan78
MCGMCG-skin1000
UCUChile DB-skin103
CMQCompaq4675
SFASFA1118
HGRHand Gesture Recognition1558
SchSchmugge dataset845
VMDHuman Activity Recognition285
ECUECU Face and Skin Detection2000
VTVT-AAST66
Table 3. Dice scores for the proposed DeepLabV3+ ensembles on the nine benchmark datasets. The best performance metrics for each dataset are highlighted in bold.
Table 3. Dice scores for the proposed DeepLabV3+ ensembles on the nine benchmark datasets. The best performance metrics for each dataset are highlighted in bold.
POLYPSKINLEUKOBFLYEMICRORIBSLOCPORCAM
RN18(1)0.8060.8650.8970.9600.9080.8270.8120.9800.624
RN50(1)0.8020.8710.8950.9680.9090.8180.8350.9790.665
RN101(1)0.8080.8710.9150.9760.9180.7760.8300.9810.717
ERN18(10)0.8210.8660.9130.9630.9130.8420.8300.9810.672
ERN50(10)0.8070.8720.8970.9690.9180.8390.8400.9800.676
ERN101(10)0.8340.8780.9250.9780.9190.7790.8380.9820.734
E101(10)0.8420.8800.9250.9800.9210.7850.8410.9840.747
EM(10)0.8510.8830.9360.9830.9240.8330.8540.9850.740
EM2(10)0.8510.8830.9430.9840.9250.8460.8590.9860.731
EM2(5)_DA10.8360.8810.9280.9820.9210.8000.8410.9850.742
EM2(5)_DA20.8470.8690.9480.9850.9200.8600.8420.9830.700
EM3(10)0.8520.8830.9450.9850.9250.8560.8600.9860.728
Table 4. IoU for the best DeepLabV3+ ensembles on the nine benchmark datasets. The best performance metrics for each dataset are highlighted in bold.
Table 4. IoU for the best DeepLabV3+ ensembles on the nine benchmark datasets. The best performance metrics for each dataset are highlighted in bold.
POLYPSKINLEUKOBFLYEMICRORIBSLOCPORCAM
EM(10)0.7870.7980.8870.9660.8690.7140.7690.9710.630
EM2(10)0.7900.7990.8970.9690.8700.7340.7780.9720.621
EM3(10)0.7910.7980.8990.9700.8720.7490.7800.9720.617
Table 5. Dice scores obtained by the HardNet based ensembles. The best performance metrics for each dataset are highlighted in bold.
Table 5. Dice scores obtained by the HardNet based ensembles. The best performance metrics for each dataset are highlighted in bold.
DALRPOLYPSKINEMICROCAM
LRa0.8280.8730.9120.700
HardNetDA1LRb0.8210.8580.9050.667
LRc0.7950.8690.9090.712
LRa0.8520.8700.9120.715
HardNetDA2LRb0.8260.8540.9050.665
LRc0.8460.8720.9100.710
LRa0.8280.8530.9070.653
HardNetDA3LRb0.8320.8390.9040.613
LRc0.8280.8650.9040.694
FusionDA1,2,3LRa,b,c0.8680.8830.9210.726
SOTAEns 0.8630.8860.916
Table 6. Dice scores obtained by the PVT based ensembles. The best performance metrics for each dataset are highlighted in bold.
Table 6. Dice scores obtained by the PVT based ensembles. The best performance metrics for each dataset are highlighted in bold.
DALRSMPOLYPSKINEMICROCAM
LRaNo0.8570.8740.9190.788
DA3DA1LRbNo0.8500.8440.9140.743
LRcNo0.8610.8770.9190.810
LRaNo0.8620.8450.9170.742
PVTDA2LRbNo0.8470.8540.9120.743
LRcNo0.8620.8760.9170.813
LRaNo0.8550.8750.9170.765
PVTDA3LRbNo0.8510.8560.9160.718
LRcNo0.8710.8830.9180.817
FusionDA1,2,3LRa,b,cNo0.8840.8920.9250.813
FusionDA1,2,3LRa,b,cYes0.8850.8920.9260.814
Baseline EnsembleDA3LRc 0.8800.8860.9210.829
SOTAEns 0.8770.8830.922
Table 7. Dice scores obtained by the HSN based ensembles. The best performance metrics for each dataset are highlighted in bold.
Table 7. Dice scores obtained by the HSN based ensembles. The best performance metrics for each dataset are highlighted in bold.
DALRSMPOLYPSKINEMICROCAM
LRaNo0.8470.8730.9190.776
HSNDA1LRbNo0.8520.8160.9160.742
LRcNo0.8600.8730.9190.817
LRaNo0.8570.8730.9210.742
HSNDA2LRbNo0.8490.8500.9180.743
LRcNo0.8730.8730.9190.814
LRaNo0.8660.8630.9220.782
HSNDA3LRbNo0.8540.8560.9130.697
LRcNo0.8660.8760.9240.800
FusionDA1,2,3LRa,b,cNo0.8810.8850.9260.813
FusionDA1,2,3LRa,b,cYes0.8820.8860.9260.812
Baseline EnsembleDA3LRc 0.8760.8790.9230.820
SOTAEns 0.8790.879
Table 8. Comparison with previous SOTA ensembles: Dice scores.
Table 8. Comparison with previous SOTA ensembles: Dice scores.
POLYPSKINEMICROCAM
Ens10.8860.8920.9270.817
Ens20.8870.8930.9270.812
Ens30.8860.8940.9270.805
[13]0.8740.8930.926
[14]0.895
[15]0.885
Table 9. Comparison of performance between the proposed ensembles and recent models developed and available in the literature for the polyp segmentation problem. The best performance metrics for each dataset are highlighted in bold.
Table 9. Comparison of performance between the proposed ensembles and recent models developed and available in the literature for the polyp segmentation problem. The best performance metrics for each dataset are highlighted in bold.
MethodKvasirClinDBColDBETISCVC-TAverage
IoUDiceIoUDiceIoUDiceIoUDiceIoUDiceIoUDice
Ens20.8830.9270.8930.9350.7660.8400.7620.8330.8340.8990.8280.887
HSNet [12]0.8770.9260.9050.9480.7350.810.7340.8080.8390.9030.8180.879
MIA-Net [36]0.8760.9260.8990.9420.7390.8160.7250.80.8350.90.8150.877
P2T [37]0.8490.9050.8730.9230.680.7610.6310.70.8050.8790.7680.834
DBMF [38]0.8860.9320.8860.9330.730.8030.7110.790.8590.9190.8140.875
HarDNet [10]0.8570.9120.8820.9320.660.7310.6130.6770.8210.8870.7670.828
PraNet, from [10]0.840.8980.8490.8990.640.7090.5670.6280.7970.8710.7390.801
SFA, from [10]0.6110.7230.6070.70.3470.4690.2170.2970.3290.4670.4220.531
U-Net++, from [10]0.7430.8210.7290.7940.410.4830.3440.4010.6240.7070.570.641
U-Net, from [10]0.7460.8180.7550.8230.4440.5120.3350.3980.6270.710.5810.652
SETR [39]0.8540.9110.8850.9340.690.7730.6460.7260.8140.8890.7780.847
TransUnet [40]0.8570.9130.8870.9350.6990.7810.660.7310.8240.8930.7850.851
TransFuse [41]0.870.920.8970.9420.7060.7810.6630.7370.8260.8940.7920.855
UACANet [42]0.8590.9120.880.9260.6780.7510.6780.7510.8490.910.7890.85
SANet [43]0.8470.9040.8590.9160.670.7530.6540.750.8150.8880.7690.842
MSNet [44]0.8620.9070.8790.9210.6780.7550.6640.7190.8070.8690.7780.834
Polyp-PVT [11]0.8640.9170.8890.9370.7270.8080.7060.7870.8330.90.8040.869
SwinE-Net [45]0.870.920.8920.9380.7250.8040.6870.7580.8420.9060.8030.865
AMNet [46]0.8650.9120.8880.9360.690.7620.6790.756----
MGCBFormer [47]0.8850.9310.9150.9550.7310.8070.7470.8190.8510.9130.8260.885
Table 10. Comparison of performance between the proposed ensembles and recent models for the skin detection problem. The best performance metrics for each dataset are highlighted in bold.
Table 10. Comparison of performance between the proposed ensembles and recent models for the skin detection problem. The best performance metrics for each dataset are highlighted in bold.
MethodPratMCGUCCMQSFAHGRSchVMDECUVTAVG
Ens20.9280.8960.9130.8700.9560.9720.8040.7700.9560.8610.893
HardNet0.9080.8810.9110.8320.9480.9620.7720.6610.9420.8320.865
PVT0.9190.8910.9060.8600.9500.9700.8060.7260.9500.8490.883
HSN0.9210.8980.9080.8540.9540.9660.7780.6590.9510.8600.876
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

Nanni, L.; Lumini, A.; Fantozzi, C. Exploring the Potential of Ensembles of Deep Learning Networks for Image Segmentation. Information 2023, 14, 657. https://doi.org/10.3390/info14120657

AMA Style

Nanni L, Lumini A, Fantozzi C. Exploring the Potential of Ensembles of Deep Learning Networks for Image Segmentation. Information. 2023; 14(12):657. https://doi.org/10.3390/info14120657

Chicago/Turabian Style

Nanni, Loris, Alessandra Lumini, and Carlo Fantozzi. 2023. "Exploring the Potential of Ensembles of Deep Learning Networks for Image Segmentation" Information 14, no. 12: 657. https://doi.org/10.3390/info14120657

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