Next Article in Journal
Fractal Loaded, Novel, and Compact Two- and Eight-Element High Diversity MIMO Antenna for 5G Sub-6 GHz (N77/N78 and N79) and WLAN Applications, Verified with TCM Analysis
Next Article in Special Issue
Applying Monte Carlo Dropout to Quantify the Uncertainty of Skip Connection-Based Convolutional Neural Networks Optimized by Big Data
Previous Article in Journal
A Polynomial Multiplication Accelerator for Faster Lattice Cipher Algorithm in Security Chip
Previous Article in Special Issue
Automated Pre-Play Analysis of American Football Formations Using Deep Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

CAE-Net: Cross-Modal Attention Enhancement Network for RGB-T Salient Object Detection

1
School of Automation, Hangzhou Dianzi University, Hangzhou 310018, China
2
Lishui Institute of Hangzhou Dianzi University, Lishui 323000, China
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(4), 953; https://doi.org/10.3390/electronics12040953
Submission received: 5 January 2023 / Revised: 8 February 2023 / Accepted: 12 February 2023 / Published: 14 February 2023
(This article belongs to the Special Issue Advances of Artificial Intelligence and Vision Applications)

Abstract

:
RGB salient object detection (SOD) performs poorly in low-contrast and complex background scenes. Fortunately, the thermal infrared image can capture the heat distribution of scenes as complementary information to the RGB image, so the RGB-T SOD has recently attracted more and more attention. Many researchers have committed to accelerating the development of RGB-T SOD, but some problems still remain to be solved. For example, the defective sample and interfering information contained in the RGB or thermal image hinder the model from learning proper saliency features, meanwhile the low-level features with noisy information result in incomplete salient objects or false positive detection. To solve these problems, we design a cross-modal attention enhancement network (CAE-Net). First, we concretely design a cross-modal fusion (CMF) module to fuse cross-modal features, where the cross-attention unit (CAU) is employed to enhance the two modal features, and channel attention is used to dynamically weigh and fuse the two modal features. Then, we design the joint-modality decoder (JMD) to fuse cross-level features, where the low-level features are purified by higher level features, and multi-scale features are sufficiently integrated. Besides, we add two single-modality decoder (SMD) branches to preserve more modality-specific information. Finally, we employ a multi-stream fusion (MSF) module to fuse three decoders’ features. Comprehensive experiments are conducted on three RGB-T datasets, and the results show that our CAE-Net is comparable to the other methods.

1. Introduction

Salient object detection (SOD) attempts to imitate the human’s attention mechanism, which can discover the most attractive objects in the image at first glance, to segment out the saliency objects in the image. SOD can be applied in many downstream computer vision tasks, such as object tracking [1], image quality assessment [2], scene classification [3], image fusion [4], and so on. Due to its superior performance in downstream tasks, SOD has received more and more attention in recent years.
The RGB SOD has been studied for many years. In the beginning, researchers proposed many traditional methods, which involve designing handcrafted features to estimate saliency maps. These methods cannot explore the high-level semantic information contained in the image, so it leads to unsatisfactory results. Benefiting from powerful feature representation ability, convolutional neural networks (CNNs) [5] are receiving more and more attention in computer vision applications. Particularly, when the fully convolutional networks (FCN) [6] and Unet [7] were proposed in image segmentation tasks, researchers gradually turned to embracing the deep learning-based method in SOD. Many works have been proposed in SOD. For example, to take into account the long range correlation of deep features between different positions, many works [8,9] employed ASPP [10], RFB [11], or PPM [12] modules. By using these modules, the context information of salient objects can be fully exploited. Similarly, Pang [13] employed multi-branch features interaction to fully explore multi-scale information. Besides, edge features were also explicitly explored by many works to portray sharp boundaries of salient objects [14,15]. Though great progress has been made in recent years, RGB SOD suffers interference from low-contrast or complex background images, resulting in a poor quality saliency map. With the development of sensor technology, we can easily afford the expenditure of depth or thermal sensors. The depth image provides a description of the spatial arrangement information of the scene. By introducing the depth information, we can easily distinguish objects with different depths. However, due to the vulnerability of depth sensors to environmental changes, low-quality depth maps exist in RGB-D datasets, resulting in the decline performance of RGB-D SOD. Different from the depth information, the thermal infrared image depicts the radiated heat information of objects in the scene, so it can help us easily distinguish salient objects.
RGB-T SOD faces the problems of multi-modal feature fusion. Previous works have explored cross-modal complementary information. In [16], the multi-interactive block is designed to fuse the previous layer’s decoded features with two modal features, respectively, which are afterwards concatenated to perform cross-modal fusion. In [17], the context-guided cross-modality fusion is designed to fuse two modal features using element-wise multiplication and addition at each level, and then they are fed into a stacked refinement network to decode them. Nevertheless, direct concatenation or element-wise addition/multiplication cannot fully explore the complementary information between two modal features. Besides, there are some poor quality examples in the RGB or thermal infrared image, as shown in Figure 1. If we indiscriminately concatenate or add two modal features together, the bad quality samples will mislead the saliency model, resulting in incorrect prediction results. Therefore, we need to carefully design a module to appropriately merge two modal features. In addition, similar to RGB SOD, many works have been committed to exploring multi-scale information embedded in deep features. For example, in [17], the surrounding and global context unit was proposed to capture context information. Considering that each level feature contains different scale information, where high-level features contain more semantic and holistic information, and low-level features contain more detail and local information. Properly aggregating the cross-level features and simultaneously reducing the noise impact are worth further investigating.
To solve these problems mentioned above, we propose a novel cross-modal attention enhancement network (CAE-Net) for RGB-T salient object detection, which is shown in Figure 2. Benefiting from three key components (i.e., cross-modal fusion (CMF), single-/joint-modality decoder (SMD/JMD), and multi-stream fusion (MSF)), the CAE-Net can fully exploit cross-modal information and suitably fuse them. Besides, it can adequately aggregate cross-level features in a gradually refined manner. Concretely, to fuse cross-modal features, we design a cross-modal fusion (CMF) module, where the cross-attention unit (CAU) is constructed to enhance the one modal feature using the attention from another modal feature, and then we employ channel attention to adaptively emphasize the significant modal features and restrain the deficient modal features. Then, to preferably fuse the cross-level features, we design the joint-modality decoder (JMD), where high-level features refine low-level features to suppress noisy information and sufficiently gather multi-scale features. Besides, we add two independent single-modality decoder (SMD) branches to preserve more modality-specific information [18] contained in the RGB and thermal image, respectively. Finally, we design the multi-stream fusion (MSF) module to fully explore complementary information between different decoder branches. With our elaborate design, the proposed model can better explore complementary information between cross-modal features and appropriately aggregate cross-level features.
Overall, we summarize the main contributions of our paper as follows:
  • We propose a novel RGB-T salient object detection model, called a cross-modal attention enhancement network (CAE-Net), which consists of the cross-modal fusion (CMF), the single-/joint-modality decoder (SMD/JMD), and multi-stream fusion (MSF).
  • To fuse the cross-modal features, we design a cross-modal fusion (CMF) module, where the cross-attention unit (CAU) is employed to filter incompatible information, and the channel attention is used to emphasize the significant modal features.
  • To fuse cross-level features, we design the joint-modality decoder (JMD) module, where the multi-scale features are extracted and aggregated, and noisy information is filtered. Besides, two independent single-modality decoder (SMD) branches are employed to preserve more modality-specific information.
  • To fully explore the complementary information between different decoder branches, we design a multi-stream fusion (MSF) module.
We organize the remaining part of this paper as follows. We briefly conclude the related works of salient object detection in Section 2. In Section 3, we describe the proposed model in detail. In Section 4, we show the comprehensive experiments and detailed analyses. Finally, this article is concluded in Section 5.

2. Related Works

In recent years, a large number of works have been proposed for salient object detection. Here, we briefly introduce RGB saliency models, RGB-D saliency models, and RGB-T saliency models.

2.1. RGB Salient Object Detection

In the beginning, researchers employed hand-crafted features and a variety of prior knowledge to determine saliency. For instance, the center-surrounding discrepancy mechanism [19] was employed to distinguish salient objects. Afterward, traditional machine-learning models were developed. In [20], multiple types of features were combined, which consist of multiscale contrast, spatial color distribution, and center-surrounded histogram, by learning conditional random field. In [21], the saliency score is predicted by fusing a multi-level regional feature vector through supervised learning. The convolutional neural network (CNNs) [5] has been widely used in many applications due to its powerful representation learning ability. Particularly, when Unet [7] and fully convolutional networks (FCN) [6] are proposed in image segmentation tasks, CNN-based models dominated in saliency detection. For example, Wu et al. [8] designed a cascaded partial decoder, where low-level features are refined by initial saliency maps, which are predicted by exploiting high-level features. Besides, many researchers have tried their best to recover boundary details of saliency maps [15]. In [22], a boundary-aware loss function and refinement module are used to depict boundaries and purify coarse prediction maps, which effectively cause the boundaries to be clearer. In [14], fine detail saliency maps are predicted by integrating salient object features and edge features, which are produced by exploiting global features and edge features. Wan et al. [23] designed a deeper feature extraction module to enhance the deep feature representation, in which a bidirectional feature extraction unit is designed. Liu et al. [9] employed a parallel multiscale pooling to capture different scale objects. Xu et al. [24] proposed a center-pooling algorithm, where the receptive field is dynamically modified, to take into account the different importance of different regions. In [25], dense attention mechanisms were employed in the decoder to guide the low-level features concentrated on the defect regions.
Though researchers have great progressed RGB saliency detection, complex scenes, such as clutter background and low contrast, will degrade the performance RGB saliency models.

2.2. RGB-D Salient Object Detection

In recent years, we can easily obtain the depth information of scenes with the development of hardware such as laser scanner and Kinect. With the help of a depth map, the challenge of complex scenes for saliency models can be overcome via understanding spatial layout cues. Many researchers have worked to promote the progress of it. The final saliency map is produced by employing the center-dark channel map in [26]. Recently, many CNN-based models have been proposed. For example, in [27], the residual connection is used to fuse the RGB and depth complementary information. The author combined depth features with multi-scale features to single out salient objects. Wang et al. [28] designed two streams to generate saliency maps for depth and RGB, respectively. Then, the switch map, which is learned by the saliency fusion module, fuses two saliency maps. In [29], RGB is processed by the master network, the depth becomes a full exploit because of the sub-network, and the depth-based features are incorporated into the master network. The two modal high-level features, including the depth features and RGB features, are fused by a selective self-mutual attention module in [30], and the depth decoder features are fused into RGB branch by introducing the residual fusion module. Multi-level features are fused by a densely cooperative fusion (DCF), and collaborative features are learned by joint learning (JL) in [31]. In [32], attention maps were generated from depth cues to intensify salient regions. Besides, in [33], the multi-modal features are fused by employing a cross-modality feature modulation, which consists of spatial selection and channel selection. Wen et al. [34] designed a bi-directional gated pooling module to strengthen the multi-scale information, and gated-based selection to optimize cross-level information. Generally, the encouraging performance is presented by existing RGB-D saliency models, but inaccurate depth maps still degrade their performance.

2.3. RGB-T Salient Object Detection

The thermal infrared image can provide temperature field distribution of scenes, so it plays a positive role when the depth map cannot differentiate salient objects and backgrounds. In the beginning, traditional methods were proposed. In [35], the reliability was described for each modality by introducing a weight, and the weight was integrated into a graph-based manifold ranking method to achieve the adaptive fusion of different source data. Tu et al. [36] segmented RGB and thermal images into multi-scale superpixels. Then, these superpixels were used as graph nodes, and the manifold ranking was performed to obtain saliency maps. In [37], superpixels were used as graph nodes, and then the hierarchical features were used to learn graph affinity and node saliency. With the development of CNNs, deep learning-based methods were broadly employed. Zhang et al. [38] employed multi-branch group fusion to fuse the cross-modal features and designed a joint-attention guided bi-direction message passing to integrate multi-level features. In [39], feature representations were explored and integrated using cross-modal multi-stage fusion. Then, the bi-directional multi-scale decoder was proposed to learn the combination of multi-level fused features. Tu et al. [16] built a dual decoder to conduct interactions of global contexts, two modalities, and multi-level features. Huo et al. [17] established the context-guided cross-modality fusion to explore the complementary information of two modalities, and the features were refined using a stacked refinement network by spatial and semantic information interaction. In [40], multi-level features were extracted and aggregated with the attention mechanisms, and edge loss was used to portray boundaries.
Although much work has been performed on RGB-T SOD, there are still many problems that have not been fully explored. The majority of RGB-T SOD models employ concatenation or element-wise addition/multiplication to fuse the cross-modal features, but these fusion methods do not take into account the distinct significance of two modal features, leading to suboptimal results. Moreover, by employing vanilla Unet to decode cross-level features, the saliency models cannot sufficiently excavate the global context information embedded in deep features, and it is easily interfered by noise in low-level features. To solve these problems, we propose a novel cross-modal attention enhancement network (CAE-Net), where the cross-modal complementary information is fully explored and fused and the cross-level features are effectively aggregated.

3. The Proposed Method

In this section, the architecture of our proposed cross-modal attention enhancement network (CAE-Net) is introduced in Section 3.1. The cross-modal fusion (CMF) and single-/joint-modality decoder (SMD/JMD) are described in Section 3.2 and Section 3.3, respectively. We present the multi-stream fusion (MSF) in Section 3.4. The loss functions are illustrated in Section 3.5.

3.1. Architecture Overview

The architecture of the proposed cross-modal attention enhancement network (CAE-Net) is shown in Figure 2. Firstly, we use a double stream encoder to extract the multi-level features of the RGB image I R and thermal infrared image I T , respectively. Here, we use VGG16 [41] as the backbone of the encoder, where we specially remove the last pooling layer and three fully connected layers of it. After deploying the encoder, we can obtain five level-deep features { F i R , F i T } ( i = 1 , , 5 ) for two modal inputs, respectively, and their resolution are 1, 1/2, 1/4, 1/8, and 1/16 of the original input image, respectively. Then, we design a cross-modal fusion (CMF), which consists of a cross-attention unit (CAU) and channel attention weighted fusion, to adequately explore the cross-modal complementary information, obtaining the fused features { F i F } ( i = 3 , 4 , 5 ) . After that, we design the joint-modality decoder (JMD) to fuse the cross-level features, obtaining decoded feature F 3 F d . The JMD can effectively extract multi-scale information and filter the noisy information in the low-level features. Furthermore, we add two independent single-modality decoder (SMD) branches to preserve more modality-specific information, obtaining decoded features F 3 R d and F 3 T d , respectively. Finally, we design a multi-stream fusion (MSF) module to fully fuse the complementary information between different decoder branches, obtaining the final fused feature F 3 S d . Then, one 1 × 1 convolution followed by a sigmoid function is applied on F 3 S d to generate the final saliency map S .

3.2. Cross-Modal Fusion

Digging out complementary information between two modal features is a major problem in RGB-T SOD. Here, we design the cross-modal fusion (CMF) module shown in Figure 3 to tackle this problem. The majority of existing methods just simply concatenate or element-wise add two modal features together. However, these methods cannot avoid the performance degradation caused by the misleading information in two modal inputs (i.e., the low-quality input image and the noisy information). Hence, we employ an attention mechanism to suppress the noisy information contained in two modal features. Different from frequently used self-attention, we design the cross-attention unit (CAU-R/CAU-T) shown in Figure 3 to filter one modal feature using the attention generated from another modal feature, where it can help enhance the shared features of two modalities. Concretely, using CAU-R as an example, we separately feed the thermal features F i T into a channel attention [42] and spatial attention [43] module to produce channel attention and spatial attention values of F i T , respectively. Then, we sequentially multiply the RGB features F i R with these two attention values. To avoid the RGB features being diluted by bad quality thermal samples, we introduce the residual connection for F i R . Following this way, we obtain cross-attention enhanced RGB features F i R e . Similar to CAU-R, we also deploy a CAU-T to enhance the thermal features F i T . The whole process is formulated as follows,
F i R e = F i R ( F i R C A ( F i T ) S A ( F i T ) ) F i T e = F i T ( F i T C A ( F i R ) S A ( F i R ) ) ,
C A ( F ) = σ ( M L P ( R e l u ( M L P ( G M P s ( F ) ) ) ) ) S A ( F ) = σ ( C o n v 7 × 7 ( G M P c ( F ) ) ) ,
where C A and S A are channel attention and spatial attention, respectively, G M P s is global max pooling along the spatial dimension, G M P c is global max pooling along the channel dimension, R e l u is nonlinear activation function, M L P is fully connected layer, σ is activation function, and C o n v 7 × 7 is convolution layer with 7 × 7 kernel. More details of channel attention and spatial attention can be found in [42,43]. ⊙ is element-wise multiplication and ⊕ is element-wise addition. F i R e and F i T e are the enhanced RGB and thermal features, respectively.
After refining the two modal features, we attempt to appropriately fuse them. The existing methods indiscriminately fuse two modal features using concatenation or element-wise addition, but they do not take into account the different importance of two modal features. When encountering a bad quality sample, it will present a failure saliency prediction. With the help of channel attention, we can explicitly estimate the dynamic importance of RGB feature F i R e and thermal feature F i T e . Concretely, we concatenate these two features along the channel dimension, and then we feed them into the channel attention module to obtain a channel-wise importance weight for indicating which modal feature is more valuable. After that, we multiply this weight with the concatenated features, and then we employ a 1 × 1 convolution to reduce the channel number of concatenated features. The above calculation process is expressed as follows,
F i F = C o n v 1 × 1 ( c a t ( F i R e , F i T e ) C A ( c a t ( F i R e , F i T e ) ) ) ,
where c a t means concatenation operation, and C o n v 1 × 1 means a 1 × 1 convolution and a BN layer [44]. F i F means the fused features of two modalities at the i-th level.

3.3. Single-/Joint-Modality DECODER

The Unet [7] has been widely used in SOD research. However, considering that the low-level features contain a lot of noisy information, directly concatenating low-level encoder features with decoder features is not a optimal method. Under the guidance of high-level features, we can filter the noisy information contained in low-level features. Furthermore, multi-scale modules (PPM [12], ASPP [10], and RFB [11]) have been proved to be powerful in context information extraction. Different from [8], we use the RFB in the feature decoding phase. This is because, after concatenating the encoder feature with the previous layer decoder feature, the RFB can learn a more accurate and robust feature representation. In addition, considering that only one joint-modality decoder (JMD) may put more bias on one of the two modal features, we also add two single-modality decoder (SMD) branches to preserve more specific information in two modal features. Namely, the SMD can help each modal encoder extract effective and specific information. Concretely, using the SMD shown in Figure 4 as an example, firstly, we fed the fifth level feature F 5 R into RFB [11] to capture global context information, thus obtaining the decoded feature F 5 R d . Then, we multiply the fourth level encoder feature F 4 R with F 5 R d to filter the noisy information in the low-level feature. Next, we concatenate the filtered feature with F 5 R d and feed it into RFB to obtain F 4 R d , which is enriched with multi-scale information. The third level decoder is similar to the above process. However, it should be noted that, in the third level feature decoding process, we also added one skip connection from F 5 R d to avoid the high-level feature being diluted. The above calculation processes are formulated as,
F 5 R d = R F B ( F 5 R ) F 4 R d = R F B ( c a t ( F 4 R C o n v 3 × 3 ( U P × 2 ( F 5 R d ) ) , C o n v 3 × 3 ( U P × 2 ( F 5 R d ) ) ) ) F 3 R d = R F B ( c a t ( F 3 R C o n v 3 × 3 ( U P × 2 ( F 4 R d ) ) , C o n v 3 × 3 ( U P × 2 ( F 4 R d ) ) , C o n v 3 × 3 ( ( U P × 4 ( F 5 R d ) ) ) ) ,
where R F B means the RFB module and F i R d means the i-th level decoded features. C o n v 3 × 3 denotes a 3 × 3 convolution followed by a BN layer. U P × 2 and U P × 4 means 2 and 4 times bilinear interpolation upsampling, respectively. Our JMD is similar to SMD, but we replace the RFB operation in SMD with the context module (CM) shown in Figure 4, where we employ two parallel branches with RFB and Nonlocal [45] operation to further enhance the global context information. Notably, before feeding the feature into the Nonlocal module, we employ a 1 × 1 convolution to compress the feature channel into 64 to reduce the computation cost of the Nonlocal operation. The above calculation processes are formulated as,
F 5 F d = C M ( F 5 F ) F 4 F d = C M ( c a t ( F 4 F C o n v 3 × 3 ( U P × 2 ( F 5 F d ) ) , C o n v 3 × 3 ( U P × 2 ( F 5 F d ) ) ) ) F 3 F d = C M ( c a t ( F 3 F C o n v 3 × 3 ( U P × 2 ( F 4 F d ) ) , C o n v 3 × 3 ( U P × 2 ( F 4 F d ) ) , C o n v 3 × 3 ( U P × 4 ( F 5 F d ) ) ) ) ,
where C M is context module shown in Figure 4, and it can be formulated as,
F o u t C M = R F B ( F i n C M ) N o n l o c a l ( C o n v 1 × 1 ( F i n C M ) ) ,
where N o n l o c a l means Nonlocal operation.

3.4. Multi-Stream Fusion (MSF)

If we only use the joint-modality decoder output F 3 F d as the final saliency results, it may lose some distinctive information contained in RGB or thermal modality. Based on this observation, we again aggregate three branches of decoded features, as shown in Figure 2. We firstly concatenate these three decoded features F 3 R d , F 3 T d , and F 3 F d together. Then, we upsample the resulting features two times and employ a 3 × 3 convolution to enhance the upsampling features, and we repeat this operation again, obtaining the final saliency features F 3 S d . The above calculating processes are formulated as,
F 3 S d = C o n v 3 × 3 ( U P × 2 ( C o n v 3 × 3 ( U P × 2 ( c a t ( F 3 R d , F 3 T d , F 3 F d ) ) ) ) ) ,
where C o n v 3 × 3 means a 3 × 3 convolution layer and a BN layer. Finally, we employ a 1 × 1 convolution toward F 3 S d , which is followed by a sigmoid function, obtaining the final saliency map S . This process is formulated as,
S = σ ( C o n v 1 × 1 ( F 3 S d ) ) ,
where σ is the sigmoid activation function; furthermore, we employ deep supervision [46] in our model, as shown in Figure 2, where F 3 R d , F 3 T d , and F 3 F d are also fed into a 1 × 1 convolutional layer followed by the sigmoid activation function to predict the saliency results, respectively. Their losses, which are marked as { l s i } i = 2 , 3 , 4 , are calculated between the saliency results and GT.

3.5. Loss Functions

We adopt the hybrid loss [22] to supervise our model’s CAE-Net,
l s = b c e + s s i m + i o u b c e = 1 N i = 1 N G ( i ) log S ( i ) + 1 G ( i ) log 1 S ( i ) 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 ) i o u = 1 i = 1 N G ( i ) S ( i ) i = 1 N G ( i ) + S ( i ) G ( i ) S ( i ) ,
where b c e , s s i m , and i o u are binary cross-entropy loss [47], SSIM loss [48], and IoU loss [49], respectively. G and S mean the groundtruth and saliency map, respectively. N indicates the number of total pixels in the image, i means the i-th pixel. For SSIM loss, the image is cropped m patches, and μ x , μ y , σ x , and σ y are the mean and standard deviations of GT and predictions, respectively. σ x y is the covariance of them. C 1 and C 2 are set to 0.01 2 and 0.03 2 by default.
Finally, the total loss l s t o t a l of the proposed CAE-Net can be defined as,
l s t o t a l = i = 1 4 l s i ,
where l s i are shown in Figure 2 and calculated using Equation (9).

4. Experiments

In this section, the datasets and implementation details are presented in Section 4.1. The evaluation metrics are described in Section 4.2. In Section 4.3, our model is quantitatively and qualitatively compared with 18 state-of-the-art models. The ablation studies are shown in Section 4.4. Finally, we analyze the scalability of our model on RGB-D datasets in Section 4.5.

4.1. Datasets and Implementation Details

To evaluate the performance of the proposed CAE-Net, we employ three widely used RGB-T datasets, including VT821 [35], VT1000 [37], and VT5000 [40]. VT821 contains 821 RGB-T image pairs. VT1000 includes 1000 RGB-T image pairs. VT5000 includes 5000 RGB-T image pairs.
For a fair comparison, we follow the setting in [16], where 2500 samples from VT5000 are chosen as the training set. The remaining datasets are treated as testing datasets. To avoid overfitting, we augmented the training datasets using random flipping.
We implement our model by using the PyTorch toolbox [50], and our PC is equipped with one RTX2080Ti GPU. We resize the input image to 224 × 224 before training. The encoder of RGB and thermal branches are initialized using pretrained VGG16 [41]. We train our model by using the Adam optimizer, where the initial learning rate is set to 1 × 10 4 . Additionally, the batchsize is 14, and the total training epoch is 250. We decrease the learning rate to 1 × 10 5 after 200 epochs.

4.2. Evaluation Metrics

In this paper, we compare our CAE-Net with 18 state-of-the-art models in terms of four widely used SOD metrics, including mean absolute error ( M A E ), F-measure ( F β ) [51], E-measure ( E ξ ) [52], and structure-measure ( S α ) [48].

4.2.1. M A E

The mean absolute error ( M A E ) is expressed as follows,
M A E = 1 W × H i = 1 W j = 1 H | S ( i , j ) G ( i , j ) | ,
where G ( i , j ) and S ( i , j ) denotes the groundtruth and the predicted saliency map, respectively.

4.2.2. F β

The F-measure ( F β ) is a weighted harmonic mean of recall and precision, which is formulated as,
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 ,
where β 2 is set to 0.3 referring to [51].

4.2.3. E ξ

The E-measure ( E ξ ) is a metric that evaluates global and local similarities between the groundtruth and the predicted saliency map. Concretely, it is formulated as,
E ξ = 1 W × H i = 1 W j = 1 H φ S ( i , j ) , G ( i , j ) ,
where φ indicates the enhanced alignment matrix.

4.2.4. S α

Structure-measure ( S α ) is employed to evaluate the structure similarities between salient objects in the groundtruth and the predicted saliency map,
S α = α S o + ( 1 α ) S r ,
where S r and S o mean region-aware and object-aware structural similarity, respectively, and α is set to 0.5, referring to [48].

4.3. Comparison with State-of-the-Arts

Our model is compared with 18 state-of-the-art saliency models, which are split into three groups, including the RGB, RGB-D, and RGB-T models. They are five RGB saliency models, including PoolNet [9], R3Net [53], BASNet [22], EGNet [14], and CPD [8]; five RGB-D saliency models, including DMRA [27], S2MA [30], AFNet [28], JLDCF [31], and PDNet [29]; and eight RGB-T saliency models, including M3S-NIR [36], MTMR [35], SGDL [37], FMCF [38], ADF [40], MMNet [39], MIDD [16], and CSRNet [17]. For fair comparison, the prediction maps of the RGB-T models are provided by the authors of the original paper. However, for the RGB and RGB-D models, the authors did not provide their prediction maps on RGB-T datasets, so we run the officially released codes to retrain and test them. It is worth noting that the authors [16] have tested part of the RGB and RGB-D models in this repository (https://github.com/lz118/Multi-interactive-Dual-decoder, accessed on 1 December 2022), so we directly use them. To ensure a fair comparison, we evaluate the saliency maps of all the models using the same one as the publicly available evaluation toolbox (https://github.com/lartpang/PySODMetrics, accessed on 1 December 2022).

4.3.1. Quantitative Comparison

We present PR curves and F-measure curves in Figure 5. For PR curves, our model is closest to the upright corner compared with other models. Except for VT821, our model is slightly inferior to CSRNet. For F-measure curves, our model outperforms other models on VT5000 and V1000. Namely, it locates the top position in the figure on these two datasets, but it is comparable to CSRNet on VT821. In addition, the quantitative comparison results, including MAE, F β , E ξ , and S α , are presented in Table 1, where the adaptive F-measure and adaptive E-measure are reported. As can be seen from Table 1, our model outperforms most models on three datasets, except for VT821, our model ranks as second order with regard to F β and S α . To be specific, the traditional RGB-T methods M3S-NIR, MTMR, and SGDL perform poorly. This demonstrates the powerful representation learning ability of CNNs. Besides, our model surpasses the best RGB method CPD and RGB-D method PDNet by a large margin. This result indicates that our carefully designed model is effective. Compared to the competitive RGB-T model CSRNet, our model advances the MAE, F β , E ξ , and S α by 10.0 % , 1.7 % , 1.2 % , and 1.4 % on VT5000, respectively.

4.3.2. Complexity Analysis

In Table 2, we report the number of parameters and floating-point operations per second (FLOPs) of the compared models. We also visualize the accuracy corresponding to FLOPs in Figure 6, where the area of the circle denotes the relative size of the parameter quantities. The model located at the top-left position achieves a better trade-off between the accuracy and model complexity. We can see that the lightweight model CSRNet has the fewest parameters and FLOPs, while ranking second in terms of the F β score. Our model has a moderate number of parameters (38.8 M) and fewer FLOPs (47.1 G), while ranking first in terms of the F β score. From Figure 6, we can see that our model is located at the top and the second left position. It shows that our model achieves a better trade-off between accuracy and model complexity.

4.3.3. Qualitative Comparison

We show the qualitative results in Figure 7, where some representative samples, containing bad quality thermal images and small objects (the 1st row), bad quality RGB images (the 8th row), low-contrast RGB images (the 5th row), multiple objects (the 6th row and the 8th row), and vimineous object (the 10th row), are displayed. Concretely, in Figure 7 (first row and eighth row), even though the bad quality thermal image or RGB image exists, our method can highlight the salient objects without being disturbed by the bad quality sample. In the fifth row, our model can detect the bulb with the help of the thermal image, but other models are interfered by the low-contrast RGB image. In the sixth and eighth row, our model can detect two salient objects, but other models either detect only one object or detect objects with blurry boundaries. Especially in the first and sixth row, the salient objects are small, but our model can also detect them. In the 10th row, the vimineous stick can be integrally detected by our model. Generally, it can be found that, compared with other models, our model can detect small objects with less noise and can adaptively mitigate the distraction from low-quality samples.

4.4. Ablation Studies

To demonstrate the effectiveness of each component in the proposed CAE-Net, we conduct several ablation experiments, including the effectiveness of CMF, the effectiveness of SMD/JMD, the effectiveness of MSF, the effectiveness of backbone, and the effectiveness of loss functions. We provide the quantitative results in Table 3 and the visualization results in Figure 8 and Figure 9.

4.4.1. Effectiveness of cross-Modal Fusion (CMF)

In order to verify the effectiveness of feature fusion in the middle layer, we conduct comparative experiments by concatenating two modal features at the input stage, which is abbreviated as “CI” in Table 3 (No.1). Concretely, we directly concatenate two modal input images I R and I T along the channel dimension at the beginning stage, and then feed it into the single branch saliency prediction network (i.e., the bottom stream in Figure 2). From Table 3 we can see that our model enhances the M A E by 12.7 % on VT5000. It demonstrates the effectiveness of fusing features at the intermediate level. The visual results shown in Figure 8e also prove the same conclusion. This is because the early fusion scheme (i.e., concatenating two inputs) fails to fully explore deep complementary cues between two modal inputs. Next, we verify the effectiveness of the CMF module by removing it, shown in Table 3 (No.1 w/o CMF). Namely, we replace the CMF module by simply concatenating two modal features F i R and F i T together along the channel, which is followed by a 3 × 3 convolution layer to produce fusion features F i F , and other parts are kept the same with our full model. Compared to this variant, our model elevates the MAE, F β , E ξ , and S α by 3.8 % , 1.6 % , 1.0 % , and 0.8 % on VT5000, respectively. As can be seen from Figure 8f, the model “w/o CMF” cannot suppress the background noise. This proves that the design of the CMF is beneficial. The reason is that the CMF can suppress the noisy information in two modal features with the help of an attention module. To verify the effectiveness of cross attention in CMF, we replace it with self-attention, which is abbreviated as “Self” in Table 3 (No.1). That is, in CAU-R, we employ CA and SA of RGB feature F i R to enhance itself, but not CA and SA of thermal feature F i T , and, in CAU-T, thermal feature F i T also employs attention from itself. Compared to this variant, our model elevates the MAE, F β , E ξ , and S α by 2.5 % , 0.9 % , 0.7 % , and 0.4 % on VT5000, respectively. From Figure 8g, we can see that the ablation model “Self” is easily affected by background noise. This suggests that the cross-attention can highlight the shared information and suppress distracting information in another modal features.

4.4.2. Effectiveness of Single-/Joint-Modality Decoder (SMD/JMD)

To verify the effectiveness of SMD and JMD, we perform an ablation experiment by removing both of them, which is shown in Table 3 (No.2 Unet). Concretely, we use three simple Unet [7] structures to fuse the cross-level features of the three branches, respectively, where cross-level features F 5 X , F 4 X , and F 3 X are concatenated, followed by a 3 × 3 convolution to fuse them layer by layer. Compared to this variant, our model can improve MAE, F β , E ξ , and S α by 15.7 % , 7.2 % , 3.3 % , and 3.3 % on VT5000, respectively. As can be seen from Figure 8h, the ablation model “Unet” displays poor prediction results. This is because simple Unet cannot capture long-range context information and filter cross-level interfering information. Besides, we remove two SMDs, retaining only JMD, which is abbreviated as w/o SMD. Specifically, two single-modality decoders for the RGB branch and thermal branch are removed, only retaining one joint-modality decoder for the joint branch, so the multi-stream fusion module is also removed. The saliency maps are predicted on F 3 F d . Compared to this variant, our model elevates the MAE, F β , E ξ , and S α by 2.8 % , 1.0 % , 0.9 % , and 0.3 % on VT5000, respectively. As shown in Figure 8i, it can be seen that the ablation model “w/o SMD” is easily affected by the inverted reflection of the cup in the first row. The reason is that the SMD can help two encoders extract more modality-specific information, and then the cross-modal features contain more valuable information to be fused. We further verify the effectiveness of RFB in SMD/JMD (Table 3 No.2 w/o RFB). That is, in SMD and JMD, the RFB module is replaced by a 3 × 3 convolution, while the Nonlocal branch in CM remains unchanged. Compared to this setting, our model enhances the MAE, F β , E ξ , and S α by 6.2 % , 2.9 % , 2.0 % , and 1.1 % on VT5000, respectively. We also show the visual comparison in Figure 8j. The reason is that the RFB can effectively capture the long-range context information, which is more beneficial to depict the salient objects. Besides, we verify the effectiveness of the Nonlocal branch in the context module (No.2 w/o Nonlocal). Namely, we remove the Nonlocal branch in CM and only keep the RFB branch; at this time, the CM module is identical to the RFB. Compared to this setting, our model improves the MAE, F β , E ξ , and S α by 2.8 % , 0.9 % , 0.6 % , and 0.7 % on VT5000, respectively. As can be seen from Figure 8k, the ablation model “w/o Nonlocal” is disturbed by the vehicle wheel, which is prominent in thermal image. This proves that the Nonlocal module is effective in CM because it can capture long-range relationships between different pixel positions.

4.4.3. Effectiveness of Multi-Stream Fusion (MSF)

To verify the validity of the MSF, we remove it and retrain the variant under the supervision of l s 2 , l s 3 , and l s 4 . In this ablation model, there are three saliency outputs corresponding to features F 3 F d , F 3 R d , and F 3 T d , so we evaluate their different contributions. First, we evaluate the contribution of joint-modality decoder branch (i.e., the middle stream in Figure 2), which is denoted as “Only-J” in Table 3 (No.3). That is, the saliency map is predicted on F 3 F d . Compared to this variant, our model elevates the MAE, F β , E ξ , and S α by 1.8 % , 1.3 % , 0.8 % , and 0.6 % on VT5000, respectively. Second, we evaluate the contribution of RGB branch (i.e., the bottom stream in Figure 2), with the saliency map predicted on F 3 R d , which is marked as “Only-R” in Table 3. Third, we evaluate the contribution of the thermal branch (i.e., the top stream in Figure 2), and the saliency maps are predicted on F 3 T d , which is marked as “Only-T” in Table 3. We can see that the RGB branch provides more contributions than the thermal branch on VT5000 with M A E ( ) 0.0442 vs. 0.0509. However, our model largely outperforms the single RGB branch or single thermal branch. This shows that single modal information is deficient. By fusing two modal features together (i.e., Only-J), the performance is boosted, but is still inferior to our full model. Finally, we average three saliency predictions of F 3 F d , F 3 R d , and F 3 T d , which is labeled as “Both-Avg”. It turns out that simply averaging the three predictions will not yield better results. However, our model with MSF can further explore the complementary relationship between three branches by fusing them at the feature level with two 3 × 3 convolution layers. The visual comparisons shown in Figure 8l–o also consistently prove the effectiveness of the MSF module.

4.4.4. Effectiveness of Backbone

In Table 3, (No.4), we verify the effectiveness of backbone of the encoder. Firstly, we replace VGG16 with ResNet50 [54] as backbone of the encoder for two modal inputs I R and I T , which is abbreviated as “Res50”. Compared to this variant, our model elevates the MAE, F β , E ξ and S α by 28.2 % , 9.9 % , 4.7 % , 5.2 % on VT5000, respectively. From Figure 8p we can see that, the model “Res50” can only predict the inferior saliency results. This proves that our model is not compatible with ResNet50. Secondly, we share the parameters of two encoders for RGB and thermal branches, which is abbreviated as “PS”. That is, the Conv1–Conv5 of the RGB branch share the same parameters as Conv1–Conv5 of the thermal branch. Compared to this variant, our model elevates the MAE, F β , E ξ , and S α by 3.8 % , 1.6 % , 1.2 % , and 0.7 % on VT5000, respectively. The visual results are shown in Figure 8q. The results show that two parameter independent encoders can learn more diverse feature representations for each modality, respectively.

4.4.5. Effectiveness of Loss Functions

In Table 3, (No.5), we verify the effectiveness of loss functions. Firstly, we only use the bce loss b c e in the training process. Compared to this setting, our model elevates the MAE, F β , E ξ , and S α by 4.5 % , 3.9 % , 2.2 % , and 0.3 % on VT5000, respectively. Secondly, we combine the bce with IoU loss. Namely, simultaneously employing b c e and i o u to train our model. Compared to only employing bce loss, this variant elevates the MAE, F β , E ξ , and S α by 3.0 % , 2.7 % , 1.2 % , and 0.3 % on VT5000, respectively. Thirdly, we combine the bce with SSIM loss. Namely, simultaneously employing b c e and s s i m to train our model. Compared to only employing bce loss, this variant elevates the MAE, F β , E ξ , and S α by 2.0 % , 1.5 % , 1.0 % , and 0.1 % on VT5000, respectively. Compared to bce+IoU and bce+SSIM, our model can elevate the MAE by 1.5 % and 2.5 % , respectively. As can be seen from Figure 9, our full model shows the superiority in all cases. The results show that either IoU or SSIM loss can help the model learn more helpful information. Furthermore, by simultaneously employing bce, IoU, and SSIM losses, our model presents the best results.

4.5. Scalability Analysis

We also verify the adaptation of our CAE-Net on four RGB-D datasets, including NJU2K (1985 image pairs) [55], NLPR (1000 image pairs) [56], STERE (1000 image pairs) [57], and DUT (1200 image pairs) [27]. Following previous work settings [58,59], 1485 images from the NJU2K dataset and 700 images from the NLPR dataset are used for training, when testing our model on NJU2K, NLPR, and STERE. Additionally, as in the widely adopted training strategy in [60,61], an additional 800 image pairs from DUT are used for training, when testing our model on DUT.
We provide the quantitative results of 10 SOTA RGB-D methods in Table 4, including JLDCF [31], DCMF [62], SSF [63], DANet [61], A2dele [60], DMRA [27], ICNet [64], S2MA [30], AFNet [28], and CPFP [65]. There are some methods, for which their codes are not available or for which the authors do not provide the saliency results, where we mark them with symbol “−” in Table 4. From the quantitative comparisons, we can see that our CAE-Net is comparable to these SOTA RGB-D methods. In general, our model ranks in the top three on most datasets, except on STERE in terms of S α , where our model ranks fourth. Specifically, our model enhances M A E by 8.6 % and 2.9 % on NJU2K and STERE, respectively. These quantitative results show that our model can be successfully adapted to RGB-D datasets, demonstrating favorable generation ability of our model.

5. Conclusions

In this paper, we propose a cross-modal attention enhancement network (CAE-Net), which consists of cross-modal fusion (CMF), a single-/joint-modality decoder (SMD/JMD), and multi-stream fusion (MSF), to accurately detect the salient objects. Firstly, we design the cross-modal fusion (CMF) to fuse cross-modal features, where a cross-attention unit (CAU) is employed to refine two modal features, and channel attention weighted fusion is used to merge two modal features. The CMF can effectively enhance features and reduce disturbance from bad quality samples. Then, we design the joint-modality decoder (JMD) to fuse cross-level features, where the low-level features are purified using high-level decoded features. The JMD effectively filter noise in low-level features and capture wider context information. Besides, we add two single-modality decoder (SMD) branches to preserve more modality-specific information. Finally, we employ multi-stream fusion (MSF) to fuse three branches of decoded features. The MSF can further aggregate effective information in three decoder branches. Extensive experiments are performed on three public datasets, and the results show that our model CAE-Net is comparable to 18 state-of-the-art saliency models.

Author Contributions

Conceptualization, C.L. and B.W.; methodology, C.L. and X.Z.; software, C.L.; validation, Y.S. and J.H.; investigation, X.Z.; resources, Y.S. and J.H.; writing—original draft preparation, C.L.; writing—review and editing, B.W. and X.Z.; supervision, X.Z. and C.Y.; project administration, J.Z. and C.Y.; funding acquisition, J.Z. and C.Y. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Key Research and Development Program of China under Grants 2020YFB1406604; the Fundamental Research Funds for the Provincial Universities of Zhejiang under Grants GK229909299001-009; the National Natural Science Foundation of China under Grants 62271180, 62171002, 61901145, U21B2024, 61931008, 62071415, 61972123, 62001146; the “Pioneer” and “Leading Goose” R&D Program of Zhejiang Province (2022C01068); the Zhejiang Province Nature Science Foundation of China under Grants LR17F030006, LY19F030022, LZ22F020003; the Hangzhou Dianzi University (HDU) and the China Electronics Corporation DATA (CECDATA) Joint Research Center of Big Data Technologies under Grants KYH063120009; the 111 Project under Grants D17019; and the Fundamental Research Funds for the Provincial Universities of Zhejiang under Grants GK219909299001-407.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Liu, J.; Gong, S.; Guan, W.; Li, B.; Li, H.; Liu, J. Tracking and Localization based on Multi-angle Vision for Underwater Target. Electronics 2020, 9, 1871. [Google Scholar] [CrossRef]
  2. Tang, L.; Sun, K.; Huang, S.; Wang, G.; Jiang, K. Quality Assessment of View Synthesis Based on Visual Saliency and Texture Naturalness. Electronics 2022, 11, 1384. [Google Scholar] [CrossRef]
  3. Ji, L.; Hu, X.; Wang, M. Saliency Preprocessing Locality-Constrained Linear Coding for Remote Sensing Scene Classification. Electronics 2018, 7, 169. [Google Scholar] [CrossRef]
  4. Duan, C.; Liu, Y.; Xing, C.; Wang, Z. Infrared and Visible Image Fusion Using Truncated Huber Penalty Function Smoothing and Visual Saliency Based Threshold Optimization. Electronics 2022, 11, 33. [Google Scholar] [CrossRef]
  5. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  6. 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]
  7. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
  8. Wu, Z.; Su, L.; Huang, Q. Cascaded partial decoder for fast and accurate salient object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 3907–3916. [Google Scholar]
  9. Liu, J.J.; Hou, Q.; Cheng, M.M.; Feng, J.; Jiang, J. A simple pooling-based design for real-time salient object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 3917–3926. [Google Scholar]
  10. 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]
  11. Liu, S.; Huang, D. Receptive field block net for accurate and fast object detection. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 385–400. [Google Scholar]
  12. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2881–2890. [Google Scholar]
  13. Pang, Y.; Zhao, X.; Zhang, L.; Lu, H. Multi-scale interactive network for salient object detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 14–19 June 2020; pp. 9413–9422. [Google Scholar]
  14. Zhao, J.X.; Liu, J.J.; Fan, D.P.; Cao, Y.; Yang, J.; Cheng, M.M. EGNet: Edge guidance network for salient object detection. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 8779–8788. [Google Scholar]
  15. Zhou, X.; Shen, K.; Liu, Z.; Gong, C.; Zhang, J.; Yan, C. Edge-aware multiscale feature integration network for salient object detection in optical remote sensing images. IEEE Trans. Geosci. Remote. Sens. 2021, 60, 1–19. [Google Scholar] [CrossRef]
  16. Tu, Z.; Li, Z.; Li, C.; Lang, Y.; Tang, J. Multi-Interactive dual-decoder for RGB-Thermal salient object detection. IEEE Trans. Image Process. 2021, 30, 5678–5691. [Google Scholar] [CrossRef] [PubMed]
  17. Huo, F.; Zhu, X.; Zhang, L.; Liu, Q.; Shu, Y. Efficient Context-Guided Stacked Refinement Network for RGB-T Salient Object Detection. IEEE Trans. Circuits Syst. Video Technol. 2021, 32, 3111–3124. [Google Scholar] [CrossRef]
  18. Zhou, T.; Fu, H.; Chen, G.; Zhou, Y.; Fan, D.P.; Shao, L. Specificity-preserving rgb-d saliency detection. In Proceedings of the IEEE International Conference on Computer Vision, Virtual Conference, 10 March 2021; pp. 4681–4691. [Google Scholar]
  19. Itti, L.; Koch, C.; Niebur, E. A model of saliency-based visual attention for rapid scene analysis. IEEE Trans. Pattern Anal. Mach. Intell. 1998, 20, 1254–1259. [Google Scholar] [CrossRef] [Green Version]
  20. Liu, T.; Yuan, Z.; Sun, J.; Wang, J.; Zheng, N.; Tang, X.; Shum, H.Y. Learning to detect a salient object. IEEE Trans. Pattern Anal. Mach. Intell. 2010, 33, 353–367. [Google Scholar]
  21. Jiang, H.; Wang, J.; Yuan, Z.; Wu, Y.; Zheng, N.; Li, S. Salient object detection: A discriminative regional feature integration approach. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Portland, OR, USA, 23–28 June 2013; pp. 2083–2090. [Google Scholar]
  22. Qin, X.; Zhang, Z.; Huang, C.; Gao, C.; Dehghan, M.; Jagersand, M. Basnet: Boundary-aware salient object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 7479–7489. [Google Scholar]
  23. Wan, B.; Zhou, X.; Zheng, B.; Sun, Y.; Zhang, J.; Yan, C. Deeper feature integration network for salient object detection of strip steel surface defects. J. Electron. Imaging 2022, 31, 023013. [Google Scholar] [CrossRef]
  24. Xu, C.; Liu, X.; Zhao, W. Salient object detection network with center pooling and distance-weighted affinity loss function. J. Electron. Imaging 2022, 31, 023008. [Google Scholar] [CrossRef]
  25. Zhou, X.; Fang, H.; Liu, Z.; Zheng, B.; Sun, Y.; Zhang, J.; Yan, C. Dense Attention-guided Cascaded Network for Salient Object Detection of Strip Steel Surface Defects. IEEE Trans. Instrum. Meas. 2021, 71, 1–14. [Google Scholar] [CrossRef]
  26. Zhu, C.; Li, G.; Wang, W.; Wang, R. An innovative salient object detection using center-dark channel prior. In Proceedings of the 2017 IEEE International Conference on Computer Vision Workshops (ICCVW), Venice, Italy, 22–29 October 2017; pp. 1509–1515. [Google Scholar]
  27. Piao, Y.; Ji, W.; Li, J.; Zhang, M.; Lu, H. Depth-induced multi-scale recurrent attention network for saliency detection. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 7254–7263. [Google Scholar]
  28. Wang, N.; Gong, X. Adaptive fusion for RGB-D salient object detection. IEEE Access 2019, 7, 55277–55284. [Google Scholar] [CrossRef]
  29. Zhu, C.; Cai, X.; Huang, K.; Li, T.H.; Li, G. PDNet: Prior-model guided depth-enhanced network for salient object detection. In Proceedings of the 2019 IEEE International Conference on Multimedia and Expo (ICME), Shanghai, China, 8–12 July 2019; pp. 199–204. [Google Scholar]
  30. Liu, N.; Zhang, N.; Han, J. Learning selective self-mutual attention for RGB-D saliency detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, CVPR 2020, Seattle, WA, USA, 13–19 June 2020; pp. 13753–13762. [Google Scholar]
  31. Fu, K.; Fan, D.P.; Ji, G.P.; Zhao, Q. JL-DCF: Joint learning and densely-cooperative fusion framework for RGB-D salient object detection. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 3052–3062. [Google Scholar]
  32. Zhou, X.; Li, G.; Gong, C.; Liu, Z.; Zhang, J. Attention-guided RGBD saliency detection using appearance information. Image Vis. Comput. 2020, 95, 103888. [Google Scholar] [CrossRef]
  33. Li, C.; Cong, R.; Piao, Y.; Xu, Q.; Loy, C.C. RGB-D salient object detection with cross-modality modulation and selection. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 225–241. [Google Scholar]
  34. Wen, H.; Yan, C.; Zhou, X.; Cong, R.; Sun, Y.; Zheng, B.; Zhang, J.; Bao, Y.; Ding, G. Dynamic selective network for RGB-D salient object detection. IEEE Trans. Image Process. 2021, 30, 9179–9192. [Google Scholar] [CrossRef]
  35. Wang, G.; Li, C.; Ma, Y.; Zheng, A.; Tang, J.; Luo, B. RGB-T saliency detection benchmark: Dataset, baselines, analysis and a novel approach. In Proceedings of the 13th Conference on Image and Graphics Technologies and Applications, Beijing, China, 8–10 April 2018; pp. 359–369. [Google Scholar]
  36. Tu, Z.; Xia, T.; Li, C.; Lu, Y.; Tang, J. M3S-NIR: Multi-modal multi-scale noise-insensitive ranking for RGB-T saliency detection. In Proceedings of the 2019 IEEE Conference on Multimedia Information Processing and Retrieval (MIPR), San Jose, CA, USA, 28–30 March 2019; pp. 141–146. [Google Scholar]
  37. Tu, Z.; Xia, T.; Li, C.; Wang, X.; Ma, Y.; Tang, J. RGB-T image saliency detection via collaborative graph learning. IEEE Trans. Multimedia 2019, 22, 160–173. [Google Scholar] [CrossRef]
  38. Zhang, Q.; Huang, N.; Yao, L.; Zhang, D.; Shan, C.; Han, J. RGB-T salient object detection via fusing multi-level CNN features. IEEE Trans. Image Process. 2019, 29, 3321–3335. [Google Scholar] [CrossRef]
  39. Gao, W.; Liao, G.; Ma, S.; Li, G.; Liang, Y.; Lin, W. Unified information fusion network for multi-modal RGB-D and RGB-T salient object detection. IEEE Trans. Circuits Syst. Video Technol. 2021, 32, 2091–2106. [Google Scholar] [CrossRef]
  40. Tu, Z.; Ma, Y.; Li, Z.; Li, C.; Xu, J.; Liu, Y. RGBT salient object detection: A large-scale dataset and benchmark. IEEE Trans. Multimedia 2022. [Google Scholar] [CrossRef]
  41. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  42. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7132–7141. [Google Scholar]
  43. Chen, L.; Zhang, H.; Xiao, J.; Nie, L.; Shao, J.; Liu, W.; Chua, T.S. Sca-cnn: Spatial and channel-wise attention in convolutional networks for image captioning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–6 July 2017; pp. 5659–5667. [Google Scholar]
  44. Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. In Proceedings of the 32nd International Conference on Machine Learning, ICML 2015, International Machine Learning Society (IMLS), Lile, France, 6–11 July 2015; pp. 448–456. [Google Scholar]
  45. Wang, X.; Girshick, R.; Gupta, A.; He, K. Non-local neural networks. In Proceedings of the 2018 IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2018, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7794–7803. [Google Scholar]
  46. Hou, Q.; Cheng, M.M.; Hu, X.; Borji, A.; Tu, Z.; Torr, P.H. Deeply supervised salient object detection with short connections. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–16 July 2017; pp. 3203–3212. [Google Scholar]
  47. De Boer, P.T.; Kroese, D.P.; Mannor, S.; Rubinstein, R.Y. A tutorial on the cross-entropy method. Ann. Oper. Res. 2005, 134, 19–67. [Google Scholar] [CrossRef]
  48. 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 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 4548–4557. [Google Scholar]
  49. Máttyus, G.; Luo, W.; Urtasun, R. Deeproadmapper: Extracting road topology from aerial images. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 3438–3446. [Google Scholar]
  50. Paszke, A.; Gross, S.; Massa, F.; Lerer, A.; Bradbury, J.; Chanan, G.; Killeen, T.; Lin, Z.; Gimelshein, N.; Antiga, L.; et al. Pytorch: An imperative style, high-performance deep learning library. Adv. Neural Inf. Process. Syst. 2019, 32, 8026–8037. [Google Scholar]
  51. Achanta, R.; Hemami, S.; Estrada, F.; Susstrunk, S. Frequency-tuned salient region detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 22–24 June 2009; pp. 1597–1604. [Google Scholar]
  52. Fan, D.P.; Gong, C.; Cao, Y.; Ren, B.; Cheng, M.M.; Borji, A. Enhanced-alignment measure for binary foreground map evaluation. In Proceedings of the International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 13–19 July 2018; pp. 698–704. [Google Scholar]
  53. Deng, Z.; Hu, X.; Zhu, L.; Xu, X.; Qin, J.; Han, G.; 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]
  54. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  55. Ju, R.; Ge, L.; Geng, W.; Ren, T.; Wu, G. Depth saliency based on anisotropic center-surround difference. In Proceedings of the IEEE International Conference on Image Processing, Paris, France, 27–30 October 2014; pp. 1115–1119. [Google Scholar]
  56. Peng, H.; Li, B.; Xiong, W.; Hu, W.; Ji, R. Rgbd salient object detection: A benchmark and algorithms. In Proceedings of the European Conference on Computer Vision, Zurich, Switzerland, 6–12 September 2014; pp. 92–109. [Google Scholar]
  57. Niu, Y.; Geng, Y.; Li, X.; Liu, F. Leveraging stereopsis for saliency analysis. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 454–461. [Google Scholar]
  58. Fan, D.P.; Lin, Z.; Zhang, Z.; Zhu, M.; Cheng, M.M. Rethinking RGB-D salient object detection: Models, data sets, and large-scale benchmarks. IEEE Trans. Neural Netw. Learn. Syst. 2020, 32, 2075–2089. [Google Scholar] [CrossRef] [PubMed]
  59. Chen, S.; Fu, Y. Progressively guided alternate refinement network for RGB-D salient object detection. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 520–538. [Google Scholar]
  60. Piao, Y.; Rong, Z.; Zhang, M.; Ren, W.; Lu, H. A2dele: Adaptive and attentive depth distiller for efficient RGB-D salient object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 9060–9069. [Google Scholar]
  61. Zhao, X.; Zhang, L.; Pang, Y.; Lu, H.; Zhang, L. A single stream network for robust and real-time RGB-D salient object detection. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23–28 August 2020; pp. 646–662. [Google Scholar]
  62. Chen, H.; Deng, Y.; Li, Y.; Hung, T.Y.; Lin, G. RGBD salient object detection via disentangled cross-modal fusion. IEEE Trans. Image Process. 2020, 29, 8407–8416. [Google Scholar] [CrossRef]
  63. Zhang, M.; Ren, W.; Piao, Y.; Rong, Z.; Lu, H. Select, supplement and focus for RGB-D saliency detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 3472–3481. [Google Scholar]
  64. Li, G.; Liu, Z.; Ling, H. ICNet: Information conversion network for RGB-D based salient object detection. IEEE Trans. Image Process. 2020, 29, 4873–4884. [Google Scholar] [CrossRef]
  65. Zhao, J.X.; Cao, Y.; Fan, D.P.; Cheng, M.M.; Li, X.Y.; Zhang, L. Contrast prior and fluid pyramid integration for RGBD salient object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 18–22 June 2018; pp. 3927–3936. [Google Scholar]
Figure 1. Some bad quality examples of RGB or thermal infrared images. (a,b) are two samples with bad quality thermal images, and (c,d) are two samples with bad quality RGB images. GT denotes groundtruth, and ours indicates the saliency maps predicted by our proposed method.
Figure 1. Some bad quality examples of RGB or thermal infrared images. (a,b) are two samples with bad quality thermal images, and (c,d) are two samples with bad quality RGB images. GT denotes groundtruth, and ours indicates the saliency maps predicted by our proposed method.
Electronics 12 00953 g001
Figure 2. The overall architecture of our model’s cross-modal attention enhancement network (CAE-Net). Firstly, we use double stream encoder to extract multi-level features of RGB image I R and thermal infrared image I T , respectively, producing five level-deep features { F i R , F i T } ( i = 1 , , 5 ) for them. Then, we design a cross-modal fusion (CMF) module, which consists of cross-attention unit (CAU) and channel attention weighted fusion, to fuse two modal deep features, obtaining the fused features { F i F } ( i = 3 , 4 , 5 ) . After that, we design the joint-modality decoder (JMD) to fuse cross-level features and obtain decoded feature F 3 F d . We also add two independent single-modality decoder (SMD) branches to preserve more modality-specific information, obtaining decoded features F 3 R d and F 3 T d , respectively. Finally, we design a multi-stream fusion (MSF) module to fully fuse complementary information between different decoder branches and obtain the final fused feature F 3 S d . S is the final saliency map, which is obtained by applying one 1 × 1 convolution on F 3 S d . Here, the supervision loss of S and intermediate features are denoted as l s i ( i = 1 , , 4 ) , which are marked with a red arrow in this figure.
Figure 2. The overall architecture of our model’s cross-modal attention enhancement network (CAE-Net). Firstly, we use double stream encoder to extract multi-level features of RGB image I R and thermal infrared image I T , respectively, producing five level-deep features { F i R , F i T } ( i = 1 , , 5 ) for them. Then, we design a cross-modal fusion (CMF) module, which consists of cross-attention unit (CAU) and channel attention weighted fusion, to fuse two modal deep features, obtaining the fused features { F i F } ( i = 3 , 4 , 5 ) . After that, we design the joint-modality decoder (JMD) to fuse cross-level features and obtain decoded feature F 3 F d . We also add two independent single-modality decoder (SMD) branches to preserve more modality-specific information, obtaining decoded features F 3 R d and F 3 T d , respectively. Finally, we design a multi-stream fusion (MSF) module to fully fuse complementary information between different decoder branches and obtain the final fused feature F 3 S d . S is the final saliency map, which is obtained by applying one 1 × 1 convolution on F 3 S d . Here, the supervision loss of S and intermediate features are denoted as l s i ( i = 1 , , 4 ) , which are marked with a red arrow in this figure.
Electronics 12 00953 g002
Figure 3. The architecture of the cross-modal fusion (CMF).
Figure 3. The architecture of the cross-modal fusion (CMF).
Electronics 12 00953 g003
Figure 4. The architecture of the single-modality decoder (SMD) and joint-modality decoder (JMD).
Figure 4. The architecture of the single-modality decoder (SMD) and joint-modality decoder (JMD).
Electronics 12 00953 g004
Figure 5. PR and F-measure curves of different models. (a) Results on the VT5000 dataset. (b) Results on the VT1000 dataset. (c) Results on the VT821 dataset.
Figure 5. PR and F-measure curves of different models. (a) Results on the VT5000 dataset. (b) Results on the VT1000 dataset. (c) Results on the VT821 dataset.
Electronics 12 00953 g005
Figure 6. The accuracy and complexity of each model. The horizontal axis indicates FLOPs, while the vertical axis indicates the accuracy. Here, we measure the accuracy by F β score on VT5000. The area of circle represents the relative size of parameter quantity of each model. The model with top-left position means the better trade-off between accuracy and FLOPs.
Figure 6. The accuracy and complexity of each model. The horizontal axis indicates FLOPs, while the vertical axis indicates the accuracy. Here, we measure the accuracy by F β score on VT5000. The area of circle represents the relative size of parameter quantity of each model. The model with top-left position means the better trade-off between accuracy and FLOPs.
Electronics 12 00953 g006
Figure 7. Visual comparison of saliency maps. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) CSRNet [17]. (f) MIDD [16]. (g) MMNet [39]. (h) CPD [8]. (i) PDNet [29]. (j) ADF [40]. (k) JLDCF [31]. (l) AFNet [28]. (m) EGNet [14]. (n) S2MA [30]. (o) BASNet [22]. (p) FMCF [38]. (q) R3Net [53]. (r) PoolNet [9]. (s) SGDL [37]. (t) MTMR [35]. (u) M3S-NIR [36]. (v) DMRA [27].
Figure 7. Visual comparison of saliency maps. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) CSRNet [17]. (f) MIDD [16]. (g) MMNet [39]. (h) CPD [8]. (i) PDNet [29]. (j) ADF [40]. (k) JLDCF [31]. (l) AFNet [28]. (m) EGNet [14]. (n) S2MA [30]. (o) BASNet [22]. (p) FMCF [38]. (q) R3Net [53]. (r) PoolNet [9]. (s) SGDL [37]. (t) MTMR [35]. (u) M3S-NIR [36]. (v) DMRA [27].
Electronics 12 00953 g007
Figure 8. Visual comparison of different ablation models. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) CI. (f) w/o CMF. (g) Self. (h) Unet. (i) w/o SMD. (j) w/o RFB. (k) w/o Nonlocal. (l) Only-J. (m) Only-R. (n) Only-T. (o) Both-Avg. (p) Res50. (q) PS.
Figure 8. Visual comparison of different ablation models. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) CI. (f) w/o CMF. (g) Self. (h) Unet. (i) w/o SMD. (j) w/o RFB. (k) w/o Nonlocal. (l) Only-J. (m) Only-R. (n) Only-T. (o) Both-Avg. (p) Res50. (q) PS.
Electronics 12 00953 g008
Figure 9. Visual comparison of different ablation losses. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) bce. (f) bce+IoU. (g) bce+SSIM.
Figure 9. Visual comparison of different ablation losses. (a) RGB image. (b) Thermal infrared image. (c) Groundtruth. (d) Ours. (e) bce. (f) bce+IoU. (g) bce+SSIM.
Electronics 12 00953 g009
Table 1. Quantitative comparisons with 18 models on three RGB-T datasets. The top three results are marked with red, green, and blue color in each column. ↑ and ↓ denote that the larger value is better and the smaller value is better, respectively. * denotes tradition method, and others are deep learning method.
Table 1. Quantitative comparisons with 18 models on three RGB-T datasets. The top three results are marked with red, green, and blue color in each column. ↑ and ↓ denote that the larger value is better and the smaller value is better, respectively. * denotes tradition method, and others are deep learning method.
DatasetVT5000VT1000VT821
Metric MAE F β E ξ S α MAE F β E ξ S α MAE F β E ξ S α
RGBPoolNet [9]0.08050.64310.80890.78810.0630.75030.85520.84850.08280.65180.8110.7884
R3Net [53]0.05880.72830.86180.81280.03690.83250.91910.88650.08090.68150.81650.7823
BASNet [22]0.05420.7640.87930.83850.03040.8480.92440.90840.06730.73540.8570.8228
EGNet [14]0.05280.77410.88850.85260.03390.84740.92260.90930.06610.72560.85830.829
CPD [8]0.04650.78590.89650.85470.03120.86170.93070.90710.07950.71730.84740.8185
RGB-DDMRA [27]0.18450.52730.68690.65890.12410.71510.81970.78360.21650.57720.71440.6663
S2MA [30]0.05330.74320.87030.85350.02970.8480.92860.91820.0980.70920.83760.8112
AFNet [28]0.05030.74880.87940.83230.03280.83820.92260.88910.06870.66160.82120.7787
JLDCF [31]0.05030.73910.86390.86150.02990.82910.91450.91270.07560.72650.84860.8389
PDNet [29]0.04740.76120.88360.8450.03270.83620.92120.89740.05660.71260.85870.8099
RGB-TM3S-NIR * [36]0.1680.57520.78180.65270.14540.71670.82810.72630.13970.73390.86070.7238
MTMR * [35]0.11430.59520.79480.68080.11940.71360.83560.70630.10830.6620.81420.7258
SGDL * [37]0.08860.67120.82410.75170.08960.76260.8570.78780.08490.72920.84720.7666
FMCF [38]0.05560.73260.86720.8130.0370.8220.9160.87230.08080.64050.80350.7596
ADF [40]0.04830.77740.8910.86360.03390.84620.92220.90940.07650.71580.84420.8106
MMNet [39]0.04330.78230.89030.86390.02750.86070.92840.91730.040.79580.89310.8749
MIDD [16]0.04330.79940.89880.86790.02710.880.9420.91550.04460.80320.89750.8712
CSRNet [17]0.04170.80920.90680.86760.02420.87510.93920.91830.03760.8290.91160.8848
Ours0.03750.82330.91850.88020.02320.88130.94910.92340.03590.82010.91590.8837
Table 2. The comparisons of model complexity between different models. Here, “↓” means that the smaller the better.
Table 2. The comparisons of model complexity between different models. Here, “↓” means that the smaller the better.
ModelsPoolNetR3NetBASNetEGNetCPDDMRAS2MAJLDCFADFMIDDCSRNetOurs
[9][53][22][14][8][27][30][31][40][16][17]
Param(M) ↓53.656.187.1108.129.259.786.7143.583.150138.8
FLOPs(G) ↓123.447.597.7291.959.4120.9141.1211.1247.2114.64.447.1
Table 3. Ablation studies are implemented on three datasets, where the best result is marked with red color in each column. Here, “↓” means that the smaller the better.
Table 3. Ablation studies are implemented on three datasets, where the best result is marked with red color in each column. Here, “↓” means that the smaller the better.
Ablation StudyVT5000VT1000VT821
MAE F β E ξ S α MAE F β E ξ S α MAE F β E ξ S α
No.1CI0.0430.79550.90130.86390.02750.86470.93880.91110.0460.78940.88840.8595
w/o CMF0.0390.80960.90910.8730.02590.86820.93930.91320.03930.78890.89310.8653
Self0.03850.81550.91130.87630.02520.87330.94130.91760.03810.79770.89680.8712
No.2Unet0.04450.76790.88830.85160.03190.84260.92230.89890.04840.74120.86730.8433
w/o SMD0.03860.81440.91030.87750.02330.87530.94110.91960.03870.80660.90230.8754
w/o RFB0.040.79950.90.87040.02810.86340.92950.91280.04060.78710.88820.8673
w/o Nonlocal0.03860.81530.91230.87350.02570.87710.94550.91780.03810.8010.9020.8698
No.3Only-J0.03820.81260.91060.87460.02460.87570.9440.91880.03910.79710.89570.8688
Only-R0.04420.79370.90010.86010.02780.86380.93380.90880.05750.75240.87040.84
Only-T0.05090.76440.89040.83350.03840.83540.92380.88160.05410.74240.86990.8176
Both-Avg0.03950.7970.90020.87310.02710.86140.93040.91340.03780.79120.89360.8731
No.4Res500.05230.74860.87720.83610.03720.82770.91210.88660.04450.77960.89170.8501
PS0.0390.80980.90740.87380.02430.87810.94580.91930.03730.79870.89710.8738
No.5bce0.03930.79180.89810.87710.02680.85530.92990.91750.0410.780.88610.8719
bce+IoU0.03810.81380.90890.88050.02350.87370.93910.9210.03830.80590.89920.8767
bce+SSIM0.03850.80410.90720.87810.02580.85950.93270.92060.03860.78840.89190.8738
Ours0.03750.82330.91850.88020.02320.88130.94910.92340.03590.82010.91590.8837
Table 4. Quantitative comparisons with 10 methods on four RGB-D datasets. The top three results are marked with red, green, blue color in each column. ↑ and ↓ denote that the larger value is better and smaller value is better, respectively. The symbol “−” denotes that their saliency results are not available.
Table 4. Quantitative comparisons with 10 methods on four RGB-D datasets. The top three results are marked with red, green, blue color in each column. ↑ and ↓ denote that the larger value is better and smaller value is better, respectively. The symbol “−” denotes that their saliency results are not available.
DatasetsMetricCPFPAFNetS2MAICNetDMRAA2deleDANetSSFDCMFJLDCFOurs
[65][28][30][64][27][60][61][63][62][31]
NJU2K M A E 0.05340.05330.05330.0520.0510.05090.04640.04350.04270.04150.0379
F β 0.83640.86720.86460.86760.87010.87090.87630.88270.88040.88410.9007
E ξ 0.90020.91880.91630.91270.920.9160.9260.93350.92460.93470.9409
S α 0.87770.88010.89420.89390.88590.8710.89690.89840.91250.90250.9074
NLPR M A E 0.0360.0330.030.02840.03150.02860.02850.02670.0290.02190.0221
F β 0.81890.82030.84790.8650.84940.870.86620.86720.8490.87320.897
E ξ 0.92270.93060.94070.94350.940.94410.94780.9490.93810.95390.9606
S α 0.88740.89940.91450.92150.89860.8980.91370.91350.9210.92390.9241
STERE M A E 0.05140.04720.05080.04470.04770.04320.04760.04480.04270.04040.0392
F β 0.82960.87180.85450.86420.86580.88080.85810.8780.86590.86880.8824
E ξ 0.90710.93370.92540.92560.93320.93480.92630.93420.92980.93680.9403
S α 0.87930.89140.89040.90250.88560.8870.89220.89280.90970.90290.8993
DUT M A E 0.0440.07220.04780.04270.04670.0340.03510.0430.035
F β 0.88470.82980.88310.89010.88360.91290.90570.88270.916
E ξ 0.93490.90120.93010.92960.9290.95140.95050.93750.9498
S α 0.9030.85240.88890.88690.88940.91590.92790.90550.9141
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

Lv, C.; Wan, B.; Zhou, X.; Sun, Y.; Hu, J.; Zhang, J.; Yan, C. CAE-Net: Cross-Modal Attention Enhancement Network for RGB-T Salient Object Detection. Electronics 2023, 12, 953. https://doi.org/10.3390/electronics12040953

AMA Style

Lv C, Wan B, Zhou X, Sun Y, Hu J, Zhang J, Yan C. CAE-Net: Cross-Modal Attention Enhancement Network for RGB-T Salient Object Detection. Electronics. 2023; 12(4):953. https://doi.org/10.3390/electronics12040953

Chicago/Turabian Style

Lv, Chengtao, Bin Wan, Xiaofei Zhou, Yaoqi Sun, Ji Hu, Jiyong Zhang, and Chenggang Yan. 2023. "CAE-Net: Cross-Modal Attention Enhancement Network for RGB-T Salient Object Detection" Electronics 12, no. 4: 953. https://doi.org/10.3390/electronics12040953

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