Next Article in Journal
Learning Dynamics and Control of a Stochastic System under Limited Sensing Capabilities
Previous Article in Journal
Towards Building a Visual Behaviour Analysis Pipeline for Suicide Detection and Prevention
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Feature Refine Network for Salient Object Detection

College of Information Science and Engineering, Xinjiang University, Urumqi 830046, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(12), 4490; https://doi.org/10.3390/s22124490
Submission received: 9 May 2022 / Revised: 27 May 2022 / Accepted: 9 June 2022 / Published: 14 June 2022
(This article belongs to the Section Intelligent Sensors)

Abstract

:
Different feature learning strategies have enhanced performance in recent deep neural network-based salient object detection. Multi-scale strategy and residual learning strategies are two types of multi-scale learning strategies. However, there are still some problems, such as the inability to effectively utilize multi-scale feature information and the lack of fine object boundaries. We propose a feature refined network (FRNet) to overcome the problems mentioned, which includes a novel feature learning strategy that combines the multi-scale and residual learning strategies to generate the final saliency prediction. We introduce the spatial and channel ‘squeeze and excitation’ blocks (scSE) at the side outputs of the backbone. It allows the network to concentrate more on saliency regions at various scales. Then, we propose the adaptive feature fusion module (AFFM), which efficiently fuses multi-scale feature information in order to predict superior saliency maps. Finally, to supervise network learning of more information on object boundaries, we propose a hybrid loss that contains four fundamental losses and combines properties of diverse losses. Comprehensive experiments demonstrate the effectiveness of the FRNet on five datasets, with competitive results when compared to other relevant approaches.

1. Introduction

Visual saliency can be defined as the most interesting region or object in the human vision system. The detection and segmentation of salient objects in natural scenes is often referred to as salient object detection (SOD). SOD usually serves as an important image pre-processing in many applications, including strengthening the high-resolution satellite image scene classification under unsupervised feature learning [1], unsupervised video target segmentation [2], video summarization [3], image editing and operation [4], visual tracking [5], etc. Detecting saliency objects demands a semantic comprehension of the entire image and a specific structure information of the object. Thus, saliency detection is a crucial and difficult basic problem in computer vision.
VGG [6] and ResNet [7] are examples of deep convolutional neural networks (CNNs) that have shown potential in computer vision. However, it is difficult to reconcile the problems when ResNet is applied to solve dense prediction tasks, such as medical image segmentation and scene segmentation. As the network depth becomes deeper, the spatial size of the features becomes smaller, due to the strides of multiple convolution operations. Therefore, early SOD methods are based on super-pixel [8] or based on image patches [9]. However, these frameworks do not make full use of high-level information, and spatial information cannot propagate to the last fully connected layer, which leads to the loss of global information [10]. These problems prompt the introduction of fully convolutional networks [11] into dense prediction tasks. However, there is also the difficulty of recovering the object boundary (low-level features). The difficulty prompts researchers to explore the restoration of spatial details by multi-scale architecture.
Amulet has [12] introduced a multi-scale feature aggregation strategy. The architecture utilizes the VGG-16 as the backbone to extract features and the output of its convolutional layers as features of different scales. It up-samples the features at each scale to the original scale, and then integrates all feature maps to compose the final saliency map. Due to the magnification of the up-sample operation, a lot of unnecessary information is introduced to the feature maps after unifying the scale so that the prediction ability of the network is reduced. In another way, DSS [13] introduces short connections with supervision into the Amulet-based skip-layer structures [14]. However, DSS also forces features of various scales to regress to the original input scale, then fuses different scale features to obtain the final saliency map. It faces the same problem as Amulet, due to the reduction in spatial resolution; it is difficult to accurately predict the pixel-level map after up-sampling. Although Amulet and DSS can accurately detect the salient object location, they cannot predict better for object boundaries. Subsequently, the R2Net is proposed by Feng et al. [15]. R2Net implements a residual learning strategy using the attentional residual module (ARM) [15] and dilated convolutional pyramid pooling module (DCPP) [15] to gradually adjust the prediction. In addition, R2Net conducts the reconstruction of the final saliency map in coarse-to-fine fashion. Meanwhile, the residual learning strategy obtains prior knowledge of the location of the object in the previous prediction. Then, the network obtains the final saliency map in an iterative regression process. This avoids the model from directly regressing ground-truth (GT) from different scales. However, it is undeniable that the multi-scale neural network architecture facilitates the performance of SOD. Refs. [13,16] present that in earlier convolutional layers, the features maintain high resolution and enable the reconstruction of fine boundaries. In the later convolutional layers, more semantic information of the image is retained to identify the image region, but how to effectively utilize the hierarchical network architecture is still an open question.
As for our proposed method, which reconsiders the effectiveness of multi-scale feature fusion strategy, and the recently popular attention mechanism [17], we design a new network named FRNet. FRNet employs ResNet-101 as the backbone to extract input image features and generate outputs at five scales. At first, these outputs are fed into scSE for attention processing, then fed into ARM and DCPP for residual learning. Finally, AFFM integrates features of five scales to generate the final saliency map. The hybrid loss compares predictions with GT to calculate the loss to prompt the network learning of salient features.
Our main contributions are as follows:
  • We introduce an scSE module for pre-processing the outputs at five scales of the backbone. The scSE consists of channel and spatial attention. It improves the representation ability of the features at each scale and enhances the effectiveness of the residual learning strategy.
  • We propose an AFFM module that enables the overall fusion of multi-scale information to compose the final saliency prediction. AFFM combines two kinds of multi-scale feature fusion strategies to improve saliency detection performance.
  • A hybrid loss is proposed for supervision during five scales’ residual learning processes, and for the generation of final saliency maps. It fuses BCE, structural similarity (SSIM) and dice and intersection-over-union (IOU) to train the model in local-level and global-level.
The remainder of the work is structured as follows: the related SOD works are discussed in Section 2. In Section 3, the overall architecture of FRNet and the details of each part in FRNet are discussed. In Section 4, the experimental results of FRNet with other methods are reported. Then, the ablation experiments are conducted for each module to verify the effectiveness of the proposed modules. Finally, the paper is concluded in Section 5.

2. Related Work

Amulet, DSS, R3Net [18] and the R2Net method are based on the full convolutional neural network and have achieved impressive results in the SOD task. They employ holistically-nested edge detection (HED) [14] and iteratively improve network architecture and learning strategies to reconstruct different low-scale features into high-scale features. To improve the SOD, this paper combines two feature reconstruction strategies. One is residual learning through iterative refinement and another is high-resolution map reconstruction directly from all the scales. Therefore, we can also consider SOD as a reconstruction problem [19].

2.1. Residual Learning

The strategy for residual learning is inspired by ResNet [7], and it encodes original data, as residual tensors are more efficient than the ordinary mode. By stacking the convolutional layer and fitting the mapping function H   ( x ) , it is formulated as the residual form function H   ( x ) = F   ( x ) + x ,  x denotes the initial input, and also can be regarded as prior knowledge. Without using residual learning, the formula is written as H   ( x ) = F ( x ) . We can conclude the learning strategy of DSS and Amulet, which treats the learning process on all scales as a sub-network, and each sub-network learns a mapping function to regress GT. R3Net and R2Net learn the residual mapping function to regress GT to adjust the coarse prediction at each scale. Our approach similarly employs such a strategy.

2.2. Multi-Scale Feature Fusion

Refs. [11,14] show that multi-scale deep features can generate better predictions [20]. Researchers have proposed many different strategies and methods for multi-scale feature fusion. Zhang et al. [21] introduce a reformulated dropout and a hybrid up-sampling module to eliminate the checkerboard effects of deconvolution operators. Luo et al. [22] present an NLDF network with a 4 × 5 grid architecture for saliency detection, in which feature maps from later layers are gradually blended with feature maps from earlier layers. Zhang et al. [23] utilize a sibling architecture to generate saliency maps by extracting feature maps from both original pictures and projection images. Wu et al. [24] propose a novel mutual learning module for improving SOD accuracy by more effectively exploiting the correlation of borders and regions. Chen et al. [25] iteratively use the side output of the backbone network as feature attention guidance to predict and refine saliency maps. For quick and accurate SOD, Wu et al. [26] offer the cascaded partial decoder (CPD). These SOD approaches make use of the multi-scale information retrieved by the backbone and outperform classic algorithms in the SOD task.

2.3. Attention Mechanism

It may also be considered as a dynamic selection process in computer vision that which is achieved by adaptive weighted features based on the relevance of the input data. In the saliency areas, it mimics the mechanism of the human visual system. Attention mechanisms provide performance improvements in many computer vision tasks. Some scholars have introduced the attention mechanism into SOD. Liu et al. [27] proposed PiCANet to generate attention over the context regions. Zhang et al. [28] offer a progressive attention-guiding mechanism to refine saliency maps by designing a spatial and channel attention module to acquire global information at each layer. The attention module proposed by Zeng et al. [29] computes the spatial distribution of foreground objects over image regions and aggregates the feature of all the regions. Various pure and deep self-attention networks have emerged [30,31,32], demonstrating the enormous potential of transformer models. Liu et al. [33] proposed the pure transformer for RGB and RGB-D SOD for the first time.
We utilized channel attention and spatial attention to design scSE and weight spatial attention to guide the network to learn more discriminative feature for predicting saliency map. Then, we designed the feature fusion module AFFM with multi-scale features, processing the feature at each scale after ARM, and adaptively integrated them to compose the final saliency prediction.

2.4. Loss Function

In addition to the discussion of the model architecture, the demand for innovating different loss functions have also become more prominent. In most of the SOD models, the binary cross-entropy (BCE) loss is often used for network training. It is formulated as follows:
L B C E = 1 W × H i = 1 W × H ( y i log x i + ( 1 y i ) log ( 1 x i ) ) ,
where y i denotes ground truth pixel values, x i denotes prediction pixel values and x i ,   y i [ 0 ,   1 ] .
Luo et al. [22] introduced dice loss [34] for the SOD task, and statistical supervision on the final prediction. Dice is formulated as follows:
L D i c e = 1 2 T P ( F N + T P ) + ( F P + T P ) ,  
where T P denotes true positive, F N denotes false negative; F P denotes false positive.
Qin et al. [35] introduced SSIM and IOU loss to the traditional BCE loss. SSIM loss and IOU loss are formulated as follows:
L S S I M = 1 ( 2 μ x μ y + C 1 ) ( 2 σ x y + C 2 ) ( μ x 2 μ y 2 + C 1 ) ( σ x 2 + σ y 2 + C 2 ) ,  
L I O U = 1 T P F N + T P + F P ,
where x = { x j : j = 1 , , N 2 } and y = { y j : j = 1 , , N 2 } are the pixel values of two corresponding patches (size:   N × N ) cropped from the predicted map and ground truth mask, respectively. In addition, μ x ,   μ y ,   σ x ,   σ y are the mean and standard deviation of x and y , respectively. σ x y is covariance of x , y . T P denotes true positive, F N denotes false negative; F P denotes false positive. C 1 = 0.01 2   and   C 2 = 0.03 2 are used to avoid being divided by zero.
These loss functions focus on different points. BCE and SSIM focus on local supervision, calculating the gradient of each pixel based on the prediction of limited neighbored regions. Dice and IOU focus on global supervision, reducing the difference between prediction and GT. They enhance the prediction of object contour. Based on that, we propose hybrid loss, which combines these four loss functions to supervise the network learning.

3. Proposed Method

In Section 3.1, we show the architecture of FRNet. In Section 3.2, we show the details of the AFFM. Next, we describe the scSE module in Section 3.3. Finally, we explain the hybrid loss in Section 3.4.

3.1. Overview of FRNet

The feature refine network (FRNet) utilizes the full convolutional network to solve the SOD task. The entire framework is illustrated in Figure 1. The orange region is the backbone, used to extract features from the input image. The output of ResNet-5 is processed by scSE and fed into the DCPP module for multi-scale dilated convolution to coarsely predict salient objects. Details of the DCPP are shown in Figure 2a. The feature fusion strategy in skip-layer style is used in the palm blue region containing ARM blocks. The data streams are interacting with each other in every scale. Then, calculating loss with the GT at each scale, the ARM gradually adjusts the output with GT. More information about the ARM can be found in Figure 2b.
The original ResNet model is used for the image classification task, so that the spatial resolution of the feature generated by the network is mismatched to the input image resolution. To make it suitable for the SOD task, we have made the following modifications: (1) the full connection layer of the ResNet model for image classification is removed. (2) The stride in ResNet-4 is changed to 1, retaining more feature information because the feature spatial scale has not changed.
After the backbone, the outputs from each layer are processed by scSE to guide the feature maps that focus on the saliency region. These maps are fed to the ARM modules for residual learning, to adjust the prediction output gradually from a small scale to a large scale. Finally, five scale outputs after ARM processing are fed to the AFFM module for adaptive fusion. The process generates the final prediction output. The entire network is trained under the supervision of the hybrid loss.

3.2. Adaptive Feature Fusion Module

The main idea of AFFM is to achieve adaptively the learning of the fusion spatial weights of feature maps in various scales. As shown in Figure 1, AFFM can be divided into the following two steps: unifying scale; adaptive fusing.
Unifying scale. The saliency map of the resolution at scale S   ( S { 1 ,   2 ,   3 ,   4 ,   5 } for ResNet-50) is denoted as x S . For scale S , the maps x n is resized from scale n   ( n S ) to the same shape as x S . Thus, AFFM can unify features on the five scales. In AFFM, it up-samples features when they are smaller than the input scale, and down-sample features when they are larger than the input scale.
Adaptive fusing. x i , j n S denotes the feature tensor at the position ( i ,   j ) of the feature map, which is resized from scale n to scale S . The fusion process is formulated as follows:
y i , j S = α i , j S x i , j 1 S + β i , j S x i , j 2 S + γ i , j S x i , j 3 S + δ i , j S x i , j 4 S + ε i , j S x i , j 5 S ,  
where y i , j S denotes the ( i , j ) -th tensor of the output feature maps y S in one of the channels. α i , j S ,   β i , j S ,   γ i , j S ,   δ i , j S ,   ε i , j S refers to the spatial weights for the saliency map at five scales, which are adaptively calculated by the network.
We use 1 × 1 convolution layers to compute the weight scalar maps α i , j S ,   β i , j S ,   γ i , j S ,   δ i , j S ,   ε i , j S from x i , j 1 S ,   x i , j 2 S ,   x i , j 3 S ,   x i , j 4 S ,   x i , j 5 S , respectively, so that they can be learned by standard back-propagation. By the AFFM module, the features at all scales can be adaptively aggregated. The outputs { y 1 , y 2 , y 3 , y 4 , y 5 } are processed by the addition operation to compose the final saliency prediction.

3.3. Mixed Channel and Spatial Attention

Inspired by Roy et al. [36], we proposed the spatial and channel squeeze and excitation blocks (scSE blocks), using spatial blocks as a complement for channel SE blocks. The scSE combines two blocks directly by element-wise addition and utilizes channel attention information to improve the role of spatial attention block. Then, scSE is added to the ARM output with one channel to strengthen the representation ability of feature on each iteration. The architecture of scSE is shown in Figure 3.
The channel attention is formulated as follows:
s c = σ ( W 2 δ ( W 1 G A P ( X ) ) ) ,  
X c h n = s c X ,
where W denotes the filter kernel weight and GAP denotes the global average pooling. GAP uses the nn.AdaptiveAvgPool2d method for global average pooling operations.
Spatial attention is formulated as follows:
s s = σ ( C o n v 1 × 1 ( X ) ) ,  
X s p a = s s X ,
where σ denotes sigmoid activation, and δ denotes ReLU activation.
scSE is formulated as follows:
Y = f ( X s p a , X c h n ) ,
where f denotes the fusion function, which we set it to element-wise addition operation.

3.4. The Hybrid Loss

The common loss functions in the SOD task are divided into two categories. For local supervision, such as BCE and SSIM, these are unable to supervise the network to learn fine object boundaries. For global supervision, dice and IOU can detect finer object boundaries. Naturally, we consider the model to achieve better performance when it is training with hybrid loss. The hybrid loss is defined as follows:
L F L = α ( L B C E + L S S I M ) + β ( L D i c e + L I O U ) ,
where α , β are the proportion parameter; in this paper, we set it to 0.4 and 0.6 and allowed the model to focus more on the prediction of the object boundary.
These loss functions complement each other. BCE and SSIM supervise the network as a local loss to prompt the network learning of the approximate location of the salient object. Dice and IOU supervise the network as a global loss to prompt the network learning of the fine boundary of the salient object. FRNet employs the hybrid loss on the predicted output branch of the ARM blocks at all scales, as well as the final output after AFFM processing, as shown in Figure 1. On the one hand, multi-scale supervision prompts the network to learn the salient features more efficiently. On the other hand, it also improves the model prediction accuracy. Each ARM module predicts a saliency map that can be expressed as M ( i ) , where i { 1 , 2 , 3 , 4 , 5 } . They correspond to the prediction output after ARM block processing on the five scales, and each one calculates the loss. Equation (11) is further expressed as follows:
L H L = i = 1 5 ( α ( L B C E i ( M i ) + L S S I M i ( M i ) ) + β ( L D i c e i ( M i ) + L I O U i ( M i ) ) ) ,
More experiments about ablation of the hybrid loss can be found in Section 4.5.

4. Experiments

To validate the FRNet network, we conduct the comparison experiment on five public datasets (including ECSSD [37], PASCAL-S [38], DUT-OMRON [39], HKU-IS [40], DUTS [41]). DUTS is used for the training of the model. The other datasets are used for the evaluation of the model. We choose precision–recall curves (PR), mean absolute error (MAE), S-measure (Sm) and maximum F-measure (Max-F) as the evaluation metrics for the experiments. The baseline is selected as R2Net.

4.1. Implementation Details

4.1.1. Data Augmentation

Inspired by Liu et al. [42], the images are randomly vertical- and horizontal-flipped, and randomly rotated to overcome the over-fitting of the model. Subsequently, brightness, contrast, saturation and hue of images are randomly changed to enhance the generalization ability of the model.

4.1.2. Parameter Setting

The model code is implemented on public platform PyTorch, with two Tesla V100 GPUs (with 16 GB memory) for the experiments. At first, each image is resized to 384 × 384 and performed normalization. During the training, epoch is set to 40, batch-size is 16. The momentum is set to 0.9 and weight decay is 0.0005. Then, we set the base learning rate (lr) to 0.0005 and the learning rate multiplies 0.1 every 10 epochs. FRNet employs the Adam optimizer and hybrid loss to optimize the network. The “Kaiming” method initializes the convolutional layers of ResNet.

4.2. Datasets

We evaluate the saliency detection performance of FRNet on five benchmark datasets.
ECSSD [37] contains 1000 natural images with different sizes and contains multiple objects. Some images are derived from the challenging Berkeley-300 dataset [43].
PASCAL-S [38] has 850 images selected from the validation set of PASCAL VOC2010 [44] used for the segmentation task.
DUT-OMRON [39] contains 5172 images that are carefully annotated by 5 testers, and hand-picked from over 140,000 natural images, each containing one or more saliency objects, along with associated intricate backgrounds.
HKU-IS [40] includes 4447 images, with high-quality pixel-level labels. Images are selected carefully, containing multiple disconnected objects or the object itself overlaps the background.
DUTS [41] allocates 10,533 images for training, and 5019 images for validation. The training images are collected from ImageNet DET training set [45]. The images of validation are collected from ImageNet DET test set and the SUN dataset [46] with pixel-level annotation.

4.3. Evaluation Metrics

4.3.1. Precision–Recall (PR) Curves

At first, the saliency map S is converted into a binary mask M. Precision and recall are calculated by G and M. G denotes ground-truth. PR is formulated as follows:
P r e c i s i o n = | M G | | M | ,   R e c a l l = | M G | | G | ,

4.3.2. Maximum F-Measure (Max-F)

Precision and recall cannot fully evaluate the quality of the prediction map, in other words, the high precision and recall are both required. So, F-measure is proposed as the weighted harmonic mean of precision and recall with a non-negative weight β 2 . The formula of Max-F as follows:
F β = ( 1 + β 2 ) P r e c i s i o n × R e c a l l β 2 P r e c i s i o n + R e c a l l ,
When the max-F value is larger, the model performance is better.

4.3.3. Structure-Measure (Sm)

Sm evaluates the structural details of the prediction map, and combines region-aware and object-aware structural similarity evaluation to obtain the final formulation of structure-measure, which is as follows:
S = α × S o + ( 1 α ) × S r
where S r denotes the region-aware structural similarity measure; S o denotes the object-aware structural similarity measure. For more details, readers may refer to Fan et al. [47].
A larger value of Sm indicates the better performance of the model.

4.3.4. Mean Absolute Error (MAE)

The above metrics have not taken the prediction of the non-salient pixels into account, that is, the pixels correctly labeled as non-salient. For this purpose, the MAE is calculated by saliency map S and binary GT. S and M are pre-normalized to the range of [ 0 , 1 ] . The formulation of MAE is as follows:
MAE = 1 W × H x = 1 W y = 1 H S ( x , y ) G ( x , y ) ,
A smaller value of MAE indicates the better performance of model.

4.4. Comparisons with Other Advanced Methods

FRNet compares with Amulet [12], BASNet [35], PiCANet [27], CPD [26], DSS [13], F3Net [48], GCPA [49], ITSD [50], MINet [51], NLDF [22], PoolNet [52], MLMS [24], MPI [53], RCSB [54] and R2Net [15], respectively. The number in parentheses represents the year of publication of the model. The evaluation data of the models used for comparison are implemented by ourselves, or computed by their original implementation for fair comparison. Detailed information is debriefed in Table 1. Compared to other models, FRNet achieves competitive results on five public datasets.

4.4.1. Visual Comparison

As shown in Figure 4, the results of FRNet against the other methods can be observed. FRNet accurately predicts the salient objects of all images. For objects that are easy to misjudge and connected with other objects, FRNet performs better than all other methods. These results indicate that our method is more robust. In the first row, Amulet and Basnet are unable to predict the saliency objects of the test image. For the overlapping and connected saliency objects, such as row 2 and 4, most of the methods cannot predict effectively. FRNet generates the finest object boundaries compared to other models. It also proves that scSE, loss, and AFFM all provide improvement to the FRNet. More experiment information on the three components can be found in Section 4.5.

4.4.2. Evaluation of Saliency Map

We evaluate the prediction maps on PR Curves and F-measures. Figure 5 and Figure 6 visualize the results of these. It can be observed that FRNet outperforms most of the models. In Figure 5, FRNet maintains a higher precision value at a higher recall value. In Figure 6, FRNet also maintains a high F-measure value at high thresholds. This indicates that FRNet generates saliency maps closer to GT, with higher confidence in the saliency target region. This allows FRNet to predict the location of salient objects and to segment it finely.

4.5. Ablation Analysis

We carry out experiments on five public datasets to analyze the validity of hybrid loss, AFFM and scSE.

4.5.1. The Effectiveness of the Adaptive Feature Fusion Module

To demonstrate the effectiveness of AFFM, we design a set of experiments on AFFM by only adding AFFM modules to the baseline and then comparing results with the baseline. The first and second row result in Table 2, showing the comparison results. According to the results, it shows that the MAE measure is greatly improved compared with the baseline, but the other two metrics decreased in different degrees on ECSSD, DUT-OMRON, and HKU-IS. The Sm improved on PASCAL-S and DUT-TEST. The results demonstrate the validity of the AFFM module. As shown in Figure 7, in comparison with other methods, it shows that the backbone with the AFFM module has fewer misjudgments of salient pixels and finer boundaries.
As shown in Table 2, the results of the first four rows show that different components play different roles in the baseline. At the same time, due to the differences among the five datasets, different components have different effects on each dataset. Then, when three components are combined together, it can be constructed as a complete model architecture. In addition, the multi-scale feature fusion strategy and the residual learning strategy can be effectively combined to obtain better performance. This is reflected in the last four rows of Table 2.

4.5.2. The Effectiveness of Hybrid Loss

Firstly, we conduct ablation experiments for different combinations of loss functions. As shown in Table 3, the three combinations of BCE+SSIM, Dice+IOU and BCE+Dice play a certain role in improving the MAE metric of the model. However, the other two metrics cannot be effectively improved. Finally, we combine three combinations to form the hybrid loss and obtain the best model performance.
Secondly, we conduct ablation experiment on the hybrid loss, as shown in Table 4. On the other hand, we perform experiments on the parameters of α , β in the hybrid loss, as shown in Table 4. It shows that the combination of loss with the different proportions of α , β has different effects on the model. FRNet does not perform well when the α or β is too large or too small. The characteristics of the loss functions and the regulatory focus are not coordinated. By comparing the results in the second and fourth rows, we need to assign a higher proportion to β appropriately. If in this case, we will observe that the model achieves the best performance. This kind of hyper-parameter setting is also adopted as the best setting in experiments. As shown in Figure 7, the hybrid loss effectively improves the model to detect salient objects, highlights the boundary of salient objects, and enhances the segmentation performance of the model.

4.5.3. The Effectiveness of scSE

To investigate the role of scSE in the model, we carry out the ablation experiments of scSE. The results are shown in rows 1 and 4 of Table 2. The scSE improves most of the metrics on the five datasets. The results also demonstrate the effectiveness of scSE in the FRNet. As shown in Figure 7, the scSE module facilitates the model to predict salient regions, and suppresses the attention of the model on non-salient regions. Comparing the results of rows 2, 3, 5 and 7 in Table 2, the scSE module combined with other modules can be more effective in improving the detection performance of the model.

5. Conclusions and Discussion

A novel FRNet for SOD is proposed in this paper. To construct the final prediction, FRNet gradually optimizes the prediction results from a low to a high scale and obtains information from optimized features at all scales, until the results match GT as closely as possible. We propose a hybrid loss supervised method to obtain the object boundary information to solve the problem of the coarse object boundary. In the ablation experiments, we demonstrate the effectiveness of the hybrid loss. The extensive experimental results indicate the efficiency of the proposed strategy and FRNet. However, there are still possibilities to improve our network architecture, and we will continue to investigate the potential of various network architectures in the field of SOD, such as transformers.

Author Contributions

Conceptualization, J.Y.; methodology, L.W.; software, J.Y.; validation, Y.L.; formal analysis, Y.L.; investigation, L.W.; resources, L.W.; writing—original draft preparation, J.Y.; writing—review and editing, Y.L.; visualization, J.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Science Foundation of China under grant U1903213, and Tianshan Innovation Team of Xinjiang Uygur Autonomous Region under grant 2020D14044.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Publicly available datasets were analyzed in this study. The training dataset DUTS can be obtained at: http://saliencydetection.net/duts/ (accessed on 15 January 2022). The testing datasets of DUT-OMRON, ECSSD, PASCAL-S, HKU-IS are available at: http://saliencydetection.net/dut-omron/, https://www.cse.cuhk.edu.hk/leojia/projects/hsaliency/dataset.html, https://cbs.ic.gatech.edu/salobj/ and https://sites.google.com/site/ligb86/mdfsaliency/ (Above URLs were accessed on 15 March 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhang, F.; Du, B. Saliency-Guided Unsupervised Feature Learning for Scene Classification. IEEE Trans. Geosci. Remote Sens. 2015, 53, 2175–2184. [Google Scholar] [CrossRef]
  2. Wang, W.G.; Shen, J.B.; Yang, R.G.; Porikli, F. Saliency-Aware Video Object Segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 40, 20–33. [Google Scholar] [CrossRef] [PubMed]
  3. Lee, Y.J.; Ghosh, J.; Grauman, K. Discovering important people and objects for egocentric video summarization. In Proceedings of the 2012 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 1346–1353. [Google Scholar]
  4. Liu, H.; Zhang, L.; Huang, H. Web-image driven best views of 3D shapes. Vis. Comput. 2012, 28, 279–287. [Google Scholar] [CrossRef]
  5. Li, J.; Levine, M.D.; An, X.; Xu, X.; He, H. Visual Saliency Based on Scale-Space Analysis in the Frequency Domain. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 996–1010. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  6. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. In Proceedings of the 3th International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  7. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26–30 June 2016; pp. 770–778. [Google Scholar]
  8. Zhao, R.; Ouyang, W.L.; Li, H.S.; Wang, X.G. Saliency detection by multi-context deep learning. In Proceedings of the 2015 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1265–1274. [Google Scholar]
  9. Zou, W.B.; Komodakis, N. HARF: Hierarchy-associated rich features for salient object detection. In Proceedings of the 2015 IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 406–414. [Google Scholar]
  10. Borji, A.; Cheng, M.M.; Hou, Q.B.; Jiang, H.Z.; Li, J. Salient object detection: A survey. Comput. Vis. Media. 2019, 5, 117–150. [Google Scholar] [CrossRef] [Green Version]
  11. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the 2015 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar]
  12. Zhang, P.P.; Wang, D.; Lu, H.C.; Ruan, X. Amulet: Aggregating multi-level convolutional features for salient object detection. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 202–211. [Google Scholar]
  13. Hou, Q.B.; Cheng, M.M.; Hu, X.W.; Borji, A.; Tu, Z.W.; Torr, P.H. Deeply supervised salient object detection with short connections. In Proceedings of the 2017 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 5300–5309. [Google Scholar]
  14. Xie, S.N.; Tu, Z.W. Holistically-nested edge detection. In Proceedings of the 2015 IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1395–1403. [Google Scholar]
  15. Feng, M.Y.; Lu, H.C.; Yu, Y.Z. Residual Learning For Salient Object Detection. IEEE Trans. Image Process. 2020, 29, 4696–4708. [Google Scholar] [CrossRef] [PubMed]
  16. Ma, C.; Huang, J.B.; Yang, X.K.; Yang, M.H. Hierarchical convolutional features for visual tracking. In Proceedings of the 2015 IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 3074–3082. [Google Scholar]
  17. Guo, M.H.; Xu, T.X.; Liu, J.J.; Liu, Z.N.; Mu, T.J.; Zhang, S.H.; Martin, R.R.; Cheng, M.M.; Hu, S.M. Attention mechanisms in computer vision: A survey. arXiv 2021, arXiv:2111.07624. [Google Scholar] [CrossRef]
  18. Deng, Z.J.; Hu, X.W.; Zhu, L.; Xu, X.M.; Qin, J.; Han, G.Q.; Heng, P.A. R3Net: Recurrent residual refinement network for saliency detection. In Proceedings of the 27th International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 13–19 July 2018; pp. 684–690. [Google Scholar]
  19. Li, X.H.; Lu, H.C.; Zhang, L.H.; Ruan, X.; Yang, M.H. Saliency detection via dense and sparse reconstruction. In Proceedings of the 2013 IEEE International Conference on Computer Vision, Sydney, Australia, 1–8 December 2013; pp. 2976–2983. [Google Scholar]
  20. Zhang, L.; Dai, J.; Lu, H.C.; He, Y.; Wang, G. A bi-directional message passing model for salient object detection. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 1741–1750. [Google Scholar]
  21. Zhang, P.P.; Wang, D.; Lu, H.C.; Wang, H.Y.; Yin, B.C. Learning uncertain convolutional features for accurate saliency detection. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 212–221. [Google Scholar]
  22. Luo, Z.M.; Mishra, A.K.; Achkar, A.; Eichel, J.A.; Li, S.Z.; Jodoin, P.M. Non-local deep features for salient object detection. In Proceedings of the 2017 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 6593–6601. [Google Scholar]
  23. Zhang, P.P.; Liu, W.; Lu, H.C.; Shen, C.H. Salient object detection by lossless feature reflection. In Proceedings of the 27th International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 13–19 July 2018; pp. 1149–1155. [Google Scholar]
  24. Wu, R.M.; Feng, M.Y.; Guan, W.L.; Wang, D.; Lu, H.C.; Ding, E. A Mutual learning method for salient object detection with intertwined multi-supervision. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 8150–8159. [Google Scholar]
  25. Chen, S.H.; Tan, X.L.; Wang, B.; Hu, X.L. Reverse attention for salient object detection. In Proceedings of the 15th European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 236–252. [Google Scholar]
  26. Wu, Z.; Su, L.; Huang, Q.M. Cascaded partial decoder for fast and accurate salient object detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 3907–3916. [Google Scholar]
  27. Liu, N.; Han, J.W.; Yang, M.H. PiCANet: Learning pixel-wise contextual attention for saliency detection. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 3089–3098. [Google Scholar]
  28. Zhang, X.N.; Wang, T.T.; Qi, J.Q.; Lu, H.C.; Wang, G. Progressive attention guided recurrent network for salient object detection. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 714–722. [Google Scholar]
  29. Zeng, Y.; Zhuge, Y.Z.; Lu, H.C.; Zhang, L.H.; Qian, M.Y.; Yu, Y.Z. Multi-source weak supervision for saliency detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 6074–6083. [Google Scholar]
  30. Guo, M.H.; Cai, J.X.; Liu, Z.N.; Mu, T.J.; Martin, R.R.; Hu, S.M. PCT: Point cloud transformer. Comput. Vis. Media 2021, 7, 187–199. [Google Scholar] [CrossRef]
  31. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.H.; 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. In Proceedings of the 9th International Conference on Learning Representations, Virtual Event, Austria, 3–7 May 2021. [Google Scholar]
  32. Liu, Z.; Lin, Y.T.; Cao, Y.; Hu, H.; Wei, Y.X.; Zhang, Z.; Lin, S.; Guo, B.N. Swin transformer: Hierarchical vision transformer using shifted windows. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 9992–10002. [Google Scholar]
  33. Liu, N.; Zhang, N.; Wan, K.Y.; Shao, L.; Han, J.W. Visual saliency transformer. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 4702–4712. [Google Scholar]
  34. Milletari, F.; Navab, N.; Ahmadi, S.A. V-Net: Fully convolutional neural networks for volumetric medical image segmentation. In Proceedings of the 4th International Conference on 3D Vision, Stanford, CA, USA, 25–28 October 2016; pp. 565–571. [Google Scholar]
  35. Qin, X.B.; Zhang, Z.C.; Huang, C.Y.; Gao, C.; Dehghan, M.; Jagersand, M. BASNet: Boundary-aware salient object detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 7479–7489. [Google Scholar]
  36. Roy, A.G.; Navab, N.; Wachinger, C. Recalibrating Fully Convolutional Networks With Spatial And Channel “Squeeze And Excitation” Blocks. IEEE Trans. Med. Imaging 2019, 38, 540–549. [Google Scholar] [CrossRef] [PubMed]
  37. Yan, Q.; Xu, L.; Shi, J.P.; Jia, J.Y. Hierarchical saliency detection. In Proceedings of the 2013 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 1155–1162. [Google Scholar]
  38. Li, Y.; Hou, X.D.; Koch, C.; Rehg, J.M.; Yuille, A.L. The secrets of salient object segmentation. In Proceedings of the 2014 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 280–287. [Google Scholar]
  39. Yang, C.; Zhang, L.H.; Lu, H.C.; Ruan, X.; Yang, M.H. Saliency detection via graph-based manifold ranking. In Proceedings of the 2013 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Portland, OR, USA, 23–28 June 2013; pp. 3166–3173. [Google Scholar]
  40. Li, G.B.; Yu, Y.Z. Visual saliency based on multiscale deep features. In Proceedings of the 2015 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 5455–5463. [Google Scholar]
  41. Wang, L.J.; Lu, H.C.; Wang, Y.F.; Feng, M.Y.; Wang, D.; Yin, B.C.; Ruan, X. Learning to detect salient objects with image-level supervision. In Proceedings of the 2017 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 3796–3805. [Google Scholar]
  42. Liu, N.; Han, J.W. DHSNet: Deep hierarchical saliency network for salient object detection. In Proceedings of the 2016 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26–30 June 2016; pp. 678–686. [Google Scholar]
  43. Martin, D.R.; Fowlkes, C.C.; Tal, D.; Malik, J. A Database of human segmented natural images and its application to evaluating segmentation algorithms and measuring ecological statistics. In Proceedings of the 8th International Conference on Computer Vision, Vancouver, BC, Canada, 7–14 July 2001; pp. 416–425. [Google Scholar]
  44. Everingham, M.; Gool, L.V.; Williams, C.K.; Winn, J.M.; Zisserman, A. The Pascal Visual Object Classes (VOC) Challenge. Int. J. Comput. Vis. 2010, 88, 303–338. [Google Scholar] [CrossRef] [Green Version]
  45. Deng, J.; Dong, W.; Socher, R.; Li, L.J.; Li, K.; Fei-Fei, L. ImageNet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar]
  46. Xiao, J.X.; Hays, J.; Ehinger, K.A.; Oliva, A.; Torralba, A. SUN database: Large-scale scene recognition from abbey to zoo. In Proceedings of the 2010 IEEE/CVF conference on Computer Vision and Pattern Recognition, San Francisco, CA, USA, 13–18 June 2010; pp. 3485–3492. [Google Scholar]
  47. Fan, D.P.; Cheng, M.M.; Liu, Y.; Li, T.; Borji, A. Structure-measure: A new way to evaluate foreground maps. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 4558–4567. [Google Scholar]
  48. Wei, J.; Wang, S.H.; Huang, Q.M. F3Net: Fusion, feedback and focus for salient object detection. In Proceedings of the 34th Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; pp. 12321–12328. [Google Scholar]
  49. Chen, Z.Y.; Xu, Q.Q.; Cong, R.M.; Huang, Q.M. Global context-aware progressive aggregation network for salient object detection. In Proceedings of the 34th Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; pp. 10599–10606. [Google Scholar]
  50. Zhou, H.J.; Xie, X.H.; Lai, J.H.; Chen, Z.X.; Yang, L.X. Interactive two-stream decoder for accurate and fast saliency detection. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 9138–9147. [Google Scholar]
  51. Pang, Y.W.; Zhao, X.Q.; Zhang, L.H.; Lu, H.C. Multi-scale interactive network for salient object detection. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 9410–9419. [Google Scholar]
  52. Liu, J.J.; Hou, Q.B.; Cheng, M.M.; Feng, J.S.; Jiang, J.M. A Simple pooling-based design for real-time salient object detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 3917–3926. [Google Scholar]
  53. Sun, H.; Cen, J.; Liu, N.Z.; Liang, D.; Zhou, H.Y. MPI: Multi-receptive and parallel integration for salient object detection. IET Image Process. 2021, 15, 3281–3291. [Google Scholar] [CrossRef]
  54. Yun, Y.K.; Tsubono, T. Recursive contour-saliency blending network for accurate salient object detection. In Proceedings of the 2022 IEEE/CVF Conference on Winter Conference on Applications of Computer Vision, Waikoloa, HI, USA, 3–8 January 2022; pp. 1360–1370. [Google Scholar]
Figure 1. Illustration of FRNet.
Figure 1. Illustration of FRNet.
Sensors 22 04490 g001
Figure 2. (a) Structure of DCPP [15] module; (b) details of ARM [15] module.
Figure 2. (a) Structure of DCPP [15] module; (b) details of ARM [15] module.
Sensors 22 04490 g002
Figure 3. Structure of scSE.
Figure 3. Structure of scSE.
Sensors 22 04490 g003
Figure 4. These saliency maps are generated by Amulet, BasNet, PiCANet, CPD, DSS, F3Net, GCPA, ITSD, MINet, NLDF, PoolNet, MLMS, MPI, RCSB and R2Net, respectively. FRNet generates predictions that are the best, especially for the object boundary details.
Figure 4. These saliency maps are generated by Amulet, BasNet, PiCANet, CPD, DSS, F3Net, GCPA, ITSD, MINet, NLDF, PoolNet, MLMS, MPI, RCSB and R2Net, respectively. FRNet generates predictions that are the best, especially for the object boundary details.
Sensors 22 04490 g004
Figure 5. The PR curves of FRNet and the other nine advanced models on five datasets.
Figure 5. The PR curves of FRNet and the other nine advanced models on five datasets.
Sensors 22 04490 g005
Figure 6. The F-measure curves of FRNet and the other nine advanced methods on five datasets.
Figure 6. The F-measure curves of FRNet and the other nine advanced methods on five datasets.
Sensors 22 04490 g006
Figure 7. The comparison of different combinations with the backbone.
Figure 7. The comparison of different combinations with the backbone.
Sensors 22 04490 g007
Table 1. The MAE, Max-F, Sm of 15 methods on 5 datasets. The top two results are in red and blue.
Table 1. The MAE, Max-F, Sm of 15 methods on 5 datasets. The top two results are in red and blue.
MethodECSSDPASCAL-SDUT-OMRONDUT-TESTHKU-IS
MAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/Sm
Amulet (17)0.0690/0.9150/0.88400.1000/0.8280/0.81800.0980/0.7430/0.78100.0840/0.7780/0.79600.0510/0.8970/0.8860
NLDF (17)0.0630/0.9030/0.87500.0980/0.8220/0.80300.0790/0.7530/0.75000.0650/0.8160/0.80500.0480/0.9020/0.8780
PiCANet (18)0.0460/0.9310/0.91400.0770/0.8570/0.85000.0640/0.8200/0.80800.0500/0.8630/0.85000.0440/0.9200/0.9050
DSS (19)0.0520/0.9160/0.88200.0960/0.8360/0.79700.0740/0.7600/0.76500.0650/0.8130/0.81200.0500/0.9000/0.8780
MLMS (19)0.0450/0.9280/0.91100.0740/0.8550/0.84400.0640/0.7740/0.80900.0480/0.8520/0.85100.0390/0.9210/0.9070
CPD (19)0.0370/0.9390/0.91800.0710/0.8610/0.84800.0560/0.7970/0.82500.0430/0.8650/0.85800.0340/0.9250/0.9050
PoolNet (19)0.0390/0.9440/0.92100.0750/0.8650/0.83200.0560/0.8080/0.83600.0400/0.8800/0.87100.0330/0.9320/0.9170
BASNet (19)0.0370/0.9420/0.91600.0760/0.8540/0.83800.0560/0.8050/0.83600.0470/0.8600/0.85300.0320/0.9280/0.9090
GCPA (20)0.0350/0.9431/0.92640.0712/0.8632/0.85610.0560/0.8223/0.83910.0364/0.8781/0.87150.0322/0.9284/0.9144
ITSD (20)0.0346/0.9393/0.92490.0712/0.8354/0.86170.0608/0.7916/0.84040.0408/0.8669/0.88510.0307/0.9257/0.9169
MINet (20)0.0330/0.9440/0.90300.0780/0.8610/0.84800.0560/0.8100/0.82200.0370/0.8840/0.87500.0330/0.9310/0.9140
F3Net (20)0.0330/0.9250/0.92400.0680/0.8400/0.85500.0530/0.7660/0.83800.0350/0.8400/0.87510.0280/0.9100/0.9210
MPI (21)0.0318/0.9415/0.92520.0690/0.8381/0.86070.0560/0.7798/0.83360.0348/0.8749/0.88910.0267/0.9317/0.9221
RCSB (22)0.0335/0.9355/0.92180.0684/0.8311/0.85970.0490/0.7729/0.83520.0329/0.8667/0.88100.0268/0.9334/0.9188
Baseline (R2Net)0.0440/0.9350/0.91500.0750/0.8280/0.84700.0610/0.7715/0.82400.0500/0.8582/0.86100.0390/0.9210/0.9030
Ours0.0326/0.9457/0.92860.0671/0.8675/0.85900.0491/0.8336/0.84730.0339/0.8812/0.87610.0273/0.9323/0.9198
Table 2. Comparison of different combinations of three components. B denotes the baseline. AFFM denotes adaptive feature fusion module. scSE denotes channel-spatial attention. Loss denotes hybrid loss. The best results are in bold.
Table 2. Comparison of different combinations of three components. B denotes the baseline. AFFM denotes adaptive feature fusion module. scSE denotes channel-spatial attention. Loss denotes hybrid loss. The best results are in bold.
MethodECSSDPASCAL-SDUT-OMRONDUT-TESTHKU-IS
MAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/Sm
B0.0440/0.9350/0.91500.0750/0.8280/0.84700.0610/0.7715/0.82400.0500/0.8582/0.86100.0390/0.9210/0.9030
B+AFFM0.0363/0.9245/0.90930.0706/0.8269/0.85060.0498/0.7570/0.81610.0344/0.8526/0.86950.0296/0.9136/0.9026
B+Loss0.0354/0.9295/0.91100.0690/0.8319/0.85420.0502/0.7643/0.81920.0351/0.8539/0.86660.0294/0.9168/0.9020
B+scSE0.0356/0.9285/0.91030.0701/0.8292/0.85030.0512/0.7655/0.82100.0347/0.8583/0.87010.0300/0.9151/0.9015
B+scSE+Loss0.0327/0.9327/0.91640.0697/0.8325/0.85280.0506/0.7710/0.82520.0345/0.8600/0.87380.0285/0.9200/0.9068
B+Loss+AFFM0.0366/0.9286/0.90630.0691/0.8303/0.85090.0521/0.7622/0.81280.0374/0.8455/0.85640.0318/0.9107/0.8935
B+scSE+AFFM0.0328/0.9357/0.91740.0681/0.8325/0.85530.0506/0.7663/0.82210.0358/0.8545/0.86950.0288/0.9191/0.9064
B+scSE+Loss+AFFM0.0326/0.9367/0.91800.0671/0.8370/0.85900.0491/0.7724/0.82790.0339/0.8624/0.87610.0273/0.9223/0.9098
Table 3. Comparison of different combinations of loss functions. The summation of loss functions is without extra parameters. The bold number indicate the best result.
Table 3. Comparison of different combinations of loss functions. The summation of loss functions is without extra parameters. The bold number indicate the best result.
MethodDUT-OMRONDUT-TESTHKU-IS
MAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/Sm
Baseline (BCE)0.0610/0.7755/0.82400.0500/0.8582/0.86100.0390/0.9210/0.9030
Dice+IOU0.0569/0.7554/0.81590.0418/0.8481/0.85180.0355/0.9046/0.8980
BCE+Dice0.0525/0.7561/0.81560.0359/0.8540/0.86820.0308/0.9145/0.9027
BCE+SSIM0.0513/0.7581/0.81600.0373/0.8436/0.85540.0330/0.9126/0.8913
BCE+SSIM+Dice+IOU0.0532/0.7524/0.80790.0366/0.8385/0.86100.0334/0.9075/0.8991
Table 4. Ablation analysis of hybrid loss hyper-parameters. α denotes ration of (BCE+SSIM), β denotes ration of (Dice+IOU). The best results are in bold.
Table 4. Ablation analysis of hybrid loss hyper-parameters. α denotes ration of (BCE+SSIM), β denotes ration of (Dice+IOU). The best results are in bold.
MethodDUT-OMRONDUT-TESTHKU-IS
MAE/Max-F/SmMAE/Max-F/SmMAE/Max-F/Sm
Baseline (BCE)0.0610/0.7755/0.82400.0500/0.8582/0.86100.0390/0.9210/0.9030
α = 0.1 ,   β = 0.9 0.0523/0.7520/0.80820.0380/0.8432/0.85180.0337/0.9080/0.8908
α = 0.6 ,   β = 0.4 0.0541/0.7529/0.80840.0408/0.8322/0.84700.0346/0.9081/0.8887
α = 0.9 ,   β = 0.1 0.0538/0.7475/0.80150.0399/0.8344/0.84300.0360/0.9048/0.8820
α = 0.4 , β = 0.6 0.0491/0.7724/0.82790.0339/0.8624/0.87610.0273/0.9223/0.9098
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yang, J.; Wang, L.; Li, Y. Feature Refine Network for Salient Object Detection. Sensors 2022, 22, 4490. https://doi.org/10.3390/s22124490

AMA Style

Yang J, Wang L, Li Y. Feature Refine Network for Salient Object Detection. Sensors. 2022; 22(12):4490. https://doi.org/10.3390/s22124490

Chicago/Turabian Style

Yang, Jiejun, Liejun Wang, and Yongming Li. 2022. "Feature Refine Network for Salient Object Detection" Sensors 22, no. 12: 4490. https://doi.org/10.3390/s22124490

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