Next Article in Journal
Monitoring the Reduced Resilience of Forests in Southwest China Using Long-Term Remote Sensing Data
Previous Article in Journal
A Zoning Earthquake Casualty Prediction Model Based on Machine Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Fast and Lightweight Detection Network for Multi-Scale SAR Ship Detection under Complex Backgrounds

1
College of Automation, Chongqing University of Posts and Telecommunications, Chongqing 400065, China
2
College of Computer Science, Chongqing University, Chongqing 400044, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(1), 31; https://doi.org/10.3390/rs14010031
Submission received: 9 November 2021 / Revised: 12 December 2021 / Accepted: 16 December 2021 / Published: 22 December 2021

Abstract

:
It is very difficult to detect multi-scale synthetic aperture radar (SAR) ships, especially under complex backgrounds. Traditional constant false alarm rate methods are cumbersome in manual design and weak in migration capabilities. Based on deep learning, researchers have introduced methods that have shown good performance in order to get better detection results. However, the majority of these methods have a huge network structure and many parameters which greatly restrict the application and promotion. In this paper, a fast and lightweight detection network, namely FASC-Net, is proposed for multi-scale SAR ship detection under complex backgrounds. The proposed FASC-Net is mainly composed of ASIR-Block, Focus-Block, SPP-Block, and CAPE-Block. Specifically, without losing information, Focus-Block is placed at the forefront of FASC-Net for the first down-sampling of input SAR images at first. Then, ASIR-Block continues to down-sample the feature maps and use a small number of parameters for feature extraction. After that, the receptive field of the feature maps is increased by SPP-Block, and then CAPE-Block is used to perform feature fusion and predict targets of different scales on different feature maps. Based on this, a novel loss function is designed in the present paper in order to train the FASC-Net. The detection performance and generalization ability of FASC-Net have been demonstrated by a series of comparative experiments on the SSDD dataset, SAR-Ship-Dataset, and HRSID dataset, from which it is obvious that FASC-Net has outstanding detection performance on the three datasets and is superior to the existing excellent ship detection methods.

Graphical Abstract

1. Introduction

Synthetic aperture radar (SAR) possesses advantages of reconnaissance and all-weather imaging [1]. With the development of airborne and spaceborne SAR, it has been widely used in military and civil fields, such as Gaofen-3, Sentinel-1, TerraSAR-X, and Radarsat-2. As a basic maritime task, SAR ship detection has important value in maritime traffic control, fishery management, and maritime emergency rescue [2]. Up to now, the SAR ship detection field can be roughly divided into two development stages: traditional methods and deep learning-based methods.
Traditional methods include the following three categories: (1) polarization information [3,4]; (2) wavelet transform [5,6]; (3) statistical characteristics [7,8]. Constant false alarm rate (CFAR) [9,10] is the most widely used method among these traditional ones. The CFAR detector calculates the detection threshold adaptively by estimating the statistics of the background clutter and maintains a constant false alarm probability. However, these traditional methods are cumbersome in manual design, complicated in the calculation process, and weak in migration capabilities, which restrict the applications of migration. In addition, these traditional methods require very high professional knowledge for researchers and can easily cause over-fitting problems.
With the gradual maturity of deep learning theory, its application fields are increasingly becoming wider. Deep convolutional neural networks (DCNN) have been shown high reliability and accuracy in target detection. DCNN can learn stable and efficient features for target detection automatically. Therefore, traditional feature extraction methods are gradually being replaced by convolutional neural networks. The current mainstream target detection methods based on DCNN consist of two categories: two-stage and one-stage.
For the two-stage networks, region proposals containing the approximate position information of the target are generated in the first stage. The second stage mainly consists of fine-tuning the target category and specific location in the region proposals. Representatives of two-stage networks are region-based fully convolutional networks (R-FCN) [11] and faster region-based CNN (Faster R-CNN) [12]. Different from the two-stage networks, the region proposal stage is not necessary in one-stage networks and can directly generate target classification probabilities and locate coordinates. Typical one-stage networks include Single Shot Multibox Detector (SSD) [13], You Only Look Once (YOLO) [14], and Retina-Net [15]. Two-stage networks have advantages in accuracy but low speed. On the contrary, one-stage networks have advantages in detection speed which is conducive to applications on mobile devices with high real-time requirements. With the development of one-stage networks, their detection performance has gradually surpassed two-stage networks and have become the mainstream method in the field of target detection.
Ship detection methods based on deep learning in SAR images have shown outstanding detection performance. A SAR ship region extraction method based on binarized normalized gradient and Fast R-CNN was proposed in [16,17]. After that, based on the context area for SAR ship detection, Kang et al. [18] proposed a multi-layer fusion convolutional neural network which consists of a region proposal network (RPN) with high network resolution and a target detection network with contextual features. YOLO-V2-reduced for SAR ship detection, which was proposed by Chang et al. [19], reduced the parameters and layers based on YOLO-v2, thereby the detection speed improved. In [20], a squeeze and excitation rank mechanism was designed to enhance the SAR ship detection ability of Faster R-CNN. Automatic ship detection on GF-3 multi-resolution image was realized by Wang et al. [21] based on Retina-Net and focal loss.
It was Zhang et al. who designed a lightweight depthwise separable convolution neural network (DS-CNN) based on anchor box mechanism, concatenation mechanism, and multi-scale detection mechanism [22]. To enhance the features of the low-level layers and high-level layers, a new two-way feature fusion module includes a semantic aggregation block and a feature reuse block was designed by Zhang et al. [23].
For multi-scale SAR ship detection, Cui et al. [24] designed a dense attention pyramid network (DAPN) that connects the convolutional block attention module (CBAM) close to each cascaded feature map from the top to the bottom of the pyramid network. For ship detection in high-resolution SAR images, Wei et al. [25] designed a high-resolution ship detection network (HR-SDNet) which makes full use of high-resolution and low-resolution convolutional feature maps through a new high-resolution feature pyramid network (HRFPN). Zhang et al. [26] proposed a quad feature pyramid network (Quad-FPN) for multi-scale SAR ship detection under complex backgrounds. Due to the difficulty of SAR image labeling, using less SAR images to achieve better detection results has become a hot research direction. Rostami et al. [27] proposed a new framework to train a deep neural network for classification without a large number of SAR images. Zhang et al. [28] proposed a multitask learning-based object detector (MTL-Det) that can learn more discriminative target features without increasing the cost of manual labeling.
Although the above methods have shown excellent performances, there are still the following three problems. (1) Most methods focus too much on improving detection accuracy, while the detection speed, which is particularly important in emergency military decision-making and maritime rescue, has been ignored to a certain extent. (2) Most methods have a huge network scale and numerous parameters, which leads to greater challenges in hardware migration (if the number of parameters of a network is less than 4 million, the network can be transplanted to a field-programmable gate array (FPGA) or digital signal processing (DSP) [29]). (3) The aforementioned methods need to be strengthened for multi-scale SAR ship detection under complex backgrounds. Therefore, a fast and lightweight detection network is proposed for multi-scale SAR ship detection under complex backgrounds in this paper. While increasing the detection speed and reducing the parameters, the proposed FASC-Net maintains a quite satisfactory detection performance. The main contributions of our work are summarized as follows.
  • A Channel-Attention Path Enhancement block (CAPE-Block) is designed by adding a bottom-up enhancement path with a channel-attention mechanism based on feature pyramid networks (FPN), which is used to shorten the path of information transmission and enhance the precise positioning information stored in the low-level feature maps.
  • A fast and lightweight detection network is designed based on CAPE-Block, ASIR-Block, Focus-Block, and SPP-Block for multi-scale SAR ship detection under complex backgrounds.
  • A novel loss function is designed for the training of FASC-Net. Binary cross-entropy loss is used to calculate the object loss and classification loss, and GIoU loss is used to calculate the loss of the prediction box. Three hyperparameters λ 1 , λ 2 , and λ 3 are introduced to balance the weights of the three sub-losses.
  • Comparing with other excellent methods (e.g., Faster R-CNN [17], SSD [13], YOLO-V4 [30], DAPN [24], HR-SDNet [25], and Quad-FPN [26]), a series of comparative experiments and ablation studies on the SSDD dataset [31], SAR-Ship-Dataset [32], and HRSID dataset [33] illustrate that our FASC-Net achieves higher mean average precision (mAP) and faster detection speed with smaller number of parameters.
The rest of our paper is organized as follows. Section 2 introduces the datasets and structure of FASC-Net. Section 3 introduces the evaluation criteria, data augmentation methods, and a series of comparative experiments. Ablation studies are used to discuss the effects of key technologies in Section 4. Section 5 concludes this paper.

2. Materials and Methods

2.1. Backbone

2.1.1. Focus-Block

As shown in Figure 1, Focus-Block is the first module of the backbone which slices the input image. Input C1 × W × H represents that the width and height of channels of the input are W and H respectively, and the number of channels of the input is C1, and C2 represents the number of the output channels. The specific operation is to get a value from every other pixel in each channel of the input image, which is similar to the neighbor down-sampling algorithm. In this way, four complementary images with the same shape are obtained. The width and height have become half of the input image and the number of channels has become four times that of the input image. The most important thing is that there is no information loss, as shown in Figure 1b. Just re-arrange all the pixels by getting a value for every other pixel without changing the value of those pixels, so there will be no loss of information. Finally, perform a CBS operation on the newly obtained images. The CBS operation includes convolution, batch normalization, and non-linear activation, as shown in Figure 1c. The activation function of CBS is the Swish activation function.
When high-resolution images are input to the network, some detailed information may be lost if a conventional convolution lay is used for the first down-sampling, and there will be a large number of parameters in the conventional convolution layer. Compared with the conventional convolution lays, Focus-Block can reduce the number of parameters, and CUDA memory as well as increase forward and backward speed while minimally impacting mAP. Focus-Block is generally used for the first down-sampling, and the higher the resolution of the input images, the more obvious its advantages.

2.1.2. ASIR-Block

ASIR-Net is a lightweight fully convolutional neural network for SAR automatic target recognition. Compared with existed excellent target recognition networks, it uses fewer parameters to achieve higher recognition accuracy. ASIR-Block is the primary block in ASIR-Net which consists of Channel-Shuffle mechanism, Inverted-Residual block, and Channel-Attention mechanism, as shown in Figure 2.
ASIR-Block can be divided into ASIR-Block-1 and ASIR-Block-2. HS, BN, DC, and GAP represent Hard-Swish activation function, batch normalization, depthwise convolution, and global average pooling, respectively. λ and δ are hyperparameters-scaling factors and are set by λ = 4 and δ = 2 in this paper. The main function of λ is to increase the number of channels of the input feature map before passing the attention mechanism. The larger the value of λ , the larger the number of channels of the input feature map, and the more parameters in the attention mechanism, so more features can be extracted. However, with the increase of λ , the detection speed of the network will decrease correspondingly. A series of experiments prove that λ = 4 is the best balance between detection accuracy and speed. The main function of δ is to control the number of channels of the output feature map. The value of δ draws on many classic deep learning networks, such as YOLO-V4 and EfficientNet-v2. The scaling factors of feature extraction modules of these algorithms are 2, so the value of δ is also set to 2 in this paper.
In ASIR-Block-1, set the stride of depthwise convolution as 1, and the padding is set as the same. The number of convolutional kernels of the last 1 × 1 convolutional layer and the number of channels of the input are the same, so as to ensure that the shape of the output is the same as that of the input, and a shortcut connection can be used.
Shortcut connections can prevent network degradation caused by gradient divergence. The main function of ASIR-Block-1 in FASC-Net is to extract more detailed features with fewer parameters. In ASIR-Block-2, the stride of depthwise convolution is set as 2, the padding is set as the same, and the number of convolutional kernels of the last 1 × 1 convolutional layer is set as δ C. The main function of ASIR-Block-2 in FASC-Net is down-sampling. The width and height of the output have become half of the input, and the number of channels of the output has become δ times that of the input.

2.1.3. SPP-Block

The Spatial-Pyramid-Pooling (SPP) block was proposed in SPP-Net [34] which greatly improved the training speed, test speed, and mAP of R-CNN. The structure of the SPP-Block is very simple and easy to understand, as shown in Figure 3. It uses Maxpool operations of different kernel sizes for feature fusion. The stride of CBS and Maxpool is set as 1 and the padding is set as the same. The function of SPP-Block is to increase the receptive field. It has little effect on the running speed of the entire network, but the performance is significantly improved owing to the fact that it can separate out the most significant context features.

2.2. CAPE-Block, Prediction, and Post-Processing

2.2.1. CAPE-Block

Most previous target detection networks use only top-level features for prediction, but we know that although the semantic information of low-level feature maps is less, the target location information is accurate. The semantic information of high-level feature maps is rich, but the target location information is rough. In order to fuse the rich semantic information of high-level features and the precise location information of low-level features, Lin et al. [35] proposed the feature pyramid network (FPN). The main structure of FPN includes a bottom-up path, a top-down path, and some lateral connections, as shown in Figure 4.
The bottom-up path is actually the forward process of the network, which mainly includes some feature extraction layers and down-sampling layers. The main function of the bottom-up path is to compress the size of the feature map and extract rich high-level semantic features. The top-down path mainly contains some feature fusion layers and up-sampling layers. Its main function is to combine rich semantic information with accurate target location information. Most importantly, prediction is made on each feature layer after fusion, which is different from the traditional feature fusion and prediction methods.
In previous experiments, we found that low-level features help to identify large targets, but the path from high-level features to low-level features is too long, which increases the difficulty of positioning information flow. Therefore, we add a bottom-up enhancement path, which is used to shorten the path of information transmission and use the precise positioning information stored in the low-level features to enhance the ability of FPN.
In addition, we also found that not each channel of feature maps contains the location information of the target. Therefore, we try to design a full convolution Channel-Attention mechanism to enhance those channels that contain accurate target location information and suppress those channels in which target location information is not contained.
The principle of the channel attention mechanism is shown in Figure 5. C × W × H presents that the number of channels, width, and height of the input U are C, W, and H respectively. GAP represents global average pooling and different colors represent different weights of channels. The 1 × 1 convolutional layer is used to replace the fully connected layer in the traditional attention mechanism, which can effectively reduce the number of trainable parameters in the attention mechanism and speed up the training speed of the network. After passing the channel attention mechanism, the channel with more target location information will be given a larger weight coefficient, which will play a greater role in the subsequent prediction process, thereby improving the accuracy of prediction boxes. Different colors represent different weights of channels.
By introducing the Channel-Attention mechanism and bottom-up path enhancement in FPN, the channel attention path enhancement block (CAPE-Block) is obtained, as shown in Figure 6. CA represents the Channel-Attention mechanism. In CAPE-Block, ASIR-Block-2 is used to achieve down-sampling, and bilinear interpolation is used to achieve up-sampling. The function of down-sampling is to compress the size of feature maps and extract important semantic information, and the function of up-sampling is to increase the size of feature maps to facilitate feature fusion with low-level feature maps that store the positioning information. In this way, the three feature layers p1, p2, and p3 after feature fusion have both rich semantic information and precise positioning information. p1, p2, and p3 have different receptive fields that can be used to predict targets of different sizes.

2.2.2. Prediction

Prediction only consists of three ordinary 1 × 1 convolution layers. The number of convolution kernels of the 1 × 1 convolution layer is N which can be obtained by:
N = N c + 4 + 1 × N a ,
where N c denotes the number of target categories, N a denotes the number of anchors on each pixel of three prediction feature layers. In this paper, N c is set as 1, and N a is set as 3, so N = 18 . The values of N c and N a can be changed to apply the proposed FASC-Net to target detection in other fields.
The specific sizes of anchors on the three prediction feature layers are shown in Table 1. The anchors on the P3 layer have a small receptive field and are mainly used to predict small targets. The anchors on the P2 layer have medium receptive fields and are mainly used to predict medium-sized targets. The anchors on the P1 layer have a larger receptive field and are mainly used to predict large targets.

2.2.3. Post-Processing

The post-processing consists of two steps: decoding and non maximum suppression (NMS). Decoding is to adjust anchors to get revised prediction boxs. The output vector corresponding to each pixel in P1, P2, and P3 is shown in Figure 7, where t x , t y , t w , and t h represent adjustment parameters of anchors.
O b j e c t represents whether there is a target in the anchor. If o b j e c t 0.25 , it is considered that there is a target in the anchor, and the anchor is set as a positive sample. If o b j e c t < 0.25 , it is considered that there is no target in the anchor, and the anchor is set as a negative sample. S c o r e represents the score of the target corresponding to each category. Assume that the center point coordinates of the anchor are ( c x , c y ), and the width and height of the anchor are p w and p h respectively. The revised prediction box can be obtained from:
b x = σ t x + c x ,
b y = σ t y + c y
b w = p w e t w
b h = p h e t h
where b x , b y , b w , and b h denote the coordinates of the center point, and width and height of the revised prediction box, respectively. σ () represents S i g m o i d activation function.
NMS can eliminate redundant prediction boxes and find the most realistic location of the target. The basic idea of NMS is simple: use the prediction box with the highest confidence to mark an object. If the intersection over union ( I o U ) of other prediction boxes and the prediction box with the highest confidence exceeds a threshold, it is considered that these boxes mark the same object and then discard the other prediction boxes. Suppose A and B are two intersecting prediction boxes, the I o U of A and B can be obtained from:
I o U = A B A B .
In this paper, set the hyperparameter I O U as 0.6.

2.3. Network Architecture of FASC-Net

After introducing the sub-blocks used in FASC-Net, we will introduce the details and construction of FASC-Net, as shown in Figure 8 and Table 2. In Table 2, k denotes the size of convolution kernels, n denotes the number of convolution kernels, and s denotes the stride of convolution kernels. In Figure 8, AB-1 denotes ASIR-Block-1, AB-2 denotes ASIR-Block-2, and US denotes up-sampling.

2.4. Training of FASC-Net

To improve the training effect of the proposed FASC-Net, a novel loss function is proposed for FASC-Net in the present work. We use binary cross-entropy loss to calculate the object loss and classification loss and use GIoU loss [36] to calculate the loss of the prediction box. GIoU loss can well reflect the overlap degree between the prediction box and the ground truth box and has scale invariance. GIoU loss can also solve the shortcoming of IoU loss that the IoU loss is zero when the two boxes do not intersect. The total loss can be presented as follows.
L = λ 1 L o b j ( o , c ) + λ 2 L c l a ( O , C ) + λ 3 L G I o U ,
where λ 1 , λ 2 , and λ 3 are hyperparameters that adjust the weights of the three sub-losses. L o b j denotes object loss and L c l a denotes classification loss which can be expressed as
L o b j ( o , c ) = i o i ln c ^ i + 1 o i ln 1 c ^ i N ,
c ^ i = Sigmoid c i ,
L c l a ( O , C ) = i p o s j c l a O i j ln C ^ i j + 1 O i j ln 1 C ^ i j N p o s ,
C ^ i j = S i g m o i d C i j ,
where o i represents the IoU of the prediction box and ground truth box, c i is the prediction value, c ^ i is the prediction confidence obtained by the s i g m o i d function, N represents the total number of positive and negative samples, and O i j indicates whether there is the jth target in the prediction box i. C i j is the prediction value, C ^ i j is the prediction confidence obtained by the s i g m o i d function, N p o s denotes the number of positive samples, and L G I o U can be obtained by
L G I o U = 1 G I o U ,
G I o U = I o U A c u A c ,
where u represents the area of the union of the ground truth box and prediction box, A c represents the area of the smallest rectangle which can include both the ground truth box and prediction box.
We use Adam to update the trainable parameters in the network. The hyperparameter of Adam are set as: ϵ = 10 8 , β 2 = 0.999, β 1 = 0.9, α = 0.001. The learning rate is set as 0.001 at the beginning, and then use cosine annealing algorithm [37] to gradually attenuate the learning rate to 0.0002, as shown in Figure 9.
Build the proposed FASC-Net by using the Pytorch1.6 framework and Anaconda3 and train it on NVIDIA GTX2070 GPU.

2.5. Dataset Description

Unlike many articles that only measure the detection accuracy of the network on the SSDD dataset, in order to fully assess the detection performance and generalization ability of FASC-Net, we will measure the performance indicators of the network on the following three datasets:
  • SSDD: SSDD [31] is made by referring to the production process of the PASCAL VOC dataset. This is because the PASCAL VOC dataset has more applications and the data format is more standardized. In the SSDD dataset, there are a total of 1160 images with 480 × 480 average image size and 2456 ships from Radarsat-2, TerraSAR-X, and Sentinel-1. The SAR ship in the SSDD dataset has a resolution of 1–10 m, with HH, HV, VV, VH polarization, as shown in Figure 10. Select the image names with index suffixes 1 and 0 as the testing dataset, and the others as the training dataset. The ratio of the number of SAR images in the training dataset to the testing dataset is 8:2.
  • SAR-Ship-Dataset: This dataset took Sentinel-1 SAR data and Gaofen-3 SAR data as the dominant data sources. The ship slices in the dataset have diverse backgrounds and rich types, which are conducive to various SAR image applications. In the SAR-Ship-Dataset [32], there are 43,819 images with 256 × 256 image size, and SAR ships have a resolution of 5 m~20 m with HH, HV, VV, and VH polarization. There is plenty of noise in these SAR images, which can effectively detect the ability of the proposed network to resist noise interference. Randomly divide the SAR images in the dataset into a training dataset and a testing dataset, the ratio of the number of SAR images in these two datasets is 8:2.
  • HRSID: HRSID [33] is a dataset for instance segmentation tasks, ship detection and, semantic segmentation in high-resolution SAR images. The HRSID dataset borrows from the construction process of the COCO dataset, including SAR images with different coastal ports, sea areas, sea conditions, polarization, and resolutions. This dataset contains a total of 5604 high-resolution SAR images with 800 × 800 image size and 16,951 ship instances from TerraSAR-X and Sentinel-1. In the HRSID dataset, the SAR ship has a resolution of 0.1–3 m, with HH, HV, and VV polarization. These images have high resolution and complex coastal backgrounds which is able to accurately assess the ability of the proposed network to detect multi-scale targets under complex coastal backgrounds. There are 1961 and 3642 SAR images in the testing dataset and training dataset respectively. The ratio of the number of SAR images in these two datasets is 13:7.

3. Experiments and Results

3.1. Data Augmentation

Sufficient training data can greatly improve the training effect of deep learning networks. Owing to the unacceptable cost of acquiring sufficient SAR images, we adopt the Mosic data augmentation method [30] in the training process to improve the training effect and the generalization ability of FASC-Net. Next, we will introduce the three steps of Mosic data augmentation. (1) Read four images at a time; (2) flip, rotate, zoom and change the color gamut of the four images respectively, and place them according to the four directions; (3) combine pictures and labels. The effect of Mosic data augmentation is shown in Figure 11. Mosic data augmentation can greatly increase the object background, and calculate four images’ data at a time when performing the batch normalization operation. In this way, the batch size does not need to be set too large, and a good training effect can be obtained with only one GPU.

3.2. Evaluation Criteria

To comprehensively and quantitatively assess the detection performance, some evaluation standards of COCO dataset and PASCAL VOC dataset are adopted, including the frames per second (FPS), number of parameters, recall, precision, mean average precision (mAP), and F1 score. FPS and the number of parameters are used to measure the time cost and memory cost of the network, respectively. Recall is the proportion of the target that the model predicts correctly among all real targets, which can be expressed as
R e c a l l = T P T P + F N ,
where true positive ( T P ) represents the number of correctly detected targets and false negative ( F N ) is the number of undetected targets. Precision is the proportion of correctly predicted targets to all predicted targets. The higher the precision, the lower the false alarm rate. Precision can be expressed as
P r e c i s i o n = T P T P + F P ,
where false positive ( F P ) represents the number of false alarms. Since precision and recall are related to each other, F 1 score and m A P are introduced to evaluate the overall performance of the proposed network. F1 score can be calculated by
F 1 = 2 × P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l ,
and mAP can be calculated by
m A P = 0 1 P ( R ) d R ,
where R and P denote the single point value of recall and precision. FPS is used to measure the detection speed of the network.

3.3. Detection Results on the SSDD Dataset

The visual analysis of the detection result of FASC-Net is shown in Figure 12. From Figure 12, we can see that FASC-Net has a very satisfactory detection performance on small and large targets in offshore scenes and the confidence is very high. However, some ships were not detected in inshore scenes. Because these ships are so close that a large part of the overlap occurred in the SAR image which may cause the network to detect these ships as one by mistake, as shown in the red rectangle in Figure 12.
The quantitative analysis of the detection result of FASC-Net is shown in Table 3, Figure 13 and Figure 14. Figure 13 indicates the relationship between loss, precision, recall, mAP, and epoch. We can see that the proposed network has a fast convergence speed. Figure 14 shows the P–R curve and F1–Confidence curve. The area enclosed by the P–R curve and the coordinate axis is the value of mAP. From Table 3, we can see that the various evaluation indicators of FASC-Net on the SSDD dataset are very high, especially the mAP has reached an astonishing 97.4%.

3.4. Detection Results on the SAR-Ship-Dataset

The visual analysis of the detection result of FASC-Net is shown in Figure 15. It is obvious that the SAR images in the SAR-Ship-Dataset have more noise than those in the SSDD dataset. This increases the difficulty of ship detection, but our proposed FASC-Net can still detect ships of different sizes in this case.
The quantitative analysis of the detection result of FASC-Net is shown in Figure 16, Figure 17, and Table 4, from which we can find that despite the noise and island interference, the proposed FASC-Net still achieves relatively high precision (91.1%), recall (92.2%), F1 score (92.1%), and mAP (96.1%) on the SAR-Ship-Dataset. FPS achieved an astonishing 60.4 owing to the lower image resolution in this dataset. This proves that the proposed network has a good anti-noise interference capability.

3.5. Detection Results on the HRSID Dataset

The visual analysis of the detection result of FASC-Net is shown in Figure 18. It is obvious that the SAR images in this dataset have more complex coastal backgrounds and higher resolution than those in the SSDD dataset and SAR-Ship-Dataset. This greatly increases the difficulty of detection, resulting in some false alarms in inshore scenes, as shown in the red rectangle in Figure 18.
The quantitative analysis of the detection result of FASC-Net is shown in Figure 19, Figure 20, and Table 5, from which we can find that despite the complex coastal background and island interference, the proposed FASC-Net still achieves relatively high precision (88.3%), recall (80.2%), F1 score (84.1%), mAP (88.3%), and FPS (24.5) on the HRSID dataset. This proves that the proposed network can detect ships of different scales under complex coastal backgrounds.

3.6. Methods Comparison

As shown in Table 6 and Figure 21, our FASC-Net is compared with six other SAR ship detection methods. These methods are Faster R-CNN [17], SSD [13], YOLO-V4 [30], DAPN [24], HR-SDNet [25], and Quad-FPN [26]. Figure 21 is the Pd–Pf curves of different methods on SSDD, where detection probability Pd and false alarm probability Pf is defined by [38]. In Table 6, Para represents the number of parameters and MS represents model size. In all comparative experiments on the three datasets, the mAPs and FPSs of the proposed FASC-Net are the highest among those methods, and the F1 scores of FASC-Net are also ranked in the top three. The most important thing is that the proposed FASC-Net has only 0.6 million parameters, which is far lower than other methods. Compared with SSDD and SAR-Ship-Dataset, the performance of the proposed method degrades on the HRSID dataset. That is because compared with the SSDD dataset and the SAR-Ship dataset, the SAR images in the HRSID dataset have more complex coastal backgrounds and higher resolution which greatly increases the difficulty of detecting ships near the coast.
Although the detection performance of the proposed network has declined on the HRSID dataset, it is still better than the other six methods. The detection performance of FASC-Net is superior to YOLO-V4 and HR-SDNet a little, yet the parameters of HR-SDNet are too many and the detection speed is too slow, it is difficult to apply in a wide range. The number of parameters of YOLO-V4 is much less than that of HR-SDNet, and the detection speed is much faster than it, but it still does not meet the requirements of transplanting to FPGA and DSP. Fortunately, the number of parameters of FASC-Net is only 1/18 that of YOLO-V4, and the detection speed is twice that of YOLO-V4, which enables the proposed FASC-Net to be well transplanted to FPGA and DSP. The results show that FASC-Net has a very low time cost and memory cost, which fully proves the rapidity and lightness of the proposed network.

3.7. Generalization Ability Verification

In this section, we selected two large-scene Sentinel-1 SAR images from the LS-SSDD-V1.0 dataset [39] for actual ship detection, which verified the good generalization ability of the proposed FASP-Net. Table 7 shows the details of the two large-scene Sentinel-1 SAR images. GT represents the total number of ships in the image. In follow experiments in this section, networks are not trained, but directly load the weights that were previously trained on other datasets. Then use those networks loaded with weights to detect ships in the new SAR image to measure the performance of the network in actual application scenarios. First, the size of the two large-scene SAR images was adjusted to 24,000 × 16,000. Then, due to the limited GPU memory, the large-scene SAR images were cut into 800 × 800 sub-images. After that, those 800 × 800 sub-images were input into FASP-Net trained on the HRSID dataset for the actual SAR ship detection. Finally, the sub-images output by the network are spliced into large-scene SAR images.
Figure 22 and Figure 23 show the visualized SAR ship detection results of FASC-Net on the two large-scene SAR images. It can be seen from Figure 22 and Figure 23 that these two large-scene Sentinel-1 SAR images have very complex coastal backgrounds and a large number of multi-scale ships. The proposed FASC-Net can accurately detect most small ships, with very few missing detections and false alarms, as shown in the yellow boxes in the figures.
The detection performance of FASC-Net is compared with the six representative methods (CFAR, Faster R-CNN, SSD, YOLO-V4, HR-SDNet, and Quad-FPN), as shown in Table 8. Because there are a lot of large-scale backgrounds, small ships and pure backgrounds in the LS-SSDD-V1.0 dataset, the performance of all ship detection methods has declined on these two images. Nevertheless, our FASC-Net also achieves the highest mAP and F1. In Image 1, FASC-Net achieves an accuracy of 79.8% mAP and 78.5% F1, superior to the second-best Quad-FPN (79.8% mAP > 74.4% mAP, 78.5% F1 > 76.4% F1); in Image 2, FASC-Net achieves an accuracy of 78.6% mAP and 78% F1, superior to the second-best Quad-FPN (78.6% mAP > 74.9%mAP, 78% F1 > 76.2% F1). This once again proves that the proposed FASC-Net can accurately detect multi-scale ships under complex backgrounds and also proves the good generalization ability of FASC-Net.

4. Discussion

In this section, we will discuss the role of ASIR-Block (AB), Focus-Block (FB), SPP-Block (SB), and CAPE-Block (CB) through ablation studies. Referring to the ablation studies in literature [38], four variants of FASC-Net is designed as follows:
  • FPNet: Composed by traditional convolutional layers and an FPN-Block, FPNet has the same width and length network as FASC-Net. The traditional convolution layers are used to downsample and extract features. Same data augmentation methods are used in the training methods and loss function as FASC-Net.
  • A-FPNet: We get A-FPN by replacing all the traditional convolutional layers of FPNet with ASIR-Blocks. We can evaluate the effect of ASIR-Blocks by comparing the parameters and performance of FPNet and A-FPNet.
  • FA-FPNet: After replacing the first ASIR-Block-2 used for down-sampling in A-FPNet with a Focus-Block, we get FA-FPNet. The effect of Focus-Block can be testified by comparing the parameters and performances of FA-FPNet and A-FPNet.
  • FAS-FPNet: FAS-FPNet is obtained by adding an SPP-Block into FA-FPNet. The effect of SPP-Block can be testified by comparing the performances of FA-FPNet and FAS-FPNet and the effect of the CAPE-Block can be testified by comparing the performances of FAS-FPNet and FASC-Net.
The number of parameters, experimental results and detailed configurations of those variants are shown in Table 9.
ASIR-Block: The first and second rows of Table 9 indicate that the mAP of A-FPNet has dropped by 0.9% compared to FPNet, but the number of parameters of A-FPNet is only 1/14 of FPNet, and the FPS of A-FPNet is 2.5 times that of FPNet. This proves that ASIR-Block can extract some stable features of the target with few parameters for target detection and accelerate the detection speed of the network. That is because the Channel-Shuffle mechanism and depthwise convolution in ASIR-Block work together to extract more detailed features with fewer parameters.
Focus-Block: It is obvious from the second and third rows of Table 9 that compared with A-FPNet, the mAP and FPS of FA-FPNet increased by 0.4% and 1.6 respectively. It seems that the improvement effect is not very obvious, because the image resolution in the SSDD dataset is not high enough. Focus-Block can quickly down-sample high-resolution remote sensing images without losing information. Focus-Block does not show obvious advantages since the image resolution in the SSDD dataset is 480 × 480. When applied to higher resolution remote sensing images, Focus-Block can show more powerful performance.
SPP-Block: The third and fourth rows of Table 9 show that compared with FA-FPNet, the mAP of FAS-FPNet increased by 2.2%, and its FPS decreased by 2.8%, which proves that SPP-Block can extract the most important context features without affecting the detection speed. Because SPP-Block uses Maxpool operations of different kernel sizes for feature fusion to increase the receptive field of feature maps, this way of feature fusion has little effect on the running speed of the entire network, the performance is significantly improved owing that it can separate out the most significant context features.
CAPE-Block: Compared with FAS-FPNet, the mAP of FAS-FPNet increased by 2.7%, and its FPS decreased by 5.8 while adding some parameters. This shows that upgrading FPN-Block to CAPE-Block can indeed shorten the path of information transmission, and use the precise positioning information stored in low-level features to enhance the detection ability. Although the addition of a bottom-up enhancement path and channel attention mechanism slightly reduced the detection speed, the detection performance has been greatly improved.

5. Conclusions

To solve the problems of multi-scale ship feature differences, complex background interference and excessive network parameters in SAR ship detection, this paper proposes a fast and lightweight detection network for multi-scale SAR ship detection under complex backgrounds. Many experiments have been carried out on the SSDD dataset, SAR-Ship-Dataset, and HRSID dataset to evaluate the proposed FASC-Net. The following conclusions can be obtained:
  • Compared with the other six excellent methods, the fast and lightweight FASC-Net achieves higher detection performance on the three datasets and has fewer parameters.
  • The detection performance improves remarkably when upgrading FPN-Block to CAPE-Block, because it can shorten the path of information transmission and make full use of the precise positioning information stored in low-level features.
  • Using ASIR-Net as the backbone of the target detection network can significantly decrease the number of parameters while keeping the detection accuracy.
  • Compared with L2 loss, mean square error and GIou loss can better reflect the overlap of the two boxes and improve the training effect of the network.
Due to the shaking of ships during the voyage and the deviation of the flight trajectory of airborne SAR, significant movement errors appear in radar raw data. If a standard imaging algorithm is directly used to process the raw data, it will cause serious defocusing problems. In the future, we will try to add an autofocus module to the image preprocessing part of our network. The autofocus module combines standard imaging algorithms with effective motion compensation [40,41]. Doing so will further enhance the capabilities of our network in practical applications.

Author Contributions

Conceptualization, J.Y. and G.Z.; data curation, G.Z.; formal analysis, M.Q.; funding acquisition, S.Z.; investigation, G.Z.; methodology, J.Y. and S.Z.; project administration, J.Y.; resources, J.Y. and S.Z.; software, G.Z. and M.Q.; supervision, J.Y.; validation, J.Y., G.Z. and S.Z.; visualization, G.Z.; writing—original draft, G.Z.; writing—review and editing, J.Y. and S.Z. All authors have read and agreed to the published version of the manuscript.

Funding

The Science and Technology Research Project of Higher Education of Hebei Province (Grant No. QN2019069), Chongqing Key Lab of Computer Network and Communication Technology (CY-CNCL-2017-02), and Guangxi Colleges and Universities Key Laboratory of Intelligent Processing of Computer Images and Graphics Project (No.GIIP1806).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The python code of FASC-net is available online at https://github.com/jack8zhou/FASC_Net (accessed on 7 November 2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Yang, M.; Guo, C.; Zhong, H.; Yin, H. A curvature-based saliency method for ship detection in SAR images. IEEE Geosci. Remote Sens. Lett. 2020, 18, 1590–1594. [Google Scholar] [CrossRef]
  2. Lin, H.; Chen, H.; Jin, K.; Zeng, L.; Yang, J. Ship detection with superpixel-level Fisher vector in high-resolution SAR images. IEEE Geosci. Remote Sens. Lett. 2019, 17, 247–251. [Google Scholar] [CrossRef]
  3. Chen, J.; Chen, Y.; Yang, J. Ship detection using polarization cross-entropy. IEEE Geosci. Remote Sens. Lett. 2009, 6, 723–727. [Google Scholar] [CrossRef]
  4. Shirvany, R.; Chabert, M.; Tourneret, J.Y. Ship and oil-spill detection using the degree of polarization in linear and hybrid/compact dual-pol SAR. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2012, 5, 885–892. [Google Scholar] [CrossRef] [Green Version]
  5. Tello, M.; López-Martínez, C.; Mallorqui, J.J. A novel algorithm for ship detection in SAR imagery based on the wavelet transform. IEEE Geosci. Remote Sens. Lett. 2005, 2, 201–205. [Google Scholar] [CrossRef]
  6. Tello, M.; Lopez-Martinez, C.; Mallorqui, J.; Bonastre, R. Automatic detection of spots and extraction of frontiers in SAR images by means of the wavelet transform: Application to ship and coastline detection. In Proceedings of the 2006 IEEE International Symposium on Geoscience and Remote Sensing, Denver, CO, USA, 31 July–4 August 2006; pp. 383–386. [Google Scholar]
  7. Leng, X.; Ji, K.; Xing, X.; Zhou, S.; Zou, H. Area ratio invariant feature group for ship detection in SAR imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2018, 11, 2376–2388. [Google Scholar] [CrossRef]
  8. Pappas, O.; Achim, A.; Bull, D. Superpixel-level CFAR detectors for ship detection in SAR imagery. IEEE Geosci. Remote Sens. Lett. 2018, 15, 1397–1401. [Google Scholar] [CrossRef] [Green Version]
  9. Kang, M.; Leng, X.; Lin, Z.; Ji, K. A modified faster R-CNN based on CFAR algorithm for SAR ship detection. In Proceedings of the 2017 International Workshop on Remote Sensing with Intelligent Processing (RSIP), Shanghai, China, 18–21 May 2017; pp. 1–4. [Google Scholar]
  10. Park, K.; Park, J.J.; Jang, J.C.; Lee, J.H.; Oh, S.; Lee, M. Multi-spectral ship detection using optical, hyperspectral, and microwave SAR remote sensing data in coastal regions. Sustainability 2018, 10, 4064. [Google Scholar] [CrossRef] [Green Version]
  11. Dai, J.; Li, Y.; He, K.; Sun, J. R-fcn: Object detection via region-based fully convolutional networks. Adv. Neural Inf. Process. Syst. 2016, 379–387. [Google Scholar]
  12. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster r-cnn: Towards real-time object detection with region proposal networks. Adv. Neural Inf. Process. Syst. 2015, 28, 91–99. [Google Scholar] [CrossRef] [Green Version]
  13. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. Ssd: Single shot multibox detector. In European Conference on Computer Vision; Springer: Berlin/Heidelberg, Germany, 2016; pp. 21–37. [Google Scholar]
  14. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You only look once: Unified, real-time object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 779–788. [Google Scholar]
  15. Lin, T.Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal loss for dense object detection. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar]
  16. Jiao, J.; Zhang, Y.; Sun, H.; Yang, X.; Gao, X.; Hong, W.; Fu, K.; Sun, X. A densely connected end-to-end neural network for multiscale and multiscene SAR ship detection. IEEE Access 2018, 6, 20881–20892. [Google Scholar] [CrossRef]
  17. Li, J.; Qu, C.; Shao, J. A ship detection method based on cascade CNN in SAR images. Control Decis. 2019, 34, 2191–2197. [Google Scholar]
  18. Kang, M.; Ji, K.; Leng, X.; Lin, Z. Contextual region-based convolutional neural network with multilayer fusion for SAR ship detection. Remote Sens. 2017, 9, 860. [Google Scholar] [CrossRef] [Green Version]
  19. Chang, Y.L.; Anagaw, A.; Chang, L.; Wang, Y.C.; Hsiao, C.Y.; Lee, W.H. Ship detection based on YOLOv2 for SAR imagery. Remote Sens. 2019, 11, 786. [Google Scholar] [CrossRef] [Green Version]
  20. Lin, Z.; Ji, K.; Leng, X.; Kuang, G. Squeeze and excitation rank faster R-CNN for ship detection in SAR images. IEEE Geosci. Remote Sens. Lett. 2018, 16, 751–755. [Google Scholar] [CrossRef]
  21. Wang, Y.; Wang, C.; Zhang, H.; Dong, Y.; Wei, S. Automatic ship detection based on RetinaNet using multi-resolution Gaofen-3 imagery. Remote Sens. 2019, 11, 531. [Google Scholar] [CrossRef] [Green Version]
  22. Zhang, T.; Zhang, X.; Shi, J.; Wei, S. Depthwise separable convolution neural network for high-speed SAR ship detection. Remote Sens. 2019, 11, 2483. [Google Scholar] [CrossRef] [Green Version]
  23. Zhang, X.; Wang, H.; Xu, C.; Lv, Y.; Fu, C.; Xiao, H.; He, Y. A lightweight feature optimizing network for ship detection in SAR image. IEEE Access 2019, 7, 141662–141678. [Google Scholar] [CrossRef]
  24. Cui, Z.; Li, Q.; Cao, Z.; Liu, N. Dense attention pyramid networks for multi-scale ship detection in SAR images. IEEE Trans. Geosci. Remote Sens. 2019, 57, 8983–8997. [Google Scholar] [CrossRef]
  25. Wei, S.; Su, H.; Ming, J.; Wang, C.; Yan, M.; Kumar, D.; Shi, J.; Zhang, X. Precise and robust ship detection for high-resolution SAR imagery based on HR-SDNet. Remote Sens. 2020, 12, 167. [Google Scholar] [CrossRef] [Green Version]
  26. Zhang, T.; Zhang, X.; Ke, X. Quad-FPN: A Novel Quad Feature Pyramid Network for SAR Ship Detection. Remote Sens. 2021, 13, 2771. [Google Scholar] [CrossRef]
  27. Rostami, M.; Kolouri, S.; Eaton, E.; Kim, K. Deep transfer learning for few-shot SAR image classification. Remote Sens. 2019, 11, 1374. [Google Scholar] [CrossRef] [Green Version]
  28. Zhang, X.; Huo, C.; Xu, N.; Jiang, H.; Cao, Y.; Ni, L.; Pan, C. Multitask Learning for Ship Detection from Synthetic Aperture Radar Images. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 8048–8062. [Google Scholar] [CrossRef]
  29. Iandola, F.N.; Han, S.; Moskewicz, M.W.; Ashraf, K.; Dally, W.J.; Keutzer, K. SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <0.5 MB model size. arXiv 2016, arXiv:1602.07360. [Google Scholar]
  30. Bochkovskiy, A.; Wang, C.Y.; Liao, H.Y.M. Yolov4: Optimal speed and accuracy of object detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  31. Li, J.; Qu, C.; Shao, J. Ship detection in SAR images based on an improved faster R-CNN. In Proceedings of the 2017 SAR in Big Data Era: Models, Methods and Applications (BIGSARDATA), Beijing, China, 13–14 November 2017; pp. 1–6. [Google Scholar]
  32. Wang, Y.; Wang, C.; Zhang, H.; Dong, Y.; Wei, S. A SAR dataset of ship detection for deep learning under complex backgrounds. Remote Sens. 2019, 11, 765. [Google Scholar] [CrossRef] [Green Version]
  33. Wei, S.; Zeng, X.; Qu, Q.; Wang, M.; Su, H.; Shi, J. HRSID: A high-resolution SAR images dataset for ship detection and instance segmentation. IEEE Access 2020, 8, 120234–120254. [Google Scholar] [CrossRef]
  34. He, K.; Zhang, X.; Ren, S.; Sun, J. Spatial pyramid pooling in deep convolutional networks for visual recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 37, 1904–1916. [Google Scholar] [CrossRef] [Green Version]
  35. Lin, T.Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature pyramid networks for object detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2117–2125. [Google Scholar]
  36. Rezatofighi, H.; Tsoi, N.; Gwak, J.; Sadeghian, A.; Reid, I.; Savarese, S. Generalized intersection over union: A metric and a loss for bounding box regression. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 658–666. [Google Scholar]
  37. Loshchilov, I.; Hutter, F. Sgdr: Stochastic gradient descent with warm restarts. arXiv 2016, arXiv:1608.03983. [Google Scholar]
  38. Zhang, T.; Zhang, X.; Shi, J.; Wei, S. HyperLi-Net: A hyper-light deep learning network for high-accurate and high-speed ship detection from synthetic aperture radar imagery. ISPRS J. Photogramm. Remote Sens. 2020, 167, 123–153. [Google Scholar] [CrossRef]
  39. Zhang, T.; Zhang, X.; Ke, X.; Zhan, X.; Shi, J.; Wei, S.; Pan, D.; Li, J.; Su, H.; Zhou, Y.; et al. LS-SSDD-v1. 0: A deep learning dataset dedicated to small ship detection from large-scale Sentinel-1 SAR images. Remote Sens. 2020, 12, 2997. [Google Scholar] [CrossRef]
  40. Chen, J.; Xing, m.; Yu, H.; Liang, B.; Peng, J.; Sun, G.C. Motion Compensation/Autofocus in Airborne Synthetic Aperture Radar: A Review. IEEE Geosci. Remote Sens. Mag. 2021, 2–23. [Google Scholar] [CrossRef]
  41. Moreira, A.; Prats-Iraola, P.; Younis, M.; Krieger, G.; Hajnsek, I.; Papathanassiou, K.P. A tutorial on synthetic aperture radar. IEEE Geosci. Remote Sens. Mag. 2013, 1, 6–43. [Google Scholar] [CrossRef] [Green Version]
Figure 1. Structure of Focus-Block. (a) Specific operation process of Focus-Block. (b) Schematic diagram of Focus-Block. (c) Structure of CBS.
Figure 1. Structure of Focus-Block. (a) Specific operation process of Focus-Block. (b) Schematic diagram of Focus-Block. (c) Structure of CBS.
Remotesensing 14 00031 g001
Figure 2. Structure of ASIR-Block. (a) ASIR-Block-1. (b) ASIR-Block-2.
Figure 2. Structure of ASIR-Block. (a) ASIR-Block-1. (b) ASIR-Block-2.
Remotesensing 14 00031 g002
Figure 3. Structure of the SPP-Block.
Figure 3. Structure of the SPP-Block.
Remotesensing 14 00031 g003
Figure 4. Structure of FPN.
Figure 4. Structure of FPN.
Remotesensing 14 00031 g004
Figure 5. The principle of the channel attention mechanism.
Figure 5. The principle of the channel attention mechanism.
Remotesensing 14 00031 g005
Figure 6. Structure of CAPE-Block and prediction.
Figure 6. Structure of CAPE-Block and prediction.
Remotesensing 14 00031 g006
Figure 7. Schematic diagram of the components of the output vector.
Figure 7. Schematic diagram of the components of the output vector.
Remotesensing 14 00031 g007
Figure 8. Illustration of the structure of the proposed FASC-Net.
Figure 8. Illustration of the structure of the proposed FASC-Net.
Remotesensing 14 00031 g008
Figure 9. Decay curve of learning rate.
Figure 9. Decay curve of learning rate.
Remotesensing 14 00031 g009
Figure 10. SAR images and labels in the SSDD dataset.
Figure 10. SAR images and labels in the SSDD dataset.
Remotesensing 14 00031 g010
Figure 11. The effect of Mosic data augmentation.
Figure 11. The effect of Mosic data augmentation.
Remotesensing 14 00031 g011
Figure 12. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Figure 12. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Remotesensing 14 00031 g012
Figure 13. The relationship between loss, precision, recall, mAP, and epoch.
Figure 13. The relationship between loss, precision, recall, mAP, and epoch.
Remotesensing 14 00031 g013
Figure 14. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Figure 14. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Remotesensing 14 00031 g014
Figure 15. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Figure 15. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Remotesensing 14 00031 g015
Figure 16. The relationship between loss, precision, recall, mAP, and epoch.
Figure 16. The relationship between loss, precision, recall, mAP, and epoch.
Remotesensing 14 00031 g016
Figure 17. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Figure 17. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Remotesensing 14 00031 g017
Figure 18. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Figure 18. The visual analysis of the detection result of the proposed FASC-Net. (a) SAR images and labels. (b) The detection result.
Remotesensing 14 00031 g018
Figure 19. The relationship between loss, precision, recall, mAP, and epoch.
Figure 19. The relationship between loss, precision, recall, mAP, and epoch.
Remotesensing 14 00031 g019
Figure 20. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Figure 20. The F1–Confidence curve and P–R curve. (a) F1–Confidence curve. (b) P–R curve.
Remotesensing 14 00031 g020
Figure 21. Pd–Pf curves of different methods on SSDD.
Figure 21. Pd–Pf curves of different methods on SSDD.
Remotesensing 14 00031 g021
Figure 22. The visualized SAR ship detection result on Image 1.
Figure 22. The visualized SAR ship detection result on Image 1.
Remotesensing 14 00031 g022
Figure 23. The visualized SAR ship detection result on Image 2.
Figure 23. The visualized SAR ship detection result on Image 2.
Remotesensing 14 00031 g023
Table 1. The specific sizes of the anchors on the three prediction feature layers.
Table 1. The specific sizes of the anchors on the three prediction feature layers.
LayersAnchors
P1(116, 90)(156, 198)(373, 326)
P2(30, 61)(62, 45)(59, 119)
P3(10, 13)(16, 30)(33, 23)
Table 2. Specifications of the proposed FASC-Net.
Table 2. Specifications of the proposed FASC-Net.
InputOperatornksOutputParameters
3 × 640 × 640Focus83-8 × 320 × 320880
8 × 320 × 320ASIR-Block-28328 × 160 × 1601496
8 × 160 × 160ASIR-Block-18318 × 160 × 1601496
8 × 160 × 160ASIR-Block-2163216 × 80 × 801768
16 × 80 × 80ASIR-Block-1163116 × 80 × 805040
16 × 80 × 80Channel-Attention---16 × 80 × 80280
16 × 80 × 80ASIR-Block-2323232 × 40 × 406096
32 × 40 × 40ASIR-Block-1323132 × 40 × 4018,272
32 × 40 × 40Channel-Attention---32 × 40 × 40552
32 × 40 × 40ASIR-Block-2643264 × 20 × 2022,432
64 × 20 × 20SSP64--64 × 20 × 2010,432
64 × 20 × 20ASIR-Block-1643164 × 20 × 2069,312
64 × 20 × 20CBS321132 × 20 × 202112
32 × 20 × 20Channel-Attention---32 × 20 × 20552
32 × 20 × 20Upsample---32 × 40 × 400
32 × 40 × 40Concat (−1, 6)---64 × 40 × 400
64 × 40 × 40ASIR-Block-1323132 × 40 × 4061,056
32 × 40 × 40CBS321132 × 40 × 401088
32 × 40 × 40Channel-Attention---32 × 40 × 40552
32 × 40 × 40Upsample---32 × 80 × 800
32 × 80 × 80Concat (−1, 4)---48 × 80 × 800
48 × 80 × 80ASIR-Block-1323132 × 80 × 8036,592
32 × 80 × 80Conv181118 × 80 × 80576
32 × 80 × 80ASIR-Block-2643264 × 40× 4022,432
64× 40× 40Concat (−11, 14)---96 × 40 × 400
96 × 40 × 40ASIR-Block-1643164 × 40 × 40140,768
64 × 40 × 40Conv181118× 40 × 401152
64 × 40 × 40ASIR-Block-2643264 × 20 × 2069,312
64 × 20 × 20Concat (−1, 10)---96 × 20 × 200
96 × 20 × 20ASIR-Block-112831128 × 20 × 20165,472
128 × 20 × 20Conv181118 × 20 × 202304
Table 3. Experimental results on the SSDD dataset.
Table 3. Experimental results on the SSDD dataset.
MethodDatasetPrecision (%)Recall (%)F1 (%)mAP (%)FPS
FASC-NetSSDD95.6 ± 1.194.5 ± 0.494.9 ± 0.497.4 ± 0.342.5 ± 2.1
Table 4. Experimental results on the SAR-Ship-Dataset.
Table 4. Experimental results on the SAR-Ship-Dataset.
MethodDatasetPrecision(%)Recall(%)F1(%)mAP(%)FPS
FASC-NetSAR-Ship-Dataset91.1 ± 0.992.2 ± 0.692.1 ± 0.596.1 ± 0.460.4 ± 2.6
Table 5. Experimental results on the HRSID dataset.
Table 5. Experimental results on the HRSID dataset.
MethodDatasetPrecision(%)Recall(%)F1(%)mAP(%)FPS
FASC-NetHRSID88.3 ± 1.280.2 ± 0.584.1 ± 0.488.3 ± 0.524.5 ± 1.6
Table 6. The experimental results and number of parameters of different methods (the best is bold and the second-best is underlined). Para represents the number of parameters, and MS represents model size.
Table 6. The experimental results and number of parameters of different methods (the best is bold and the second-best is underlined). Para represents the number of parameters, and MS represents model size.
MethodsSSDDSAR-Ship-DatasetHRSIDPara
(106)
MS
(MB)
PRF1mAPFPSPRF1mAPFPSPRF1mAPFPS
Faster R-CNN87.190.588.889.711.993.386.989.991.723.781.58281.880.710.241.3178.54
SSD86.292.389.292.316.186.893.690.192.230.580.18381.681.5113.814.158.22
YOLO-V496.995.996.496.322.793.190.591.893.132.685.983.384.687.714.511.240.27
DAPN85.691.488.490.612.287.393.490.391.921.583.480.581.981.91322.590.73
HR-SDNet95.19394.196.88.393.392.192.792.38.986.981.283.988.26.874.8265.44
Quad-FPN89.595.892.695.311.477.696.185.994.4238887.387.786.113.415.260.52
FASC-Net95.694.594.997.442.591.192.292.196.160.488.380.284.188.324.50.641.47
Table 7. Details of the two large-scene Sentinel-1 SAR images.
Table 7. Details of the two large-scene Sentinel-1 SAR images.
No.PlaceTimePolarizationGTResolutionImage Size
Image 1Tokyo Port20 June 2020VV5365 m × 20 m25,479 × 16,709
Image 2Singapore Strait6 June 2020VV7605 m × 20 m25,650 × 16,768
Table 8. The experimental results of different methods on the two large-scene SAR images.
Table 8. The experimental results of different methods on the two large-scene SAR images.
NetworksImage 1Image 2
PRF1mAPPRF1mAP
CFAR60.275.667-62.77568.3-
Faster R-CNN77.773.775.673.774.877.27674.3
SSD67.562.164.761.47061.765.664.8
YOLO-V476.974.175.573.980.972.376.475.3
HR-SDNet84.968.87668.885.870.177.170.5
Quad-FPN78.574.476.474.479.573.276.274.9
FASC-Net88.770.478.579.884.572.47878.6
Table 9. The number of parameters, experimental results, and detailed configurations of those variants.
Table 9. The number of parameters, experimental results, and detailed configurations of those variants.
NetworksConfigurationsResultsPara
( 10 6 )
ABFBSBCBF1(%)mAP(%)FPS
FPNet 88.1 ± 0.593.1 ± 0.320.2 ± 1.13.72
A-FPNet 88.2 ± 0.692.6 ± 0.650.5 ± 1.60.27
FA-FPNet 89.3 ± 0.792.9 ± 0.652.1 ± 1.80.25
FAS-FPNet 90.7 ± 0.694.8 ± 0.549.3±1.90.27
FASC-Net94.9 ± 0.497.4 ± 0.342.5 ± 2.10.64
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Yu, J.; Zhou, G.; Zhou, S.; Qin, M. A Fast and Lightweight Detection Network for Multi-Scale SAR Ship Detection under Complex Backgrounds. Remote Sens. 2022, 14, 31. https://doi.org/10.3390/rs14010031

AMA Style

Yu J, Zhou G, Zhou S, Qin M. A Fast and Lightweight Detection Network for Multi-Scale SAR Ship Detection under Complex Backgrounds. Remote Sensing. 2022; 14(1):31. https://doi.org/10.3390/rs14010031

Chicago/Turabian Style

Yu, Jimin, Guangyu Zhou, Shangbo Zhou, and Maowei Qin. 2022. "A Fast and Lightweight Detection Network for Multi-Scale SAR Ship Detection under Complex Backgrounds" Remote Sensing 14, no. 1: 31. https://doi.org/10.3390/rs14010031

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