Next Article in Journal
Surround-Net: A Multi-Branch Arbitrary-Oriented Detector for Remote Sensing
Next Article in Special Issue
The Use of Sentinel-3/OLCI for Monitoring the Water Quality and Optical Water Types in the Largest Portuguese Reservoir
Previous Article in Journal
Multi-Source Precipitation Data Merging for Heavy Rainfall Events Based on Cokriging and Machine Learning Methods
Previous Article in Special Issue
Small Water Body Detection and Water Quality Variations with Changing Human Activity Intensity in Wuhan
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Water-Body Segmentation for SAR Images: Past, Current, and Future

1
School of Computer and Information Engineering, Henan University, Kaifeng 475004, China
2
Henan Engineering Research Center of Intelligent Technology and Application, Henan University, Kaifeng 475004, China
3
Henan Key Laboratory of Big Data Analysis and Processing, Henan University, Kaifeng 475004, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2022, 14(7), 1752; https://doi.org/10.3390/rs14071752
Submission received: 27 January 2022 / Revised: 23 March 2022 / Accepted: 31 March 2022 / Published: 6 April 2022
(This article belongs to the Special Issue Earth Observation Technologies for Monitoring of Water Environments)

Abstract

:
Synthetic Aperture Radar (SAR), as a microwave sensor that can sense a target all day or night under all-weather conditions, is of great significance for detecting water resources, such as coastlines, lakes and rivers. This paper reviews literature published in the past 30 years in the field of water body extraction in SAR images, and makes some proposals that the community working with SAR image waterbody extraction should consider. Firstly, this review focuses on the main ideas and characteristics of traditional water body extraction on SAR images, mainly focusing on traditional Machine Learning (ML) methods. Secondly, how Deep Learning (DL) methods are applied and optimized in the task of water-body segmentation for SAR images is summarized from the two levels of pixel and image. We also pay more attention to the most popular networks, such as U-Net and its modified models, and novel networks, such as the Cascaded Fully-Convolutional Network (CFCN) and River-Net. In the end, an in-depth discussion is presented, along with conclusions and future trends, on the limitations and challenges of DL for water-body segmentation.

1. Introduction

Synthetic Aperture Radar (SAR) can sense targets all day/night [1], and its active microwave can penetrate clouds and fog. In extreme weather conditions, recourse to SAR is almost compulsory [2,3]. Meanwhile, the different scattering characteristics of water and land make SAR capable of providing excellent data resources [4,5,6,7] for river and lake segmentation [8,9], coastline extraction [10], river extraction [11], and other similar tasks [12]. Its distinctive way of receiving and emitting microwaves allows SAR to effectively distinguish water and land. Specifically, water on land is typically a connected area of irregular shape, with low surface roughness and no apparent texture. When the microwaves from SAR hit a smooth water surface, they are reflected away as though from a mirror, returning little energy back to the SAR. Consequently, bodies of water appear as low-intensity areas in SAR images. On the contrary, the land surface around water is coarser, returning stronger microwave energy to SAR. Therefore, the water in the SAR image appears darker and the surrounding terrain brighter [13]. The above characteristics of SAR have resulted in mushrooming research on water-body segmentation of SAR imagery. In order to intuitively express this development trend, this paper counts the publications in the field of water body extraction from SAR images in the past 30 years, as shown in Figure 1.
The past 30 years have witnessed that, prior to the development of Deep Learning (DL) methods, scholars habitually introduced traditional Machine Learning (ML) algorithms into the water-body segmentation task of SAR images. In this way, they achieved the following promising achievements: edge detection, level set, clustering, and Markov random field ideas. However, the special imaging mechanism of SAR results in images full of speckle noise. ML methods always try to formulate some kind of mapping relationship to determine the category of a pixel, which leads to a lack of flexibility and intelligence. For SAR images with a lot of speckle noise, it is difficult for these mappings to fit all pixels in the entire SAR image. Fortunately, in recent years, DL methods have overcome the limitations. As a derivative of neural networks, DL received extensive attention from scholars, due to its powerful feature extraction capabilities. By iterating over the shared weights in the model, Neural networks can build a mapping model that can accommodate all pixels. At present, many neural network models, especially Convolutional Neural Networks (CNN), with excellent performance, are mushrooming; typical representatives of which are U-Net, DeepLab and their derivatives. CNN achieved remarkable results in the field of water-body segmentation in SAR images, due to their translation invariance and shared weight characteristics. At a time when DL methods are attracting more attention than traditional ML methods, this paper reviews and summarizes existing segmentation methods to provide insights for future scientific research work.
The remainder of the paper is organized as follows. In Section 2, traditional water-body segmentation methods are reviewed, including some boundary-based and region-based ML algorithms. The development process of DL in the task of water-body segmentation for SAR images is summarized in Section 3. Finally, an in-depth discussion is presented, along with conclusions and prospects, on the limitations and challenges of DL for water segmentation in Section 4.

2. Traditional Water Body Extraction Methods for SAR Images

In order to facilitate a review of traditional SAR image water segmentation algorithms, the methods involved are usually classified based on data sources, and technical routes, and scene types based on time as a clue. The related algorithms are shown in Figure 2.

2.1. Edge Detection

Edge information of water is the most intuitive and important feature, and it is also an essential image feature for early research in the task of extracting water from SAR images [14,15]. Edge detection involves finding a set of pixels whose values change sharply in the image, which is often the contour of water. These methods are usually sensitive to speckle noise in SAR images.

2.1.1. Canny Edge Detection

Canny Edge Detection (CED) performs two improvements based on the first-order differential operator: non-maximum suppression and double threshold. Non-maximum suppression can suppress multi-response edges effectively, contributing to improvement in edge location accuracy [16]. At the same time, double threshold can effectively reduce the rate of missed edge detection. In 2004, Liu H. et al. [17] utilized CED and the Levenberg Marquardt method to accelerate the convergence speed of the iterative Gaussian curve fitting process and so improve the reliability of the local threshold [18] of image segmentation. In 2021, Chen, F. et al. [19] applied classical CED to extract glacial lake outlines and other surface features by using different modes of Chinese GF-3 data in the Mount Everest region of the Himalayas. Although these methods are easy to perform, detected edge discontinuity is easily caused and the methods are sensitive to speckle noise.

2.1.2. Sobel Edge Detection

Sobel Edge Detection (SED), in essence, is a first-order discrete difference operator, which is used to calculate the approximate value of the image brightness function gradient [20]. Applying SED to any pixel in the image will generate the corresponding gradient vector, or its normal vector. SED not only produces good detection effects, but also has smooth suppression effects on noise. In 2015, Liu, Y. et al. [21] investigated a water body detection method based on the combination of SED and contrast-stretching transformation. In 2021, Wang, B. [22] employed SED to separate the coastline in sentinel-1 images and fused these with original SAR images to view the results clearly. SED not only produces a good detection effect, but also has a smooth suppression effect on noise. However, the obtained edges are thick, and may appear to be pseudo edges.

2.2. Level Set Method

Referring to some important ideas in fluids, Osher and Sethian proposed the Level Set algorithm [23] in 1988, which is an effective numerical method for solving the boundary evolution problem of water body detection, and the calculation is stable and suitable for arbitrary dimension spaces. The method was popular in early water-body segmentation in SAR images. In 2008, Silveira, M. et al. [24], basing their research on a regional level set, established a mixture of lognormal densities as the probability model of water, or non-water areas, in ERS-2 images, and employed the expectation maximization (EM) method to estimate the probability density function of each area. In 2009, Silveira, M. et al. [25] estimated the PDF in each area using Parzen window [26] on the basis of previous work [24]. Nonparametric density estimation makes the method more flexible, and the researchers applied the method to river mapping and coastline extraction in Envisat ASAR images [27]. In addition, the regional level set method is still effective in water area segmentation of X-band SAR images. In 2012, Cafaro, B. et al. [28] obtained texture features, based on variational calculus and regional level set, to subsequently segment water bodies in COSMO-SkyMed X-band images, using a Support vector machine (SVM). Later, many more excellent algorithms appeared for water-body segmentation, but the idea of the level set algorithm has a far-reaching influence on region-based ACM developed after 2001. In 2021, Chen, F. et al. [19] introduced the variational B-spline into the level set method, extracting glacial lake outlines in Chinese Gaofen-3 images. This approach can preserve many details of water/land boundaries, especially for uneven areas. On the other hand, the method can also effectively smooth noise in SAR images, which is difficult in the traditional level set method. The Level set method has the advantage of automatic topology, but at the cost of computational consumption.

2.3. Active Contour Model

In 1988, Kass, M. et al. [29] proposed the ACM to transform the image segmentation problem into finding the minimum value of the energy universal function, which provided a new idea for image segmentation. The main principle of ACM is to construct an energy universal function. Driven by the minimum value of energy function, the contour curve gradually approaches the edge of the object to be detected, and finally segments the target. ACM is the most widely used image segmentation method using a variational idea [30]. Its biggest advantage is that it can also obtain a continuous, and smooth, closed segmentation boundary in the case of high noise. There are many methods to construct energy functions, and thus ACM can be mainly divided into edge-based and region-based methods. However, the drawback of this kind of method is complexity of calculation, and it requires many attempts to select optimization parameters.

2.3.1. Edge-Based Active Contour Model

The edge of the target is not only important information to represent the target, but also an important basis for segmenting the target. Kass, M. et al. proposed a typical edge-based ACM, which mainly detects the target according to the gradient jump of the target edge. On this basis, Cohen, L. [31] developed the notion of some form of pressure term on ACM to maintain its dynamic behavior in regions of low edge density, which segmented the North Sea shoreline on the east coast of the UK. In 2000, Niedermeier, A. et al. [32] refined the water edge by local edge selection and propagation along the wavelet scale, prior to the active contour algorithm connecting edge segments. They used this to investigate the Elbe estuary, located in the intertidal zone of the German Gulf.

2.3.2. Region-Based Active Contour Model

Based on the idea of the level-set algorithm, ACM segments an image by computing patch statistics in the image. In 2001, Chan and Vese proposed a classical region-based C-V ACM [33], which is based on the simplified Mumford Shah model, and uses the idea of level set to evolve the edge curve, through finding the minimization value of energy function. In 2003, Heremans, R. et al. [34] employed region-based ACM to record, during the flood period of Flanders, on ENVISAT ASAR images, as well as compare the method with the object-oriented method. Then, features of the two methods were discussed. Object-oriented algorithms can usually describe the water-body area in SAR images more accurately, while ACM tends to find the largest area maintaining low color variance. In 2010, Hahmann, T. et al. [35] applied two different ACM methods for SAR image segmentation and discussed the results of both models with regards to TerraSAR-X images, with calm and rough water surfaces. One method, the geometric ACM by Wasilewski [36], showed good results for calm water bodies with low backscatter values, but rough water surfaces could not be extracted with satisfying results. The other method, the parametric ACM, by Hamarneh [37], worked well for calm and rough water bodies. Regrettably, the main drawback of the method is that change in topology is impossible and careful parameter adjustment is necessary.
In 2014, Li, N. et al. [38,39] described an approach, mainly based on ACM, to separate rivers from their backgrounds. The proposed method gave promising results. However, the performance of the algorithm depends too much on the selection of parameters in the preprocessing used to reduce speckle noise. In 2015, Wang, W. et al. [40] extracted river area by clustering and morphological processing on Radarsat-1 images. Then the edge of the river was extracted with the wavelet modulus maximum method (WTMM), and smoothed by ACM. In 2008, Lv, J. et al. [41], based on ACM, segmented the Luoma lake on different SAR image resolutions, and found that the higher the resolution, the better the segmentation performance of ACM was. Subsequently, research exploited modified narrow-band-section ACM [42], detecting the changing area of Huangqi Lake based on a series of Sentinel-1 images. This method combines region-based and edge-based ACM to realize rough to fine water-body segmentation and improve segmentation efficiency. In 2017, Hu, J. et al. [43] introduced multi-scale technology to the C-V model, reducing the image size and obtaining a series of images under different spatial resolutions. Experiments show that the method accelerates the acquisition of initial level-set formation, shortens the time of extracting coastline, while, at the same time, removing non-coastline, and improves identification precision. In 2019, Li, N. et al. [44] roughly segmented, by Fuzzy C-means (FCM) clustering algorithm, and then used geometric ACM for more accurate water area segmentation. Finally, a strategy of division in local regions (SDLR) is proposed to process images in parallel, which greatly reduces computing time.

2.4. Clustering Methods

The principle of clustering algorithms is to class the pixels in the image into different classes, or clusters, according to specific standards (such as some distance rules), so that the similarity of pixels in the same cluster is as strong as possible, and the difference of pixels that are not in the same cluster is as large as possible. That is, after clustering, the pixels of the same class should be clustered together as much as possible, and different pixels should be separated as much as possible. In the field of SAR water-body segmentation, K-means [45] and Fuzzy C-means (FCM) [46] are two main clustering methods.

2.4.1. K-Means

The K-means clustering method is one of the most commonly used clustering algorithms based on distance rule in SAR image segmentation. It believes that the closer the “distance” of two targets is, the greater the similarity is. In 2010, Wang, M. et al. [47] presented a novel method to segment water/land in SAR images based on texture information after wavelet transform [48] to first extract a gray level co-occurrence matrix (GLCM). Then wavelet transform was utilized to extract texture feature information, and, finally, a K-means clustering algorithm was employed to segment water bodies in SAR images. In 2016, Liu, Z. et al. [49] employed the K-means to generate an initial over-segmentation result for the following region-merging stage. Then, an adaptive strategy that uses subregion classification based on rough–fine object-based region-merging is introduced to extend the automatically selected ‘sea’ and ‘land’ seed, to segment finely the final coastline in Sentinel-1A images. In 2017, Zheng, X. et al. [50] extracted GLCM, and other texture feature information, after wavelet transform to establish a multi-dimensional feature space, then employed a K-means clustering method to separate water/land in Sentinel-1 images. In 2018, Wu, L. et al. [51] applied K-means, together with thresholding and a region-growing method. to extract dark region features in water bodies. They then used the support vector machine (SVM) to recognize algal bloom in Taihu Lake in Sentinel-1 and Landsat-8 images. In 2019, Obida, C. et al. [52] drew the time series river network of the Niger Delta in multi-temporal Sentinel-1 images, based on K-means nested in SNAP software. The K-means algorithm is implanted into relevant SAR processing software, such as SNAP and ENVI [53], reflecting the maturity and popularity of this method. In 2020, Landuyt, L. et al. [54] presented an unsupervised object-based clustering framework, which can segment floods, whether or not they are covered by vegetation. In detail, the region of interest is first segmented into different objects and clustered by K-means. These clusters are then classified according to an adaptive threshold, and the resulting classification is refined through several region-growing post-processing steps. Finally, dry land, permanent water, open flood and submerged vegetation are segmented in the SAR image. K-means is quite important, in that it has far-reaching influence on the super-pixel segmentation method.

2.4.2. Fuzzy C-Means

Different from the hard clustering of K-means, FCM [55] optimizes the objective function, and calculates the membership degree of each pixel to all class centers so as to determine the category of sample pixels. In this way, FCM achieves the purpose of automatic classification of the sample image. The description of some pixel categories is fuzzy, which can more objectively reflect category information in SAR images. In 2017, Leng, Y. et al. [56] utilized a pixel level change detection method to determine the initial clustering center, and then employed FCM to divide terrains into three categories in Sentinel-1 images. Finally, transition region pixels were further divided into water body and background by nearest neighbor clustering (NNC). In 2019, Li, N. et al. [44] employed FCM to roughly segment water in Gaofen-3 and Sentinel-1 images, which effectively accelerates the convergence of the subsequent fine segmentation model. In 2020, Li, N. et al. [57] pre-segmented water bodies based on FCM, then reconstructed high-resolution SAR images and extracted water boundaries with high precision.

2.4.3. Nonlinear Clustering Method

In addition to K-means and FCM, there is an interesting nonlinear clustering method [58] that, in 2013, performed well for segmenting water bodies in SAR images. The research proposed an automatic strategy, starting by considering the digital elevation model (DEM) as a priori information, and re-balancing the different types of pixels (non-water, permanent-water, and temporary-water), then separating water/non-water pixels, and, finally, separating temporary-water from permanent-water pixels by utilizing non-linear clustering in dedicated feature spaces.

2.5. Random Forest

The random forest (RF) algorithm was first proposed by [59]. It is an ML algorithm, based on a classification and regression decision tree. It can analyze the importance of up to thousands of input features. The main idea is to integrate the results of many decision trees for overall analysis of classification tasks. In 2015, Xie, L. et al. [60], based on RF algorithm, classed water bodies further into lakes, ponds and canals in Radarsat-2, after segmenting the water bodies by Wishart classifier. This explored the potential of water type classification based on PolSAR images. In 2019, Zhou, X. et al. [61] proposed an easy-to-implement method to solve the problem that previous methods could not describe large-scale statistical features. Their method combines RF and multi-features, including a novel statistical feature, named object-based generalized gamma distribution (OGΓD), and two texture features from GLCM and the Local Moran Index (LMI), respectively. In 2020, Shen, G. et al. [62] employed the object-oriented (OO) method to segment component images after Freeman-Durden polarimetric decomposition [63,64]. Then RF was used to segment the image to extract open water. In consequence, the method has more advantages in spatial continuity of classification results over the H/A/α-Wishart [65].

2.6. Support Vector Machine

The support vector machine (SVM) [66] is a common supervised learning classifier. SVM shows many distinctive advantages in solving the problems of nonlinear and high-dimensional classification and recognition of remote sensing images. The goal of SVM classification is to find an optimal hyperplane, separating all pixels in the image as far as possible, while meeting classification constraints, and making pixels farthest from the hyperplane. In 2010, Lv, W. et al. [67] proposed a novel method for water-body segmentation in SAR images that combines GLCM-based features and SVM. GLCM-based features distinctively depicted the characteristics of water and non-water pixels, which were fed into the SVM classifier to extract water bodies in SAR images. In 2011, Wang, Y. et al. [68] focused more on the different textures between water and non-water in SAR images and proposed a novel method combining circular-window gray features and GLCM. In detail, eighteen features of water and non-water were included in circular-window gray feature and GLCM were fed into SVM to segment coastline in TerraSAR-X images. In 2012, Cafaro, B. et al. [28] selected the most significant feature via a 1−norm SVM binary classifier [69], transforming SAR images into a suitable feature space, and then separating water bodies from non-water. In the same year, Klemenjak, S. et al. [70] adapted and extended the method in their research [71], proposing a classification strategy that considers SVM as an unsupervised method, of which the premise is that the training samples are generated automatically. In 2018, Kreiser, Z. et al. [72] described water across synthetic aperture radar data (WASARD), which utilized SVM to segment the water bodies automatically in Australia. In the end, WASARD has the ability to segment water bodies of interest with an accuracy of 97% with Geoscience Australia’s Water Observations from Space (WOFS). In the same year, Wu, L. et al. [51] applied an algal bloom recognition SVM model to separate algal bloom dark areas and low wind dark areas (water bodies) after feature extraction and analysis of Sentinel-1A images. The scattering characteristics of algae and calm water surfaces are quite similar, so it was very difficult to distinguish them in SAR images before the study. On the basis of water-body segmentation, SVM can be considered a technical means to monitor algal bloom in inland lakes. In 2019, Qin, X. et al. [73] studied the effectiveness of water-body segmentation by employing polarimetric decomposition components and SVM for Gaofen-3 images. In this study, six polarization decomposition components from Cloude and Freeman decomposition were used to feed SVM, which achieved satisfactory results by taking advantage of limited training samples, and proved the effectiveness of SVM in segmenting water bodies.

2.7. Markov Random Field

Markov Random Field (MRF) simulates the image as a grid, composed of random variables, and the gray value of each pixel is dependent on adjacent groups [74]. This model considers the conditional distribution of each pixel on its adjacent pixels, and effectively describes the local statistical characteristics of the image, which can be used for processing the pixel spatial relationship of SAR images and for classifying all pixels. In 2005, Deng, H. et al. [75], to fuse image spatial relationships and various image features, developed a Bayesian-based MRF method, which weights the two parameters in the MRF model by a function-based parameter. This method allows automatic estimation of parameters in MRF model parameters to generate more accurate unsupervised segmentation results. In 2010, Martinis, S. [76] presented a hybrid multi-contextual Markov model, which can segment flood in a near real-time way in multi-temporal X-band SAR data. It works by combining Hierarchical Marginal Posterior Mode (HMPM) estimation, on directed graphs, with non-causal Markov image modeling, related to planar MRFs, so scale and spatiotemporal context information are introduced in classification decision making. In 2011, Cao, F. et al. [77] presented a multi-scale line extraction approach to extract the river in Ka-band SWOT images. The method used multiscale technology to obtain image pyramids, and then employed MRF to connect river candidate segments, based on the results of water-body segmentation by the threshold method [78]. However, only some preliminary results on simulated SWOT SAR images showed the effectiveness of this method. In 2017, Lobry, S. et al. [79] proposed a double-MRF classification method that can explain local and global variations of internal parameters of SAR images and generates more regularized segmentation on water/land. This method was introduced in airborne TropiSAR and simulated SWOT HR images to extract the river in the Camargue area, France.

2.8. Mathematical Statistical Algorithm

Mathematical statistics methods are used to discover inherent regularity by observing the frequency of the same category of pixels, and then building a targeted statistical model to make judgments and predictions on other pixels. These methods are generally suitable for highly heterogeneous, but highly dependent, statistical models [80]. The Wishart classifier and the Bayesian classifier are usually used to segment water bodies in SAR images.

2.8.1. Wishart Classifier

Wishart distribution is the result of generalization of x2 distribution on multivariate, which can describe the covariance matrix of multivariate normal distribution samples. Therefore, it is very suitable to describe the covariance matrix representing fully polarized SAR data, and many SAR image classification researches are carried out on this basis. In 1994, Lee, J. et al. [81] first proposed a supervised classification method about Wishart, based on Maximum Likelihood (ML) criterion, namely Wishart-ML. In 2015, Xie, L. et al. [60] extracted water bodies by employing Wishart-ML and reduced false alarms in building areas with the help of spatial semantic information. False alarms have a negative impact on the classification results of complex urban areas, so this method segments lakes better than canals and ponds. In 2017, Zhang, X. et al. [82] performed, and evaluated, a multiclass water body change detection method based on complex Wishart distribution, for CPSAR data, of which the purpose was to discuss the capability of Gaofen-3 simulated compact polarimetric SAR data of π/4 and CTLR mode for water-body extraction. The complex Wishart segmentation experiment results showed that the π/4 mode has better water change detection ability than the CTLR mode. In 2018, Irwin, K. et al. [83] utilized the H-Alpha-Wishart, a classifier corresponding to dual-polarization SAR data, to separate water and flooded vegetation. Nevertheless, the H-Alpha–Wishart classifier is not suitable for separating water around ice, and misclassified fields and ice as water. In 2020, Shen, G. et al. [62] further employed the H/A/α-Wishart to segment the water-body from the background with Gaofen-3 qual-polarization data. The method, based on the three components obtained by Cloude decomposition, employed the Wishart classifier to separate water and land. The segmentation result of this method is promising, but the spatial continuity is weak.

2.8.2. Bayesian Classifier

Bayesian classification is mainly based on the Bayesian theorem, which is widely used in SAR image classification, because it gives the optimal solution to minimize error in theory. In detail, the pixels are classified by calculating the probability that the pixels belong to a specific class. In Bayesian classification, all features have potential impact on segment results, which can mean all features participate in the classification. In 2005, Deng, H. et al. [75] applied a Bayesian segmentation approach to seamlessly combine image spatial relationships with various image features, and experiments demonstrated that the method is successfully able to segment water/ice in SAR images. In 2016, D’Addabbo, A. et al. [84] proposed a Bayesian network to integrate remotely sensed images, such as multi temporal SAR intensity images and interferometric-SAR coherence data, with geomorphic and other ground information. The methodology was employed to extract flood in the Basilicata region (Italy) in December, 2013, based on multi-temporal COSMO-SkyMed images, with accuracy up to 89%. In 2019, Qin, X. et al. [73] employed the Naive Bayesian classifier to explore the effectiveness of water body extraction with polarimetric decomposition in Gaofen-3 images, demonstrating that combining polarimetric decomposition components and Naive Bayesian classifiers can achieve satisfactory accuracy in water body extraction.
In summary, the advantages and disadvantages of several typical segmentation methods are shown in Table 1.

3. Water-Body Extraction from SAR Images Based on DL

In order to facilitate the summary of the development process of SAR image water-body segmentation methods based on DL, this paper focuses on describing the early artificial neural network (ANN), water body extraction based on the idea of CNN image classification, water-body segmentation based on the semantic segmentation task of full convolutional neural network, and the introduction of existing and novel model ideas. The related models are shown in Figure 3.

3.1. Background of DL in Remote Sensing Field

In recent years, DL has been making great achievements in the remote sensing field [85]. More and more scholars are constantly studying how to make CNN technology play a greater role in remote sensing, and to make it more suitable for the tasks of SAR remote sensing image classification [86], target detection [87], change detection [88] and so on. For the task of water segmentation, the essence of the traditional methods introduced above are to manually design certain mappings or criteria to determine the category of pixels in the images. For SAR images with a large amount of speckle noise, it is difficult to adapt the mappings to all the pixels in the whole SAR image. By iterating the shared weights in the model, neural network technology finally constructs a mapping model that can adapt to all pixels.

3.2. Pixel Level Water Body Classification Based on CNN

The advantage of CNN lies in its multilayer structure, which can automatically extract not only image features, but multilevel features. The shallow feature extraction layer can learn more intuitive image features, while the deeper convolution layer has stronger nonlinear expression ability and can learn more abstract features. These abstract features can represent the more essential information of the target, and are less sensitive to the size, position and direction of the object, which is helpful to improve recognition performance.
In fact, before CNN appeared, some scholars tried to use ANN [89] to realize pixel level water body classification, which can be regarded as the prototype of CNN. In 2012, Latini, D. et al. [90] purposed Pulse Coupled Neural Networks (PCNN) to automatically extract water bodies from COSMO-SkyMed data with different polarization, geometric configuration, and measurement modes. PCNN is an early neural network model. When applied to SAR images, the image information is represented as a series of binary pulse signals, and each signal is related to a pixel, or a group of pixels. It is worth mentioning that it does not need training and belongs to an unsupervised classification algorithm. In 2018, Dasgupta, A. et al. [91] proposed an Adaptive Neuro-Fuzzy Inference System (ANFIS) applied to texture-enhanced single-polarization SAR data. Specifically, the second-order statistical texture of SAR images is first extracted, and then it is optimized by dimension reduction technology. Subsequently, Gaussian curves were used to model t flood, and non-flood, categories in a fuzzy inference system. Finally, ANN was trained by defining multiscale polygons in the image.
After 2012, the emergence of CNN quickly attracted the attention of many scholars in the field of computer vision. The abstract features extracted by convolution kernel are very helpful for water-body segmentation, and can effectively judge what kind of objects are contained in SAR images. In 2017, Li, J. et al. [92] used CNN to separate water/ice. In detail, the train data was obtained after dividing Gaofen-3 images into many patches according to different categories. Then, the different categories of train data were used to train the CNN. Finally, the trained CNN model was used to segment water and ice by a patch-based window traversing the entire SAR image. In the same year, Ren, Y. et al. [93] inputted the three-dimensional image, composed of HH, HV and incident angle, in dual polarization SAR image into AlexNet [94] to separate water and ice in Sentinel-1 images. Instead of building a new CNN model, the researchers employed AlexNet in a transfer learning approach [95] to segment ice and water in SAR imagery. In contrast, some researchers segmented the image into many patches containing only one category of information, and dyed the input image the same color when the network returned the category prediction results. Although this method will damage the edge information between different categories, it is valuable in the classification of open water in large-scale SAR images, and can greatly reduce consumption of computing resources. In 2018, Wang, C. et al. [96] utilized image slices of three spatial scales (32 × 32, 64 × 64, 128 × 128) to make different data sets as CNN training input, and tried to find the best proportion of feature description with different slice sizes. They then used the trained CNN to separate water and ice in ScanSAR images. In 2020, Boulze, H. et al. [97] used the same strategy to segment water and ice in Sentinel-1 images, demonstrating that larger image patches can achieve better segmentation results. In 2021, Chen, K. et al. [98] employed CNN to segment water bodies in four scenarios: plain lakes, mountain lakes, narrow rivers and wide rivers. The experimental results are much better than OTSU, SVM and other algorithms. However, the effect of CNN on the extraction of fine and narrow rivers is not satisfactory, implying that a large number of patches may damage the coherence of fine and narrow rivers and have a negative impact on segmentation results.
Boundary is the most important information for extracting a water body. However, due to the loss of some object details, CNN cannot effectively describe the specific outline of water and point out which category each pixel belongs to at the same time. Therefore, it is very reluctant to deal with intensive pixel classification tasks. In the above segmentation methods, based on CNN, in order to determine the category to which the current pixel belongs, an image patch centered on the pixel is regarded as the input of CNN to determine the category of the pixel. The method features several defects. First, the storage overhead is enormous. Second, the computational efficiency is low. The image patches corresponding to adjacent pixels overlap, which leads to the fact that convolution calculation is redundant to a great extent, and easily causes overlearning. Third, the sensing domain of the convolution layer depends on the size of the patch, rather than the whole SAR image. The size of the patches is much smaller than that of the whole SAR image, and only some local features can be extracted, which limits performance in segmenting water bodies.

3.3. Image Level Water-Body Segmentation Based on CNN

Different from the pixel-level classification, described in Section 3.2, the idea of CNN-based image-level segmentation is to take the entire image as input, instead of some relatively independent pixels or patches. As a whole picture is fed to the neural network model, local and global semantic information will be referenced by the model in various degrees, which means that the model is more robust and ‘intelligent’.

3.3.1. Water-Body Segmentation Based on Existing Network Model

The water-body segmentation task at SAR image level is the assigning of a semantic category to each water, or non-water, pixel in the input image to achieve a pixelated dense classification. Although water-body segmentation from SAR images by neural network has been an important part of SAR remote sensing applications since 2012, it was not until 2015, when Long, J. et al. [99] proposed full convolution network (FCN) for end-to-end segmentation of natural images for the first time, that there was a real basis for establishing an appropriate neural network water-body segmentation model. FCN changes the full connection layer at the tail of the network model CNN into a full convolution layer, so that the network can elegantly realize pixel level dense prediction. Afterwards, U-Net [100] transmits the shallow feature information of the network to the deep through jump-connection and integrates the corresponding feature information, making the network model more suitable for the task of small sample data set segmentation, the architecture of which is shown in Figure 4.
U-Net has been quite a popular network model in the field of SAR image water-body segmentation in recent years, which has proved that the result of water-body segmentation is better than traditional algorithms [19,101]. Considering the cost and condition constraints of SAR image acquisition, it is relatively difficult to obtain large-scale data samples. In addition, SAR images are vulnerable to speckle noise, angle sensitivity and other problems, which makes it more difficult to accurately label water bodies. Therefore, the problem of small sample data sets in the field of SAR image water body extraction is more prominent. Fortunately, water bodies in SAR images have some unique advantages, which can give full play to the role of U-Net. On one hand, the microwave emitted by SAR has different scattering characteristics for water and land, which is very helpful for the model to adaptively train pixel level dense mapping. On the other hand, the contour of the water area is smooth and the structure is relatively single, which is an important factor for the good performance of U-Net small sample training [102]. In 2019, U-Net was employed to extract river channels in SAR images by way of transfer learning [103]. In addition, two different U-Net architectures are discussed to segment water in SAR images. One is to train U-Net from scratch, and the other is to obtain pre-trained weights from transfer U-Net. Experiments show that water-body segmentation results corresponding to the two methods have similar performances in F1-score, pixel accuracy and mean IOU. In 2020, in the field of water segmentation, Generative Adversarial Networks (GAN) [104] was used for data augmentation for the first time [105], to solve the problem of the limited number of SAR image samples. It replaced time-consuming manual annotations, and thus improved the efficiency of the model. Different from previous data augmentation operations, such as rotating, stretching, and flipping images, GAN can produce additional SAR images with labels, so as to increase the scale of the data set and improve the segmentation performance of subsequent U-Net architecture. In addition, FCN, as a comparative model, was also trained on the same data set, confirming that U-Net is superior to the performance of the FCN, especially in terms of mean IOU. In the same year, Dai, M. et al. [106] proposed a loss function, based on edge area, and a novel training data generation method, to improve the segmentation ability of the network. This is utilized to modify an improved water segmentation network based on the Bilateral Segmentation Network (BiSeNet) [107]. The BiSeNet restricts input size by resizing or cropping to reduce computational complexity. Although this method is simple and effective, it causes loss of spatial details, especially prediction near the boundary. New loss function design, based on edge information, can effectively solve this problem. Experiments showed that the modified model has advantages in both speed and segmentation accuracy. In 2020, Denbina, M. et al. [108] employed two CNN image classifier architectures, U-Net and SegNet, to map flooded areas in data collected by NASA/JPL Unmanned Aerial Vehicle Synthetic Aperture Radar (UAVSAR). Both U-Net and SegNet show higher accuracy than ML classifiers, and the accuracy of U-Net is slightly higher than that of SegNet. Also in the same year,, Zhang, L. et al. [109] proposed a coarse-to-fine framework process to segment floods in SAR images. In detail, the coarse segmentation results were from the binary segmentation of GF-3 SAR, and the water indexes of GF-1/6 multispectral and Zhuhai-1 hyperspectral images. Then, the label images with noise were fed to U-Net to perform fine segmentation. The results demonstrate the reliability and accuracy of the process. In 2021, Katiyar, V. et al. [110] employed U-Net to explore which polarization combination is more suitable to separate permanent water bodies and inundated areas in SAR images, and experiments show that it is necessary to use at least two polarization images to participate in water area segmentation for high-precision rendering of flood areas. In the same year, Lalchhanhima, R. [111] introduced the concept of inception into U-Net, and a larger convolution kernel is replaced by smaller-sized convolution kernels. This method not only increases the receptive field of the model, but reduces computational consumption. And then Dong, Z. et al. [112] employed five existing CNN models, including HRNet, DenseNet, SegNet, ResNet and DeepLab v3+, for detecting flood in the Poyang Lake. The results show that, compared with traditional algorithms, DL methods have a better suppression effect on speckle noise. In 2021, Konapala, G. et al. [113] subsequently employed U-Net to fuse Sentinel-1 and Sentinel-2 images to explore the possibility of multi-source remote sensing images as water-body segmentation.
After 2020, scholars gradually tried to modify U-Net to achieve better performance, or to explore the applicability of more advanced semantic segmentation models in the field of computer vision to segment water in SAR images [114]. In 2021, Bayesian was introduced in U-Net for water-body segmentation [115], and the Bayesian neural network was created, which considers dropout as a random sampling layer in U-Net architecture. In detail, based on multiple forward passes, a sampling distribution is created to estimate the model uncertainty of each pixel in the segmentation mask. Finally, the Bayesian neural network led to 95.24% dice similarity, which is an overall improvement in segmentation performance compared to U-Net. U-Net lowers the threshold of the magnitude of the data set required by the neural network. One of the biggest challenges for using DL to segment water bodies in SAR images is lack of accurate annotation data sets suitable for the correct training of supervision algorithms. Asaro, F. et al. [116] showed an effective solution that exploits a weak-labeled dataset, rather than absolutely relying on labels with manual annotation. In detail, this work introduced how to train U-Net to segment the water surface in SAR images from weak-labeled datasets.
In addition to the above methods of implanting transfer learning, Bayesian and weak supervision into U-Net (encoder-decoder structure), scholars have gradually tended to explore how to modify the structure of U-Net, so that it can deal with more water-body segmentation scenes, such as Multi-source Satellite Data fusion and multi-temporal water-body segmentation. Specifically, Li, J. et al. [117] introduced attention block and spatial pyramid pooling (SPP) modules into U-Net to construct a robust water body extraction network (PA-U-Net). In detail, the APP module is located between the encoder and decoder and is used for multi-scale feature extraction from deep layers. The attention block lies in the decoder part and can focus the network on the detection of water objects. The attention block [118] can make the neural network focus on more valuable features, so as to increase the sparsity of the network model. SPP module [119] can fuse more context semantic information, so that the segmentation layer at the end of the model can sense more global information and reduce the probability of false segmentation. The principle of SPP is shown in Figure 5a. Further, Dirscherl, M. et al. [120] proposed a modified U-Net for water-body segmentation of supraglacial lakes in single-polarization Sentinel-1 images. In the modified model, skip connection is used to fuse shallow and deep features, and the Atrous Spatial Pyramid Pooling (ASPP) module [121] is used for multiscale feature extraction. The principle of ASPP is shown in Figure 5b. In addition, the researchers employed the modified U-Net to extract the water body in Sentinel-1 and Sentinel-2 images respectively, and realized multi-source satellite data fusion through decision-level image fusion to further improve accuracy. The extraction results confirmed the reliability of the workflow. For water bodies, the kappa coefficient was 0.925 and the F1 score was 93.0%. Based on the idea of dilated convolution [122,123], ASPP introduced dilation rate, on the basis of SPP, which allows the neural network model to capture multiscale semantic information. For attention mechanism, Ren, Y. et al. [124] further introduced the dual-attention mechanism into the original U-Net, forming a dual-attention U-Net model (DAU-Net), which can improve the feature representation ability of the model and perform higher accuracy water-body segmentation tasks. Dual-attention is composed of the position attention module (PAM) and the channel attention module (CAM), located in between the decoding and encoding structure of U-Net, as Figure 6 shows. PAM can aggregate the eigenvalues of all locations through weighted summation, so as to update the eigenvalues of specific locations, which facilitates capturing the global spatial correlation of any two locations. While CAM updates the eigenvalues at a position, the channels corresponding to the same, or similar, category responses will be assigned large weights, thereby obtaining interdependencies among channels. Experiments in three Sentinel-1 images show that water-body segmentation accuracy of DAU-Net is about 1% higher than that of U-Net.
On the other hand, with the continuous development of DL in the field of computer vision, scholars in the field of SAR water-body segmentation are also trying more advanced network models, such as DeepLab and High-Resolution Network (HRNet) to segment water bodies in SAR images. In 2021, Kim, M. et al. [125] employed representative DL segmentation models, such as FCN, U-Net, DeepUNet, and HRNet, to perform water-body segmentation tasks in KOMPSAT-5 images. DeepUNet is a deeper model with more layers than U-Net. The characteristic of the model is to add a ’plus layer’, which can prevent loss of network from expanding and the model from falling into local optimization. HRNet is one of the latest network models for semantic segmentation, typically retaining the features of the high-resolution, while extracting low-resolution features. The results show that the performance of the DeepUNet model is similar to U-Net, while the counterpart of HRNet is 8.49% higher than that of U-Net. The corresponding results of DeepUNet show that simply increasing the depth of network model cannot significantly improve the accuracy of water-body segmentation in SAR images. This is because the water/land boundary information in SAR images is relatively clear, and the network can segment it well without extracting target features that are too abstract. In other words, the network model should pay more attention to image semantic information, or the inherent characteristics of SAR images, to improve segmentation accuracy. In the same year, Verma, U. et al. [126] tried to employ U-Net and DeepLabV3+ [121] to perform river segmentation and subsequent width measurement. Both the models performed competitively and achieved an mIoU of 0.96. However, compared to DeepLabV3+, U-Net obtained a more satisfactory segmentation result. This is because the dilated convolution in DeepLabV3+ model means some pixels are unable to participate in the operation, and these pixels happen to be key in affecting segmentation results. In addition, this work obtained significant improvement in accuracy in measuring river width, compared to existing river width measurement approaches, in some instances, U-Net and DeepLabV3+ failed to identify a very narrow river.

3.3.2. Water-Body Segmentation Based on Novel Network Models

In recent years, with increasing understanding of DL by scholars in the field of remote sensing, more novel network models for water body extraction in SAR images have been springing up. In 2019, Zhang, J. et al. [127,128] explored the role of two new convolution structures: depth-wise separable convolution [129] and dilated convolution, and then presented depth-wise separable dilated convolution network architecture. The network extracts high-dimensional features by means of depth-wise separable and dilated convolutions (DSDC), then constructs an up-sampling and decoding module, based on bilinear interpolation, to interpret the extracted features. Finally, corresponding segmentation results are outputs. Different from the convolution operation, as shown in Figure 7a, the principles of depth-wise separable and dilated convolutions are shown in Figure 7b,c, respectively. Depth-wise separable convolutions can adjust the size of the feature maps of the upper layer, or the number of feature maps of the upper layer, so as to reduce calculation cost. The segmentation results showed that the network model remarkably improved segmentation accuracy, and segmentation robustness, and shortened time spent, compared to existing network models, including U-Net and DeepLabV3+. In a parallel year, Gao, Y. et al. [130] proposed a transferred multi-level fusion network (MLFN) to segment water/ice in SAR images, which employed cascade dense blocks to optimize model feature extraction capability. In order to make full use of the complementary information among low-, mid-, and high-level feature representations, multi-layer feature fusion was introduced. Thus, MLFN has the ability to achieve more discriminative feature extraction. In 2020, Li, N. et al. [57] employed FCM for rough segmentation, and then utilized a lightweight residual CNN for local super-resolution restoration, to achieve high-precision water segmentation from SAR images in a clever way. Bai, Y. et al. [131] employed BASNet [132] to identify surface water, permanent water, and temporary water. BASNet combines a dense encoder–decoder structure, similar to U-Net, and a modified Residual Refinement Module (RRM). The encoder–decoder structure can generate a coarse probability prediction map after inputting the image, and RRM learns the loss between the map and the ground truth. Moreover, with hybrid loss [133], the model can focus more on boundary information and increasing the reliability of the prediction. Experiments show that in the Sen1Floods11 dataset, segmentation accuracy of this method for permanent water is 93.84%, which is higher than DeepLabV3+ 3.66%, and the accuracy of temporary water segmentation is 92.81%, higher than DeepLabV3+ 2.54%.

3.3.3. Portable Module in Neural Network for Water-Body Segmentation

In the near past, while some scholars began to think about how to propose novel network models, others tried to develop novel portable modules in models to better perform the task of water area segmentation. In 2021, Zhang, J. et al. [134] proposed the cascaded fully-convolutional network (CFCN) to improve the performance of segmenting water bodies in high-resolution SAR images. Aiming at the resolution loss caused by convolutions, associated with large strides in CNN, scholars designed the fully-convolutional Up-sampling Pyramid Networks (UPNs) to reduce loss and realize pixel-wise water-body segmentation in SAR images. Then, for the fuzzy water boundary, fully-convolutional conditional random fields (FC-CRFs) were introduced into UPNs, which reduce computational complexity and automatically learns Gaussian kernels in CRFs, leading to higher boundary accuracy. In addition, a novel variable focal loss (VFL) function has been proposed to improve inefficient training caused by imbalanced distribution of categories in training datasets, which is based on the frequency correlation factor, rather than the constant weighting factor of focal loss. Not only the UPN model, but also the VFL function improves water-body segmentation performance of the DeepLab model, confirming the portability of the VFL. Li, N. et al. [135] combined the Refined-Lee filter concept [136] and the filtering characteristics of convolution, to propose the Refined-Lee Kernel (RLK), which can optimize the internal weight of the convolution kernel according to the geometric characteristic of the river. The principle of RLK is shown in Figure 8. Further, River-Net, a novel river extraction neural network model, was proposed to segment the Yellow River in Sentinel-1 images. The operation method of the convolution kernel is similar to the filtering process, which means that it is time-consuming to filter the characteristic image after the convolution operation. The RLK module can be obtained by Refined-Lee directly filtering the convolution kernel matrix, which can not only strengthen the feature extraction ability of the convolution kernel, but also reduce the cost of computation. On the other hand, River-Net can refer to more contextual semantic information and weaken negative effect on the segmentation results of independent water bodies with similar characteristics to rivers, such as pools and fish ponds around the river, in SAR images. The results showed that the model is superior to U-Net and DeepLabV3+ models. In addition, the RLK module can also improve segmentation performance of FCN and U-Net.

4. Conclusions and Future Prospects

4.1. Conclusions

Segmenting water bodies in SAR images is an important subject in the field of remote sensing. As more and more high-resolution, multi-band, and multi-polarized satellites are available, research on this subject is becoming more and more diversified, systematic and innovative. However, the complex terrain information in SAR images, and the ubiquitous coherent speckle noise, are always obstacles to the task of water-body segmentation. This article systematically reviews research results in this field over the recent 30 years. According to the characteristics of the algorithms, this research is divided into ML-based and DL-based water body extraction methods. The essence of the traditional water-body segmentation methods is to manually design a mapping, or criterion, to determine the category of pixels in SAR images. These methods have some problems, such as excessive dependence on the constructed mapping relationship, overly complex algorithm design, and low prediction accuracy. In addition, unreasonable algorithm design usually leads to weak feature expression. For SAR images with a large amount of coherent speckle noise, these mapping relations are difficult to adapt to all pixels in the entire SAR image. Fortunately, DL-based methods consider the neural network model structure as a torso, while the trainable parameters are seen as the blood flowing in it. Finally, an adaptive mapping relationship is created that can adapt to all pixels. The mapping relationship is not only based on the current pixel and its neighboring pixels, but refers to more contextual semantic information. These methods do not rely on specific algorithms or assumptions, and the segmentation effect is better than in traditional methods. However, DL methods also have their own limitations. Most existing network models require a lot of sample support and a large amount of manual labor to label data sets for training. On the other hand, since neural network technology aims at constructing the mapping relationship adaptively, its internal mechanism is difficult to interpret. Therefore, it is promising to seek to improve manual labor costs and model interpretation of DL methods.

4.2. Future Prospects

The introduction of DL methods has made it ‘intelligent’ for computers to extract water bodies in SAR images. However, there is still much room for improvement in the methods of segmenting water bodies from SAR images. According to relevant articles on water-segmentation for SAR images in the past 30 years, extracting water bodies from SAR images is more based on SAR image intensity information than amplitude, phase information, or even complex value information of SAR images. Due to the above more abstract SAR image information, it is quite difficult for traditional methods, such as edge detection, ACM, and the random forest method, to establish an accurate mapping relationship to extract waterbodies. However, DL methods can do these things without increasing difficulty. Further, the abundant polarimetric scattering information from polarimetric SAR should be fully utilized. The Wishart classifier, and the related polarization decomposition method, provide a solution to water-body segmentation for SAR images by using polarization information. However, the Wishart classifier and polarization decomposition are based on the coherence matrix. The premise of the coherence matrix is that the propagation medium meets the reciprocity condition, which is conducive to simplifying the model. but damages the original SAR data. At present, employing complex-valued image information of SAR images to achieve SAR image classification has achieved preliminary results, proving that it is feasible to feed the abstract SAR image information to neural network technology for water-body segmentation for SAR images with higher accuracy.
In addition, means to explore solutions for small-scale SAR data to train network models is still an urgent problem to be solved. Although a variety of SAR sensors continue to appear, the data scale of SAR images, and the large number of samples required, to train neural networks are still inherent contradictions. Worse, water and land boundary information only occupy quite a small part in the whole SAR image, which often leads to imbalance of the dataset in water-body segmentation tasks. Existing solutions focus more on data augmentation methods in the field of computer vision, such as the operations of copying, rotating, and flipping, as well as windowing operations, commonly used in previous water-body segmentation for SAR images. The methods attempt to increase the robustness of the network model and avoid over-learning. However, the models need to learn more diverse sample images, rather than simple duplication, rotation and windowing of the original samples. In this regard, GAN is a promising method to generate more ‘intelligent’ land and water boundary information and other sample image information to reduce the imbalance of the dataset, and further enhance data.
On the other hand, with the rapid development of DL methods in the field of computer vision, scholars are paying more attention to trying to utilize various excellent modules, such as separable convolution, dilated convolution, spatial pyramid pooling, self-attention mechanism modules, and to even propose novel modules to improve the network models in extracting water bodies in SAR images with high accuracy. These modules are functionally diverse but lack system integration. When using data sets to train established neural network models, a large number of experiments are often needed to optimize the hyperparameters. Further, while exploring novel modules conducive to water body extraction, and considering various excellent modules as “hypermodules”, then the modules more suitable for extracting water will be found in SAR images. This has effectively contributed to guiding the design of neural network models and further improving the accuracy of water-body extraction.
To sum up, although the adoption of various DL models and architectures to segment water bodies in SAR images is increasing with promising results, the following issues remain to be improved on:
  • Exploit the characteristics of the SAR image itself, making full use of more amplitude, phase and complex information of SAR;
  • Explore the solutions for small-scale SAR data to train network models, and data augmentation methods to weaken the imbalance of datasets;
  • Develop novel modules suitable for water body extraction from SAR images and integrate existing excellent modules.

Author Contributions

Formal analysis, Z.G. (Zhishun Guo) and N.L.; methodology, N.L., Y.H. and Z.G. (Zhishun Guo); validation, Z.G. (Zhengwei Guo), Y.H. and J.Z.; resources, N.L., J.Z., Z.G. (Zhengwei Guo), Y.H. and L.W.; writing—original draft preparation, Z.G. (Zhishun Guo); writing—review and editing, N.L., L.W., Z.G. (Zhengwei Guo), Y.H. and J.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Key Laboratory of Land Satellite Remote Sensing Application, Ministry of Natural Resources of the People’s Republic of China (KLSMNR-202204), the Plan of Science and Technology of Henan Province (202102210175, 212102210101), the College Key Research Project of Henan Province (21A520004) and the National Natural Science Foundation of China (61871175).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The study did not report any data, please exclude this statement.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Li, N.; Lv, Z.; Guo, Z. SAR image interference suppression method by integrating change detection and subband spectral cancellation technology. Syst. Eng. Electron. 2021, 43, 2484–2492. [Google Scholar]
  2. Chen, J.; Lv, J.; Li, N.; Qang, Q.; Wang, J. External groundwater alleviates the degradation of closed lakes in semi-arid regions of China. Remote Sens. 2020, 12, 45. [Google Scholar] [CrossRef] [Green Version]
  3. Pradhan, B.; Sameen, M.; Kalantar, B. Optimized Rule-Based Flood Mapping Technique Using Multitemporal RADARSAT-2 Images in the Tropical Region. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2017, 10, 3190–3199. [Google Scholar] [CrossRef]
  4. Kim, M.; Oh, H.; Lee, S.; Choi, Y.; Han, S. A Large-Scale Dataset for Water Segmentation of SAR Satellite. In Proceedings of the 2021 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Prague, Czech Republic, 27 September–1 October 2021; pp. 9796–9801. [Google Scholar]
  5. Hahmann, T.; Martinis, S.; Twele, A.; Roth, A.; Buchroithner, M. Extraction of water and flood areas from SAR data. In Proceedings of the 7th European Conference on Synthetic Aperture Radar, Friedrichshafen, Germany, 2–5 June 2008; pp. 1–4. [Google Scholar]
  6. Chénier, R.; Omari, K.; Ahola, R.; Sagram, M. Charting Dynamic Areas in the Mackenzie River with RADARSAT-2, Simulated RADARSAT Constellation Mission and Optical Remote Sensing Data. Remote Sens. 2019, 11, 1523. [Google Scholar] [CrossRef] [Green Version]
  7. Kundu, S.; Lakshmi, V.; Torres, R. Flood Depth Estimation during Hurricane Harvey Using Sentinel-1 and UAVSAR Data. Remote Sens. 2022, 14, 1450. [Google Scholar] [CrossRef]
  8. Aristizabal, F.; Judge, J. Mapping Fluvial Inundation Extents with Graph Signal Filtering of River Depths Determined from Unsupervised Clustering of Synthetic Aperture Radar Imagery. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 6124–6127. [Google Scholar]
  9. Li, Z.; Chen, X.; Luo, P.; Tian, Y. Water area segmentation of the Yangcheng Lake with SAR data based on improved 2D maximum entropy and genetic algorithm. In Proceedings of the 2012 Second International Workshop on Earth Observation and Remote Sensing Applications, Shanghai, China, 8–11 June 2012; pp. 263–267. [Google Scholar]
  10. Ding, X.; Nunziata, F.; Li, X.; Migliaccio, M. Performance Analysis and Validation of Waterline Extraction Approaches Using Single- and Dual-Polarimetric SAR Data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2015, 8, 1019–1027. [Google Scholar] [CrossRef]
  11. Gasnier, N.; Denis, L.; Fjørtoft, R.; Liège, F.; Tupin, F. Narrow River Extraction from SAR Images Using Exogenous Information. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 5720–5734. [Google Scholar] [CrossRef]
  12. Pulvirenti, L.; Pierdicca, N.; Squicciarino, G.; Boni, G.; Chini, M.; Benedetto, C. Polarimetric SAR data for improving flood mapping: An investigation over rice flooded fields. In Proceedings of the 2016 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Beijing, China, 10–15 July 2016; pp. 7589–7592. [Google Scholar]
  13. Mason, D.; Davenport, I.; Neal, J.; Schumann, G.; Bates, P. Near Real-Time Flood Detection in Urban and Rural Areas Using High-Resolution Synthetic Aperture Radar Images. IEEE Trans. Geosci. Remote Sens. 2012, 50, 3041–3052. [Google Scholar] [CrossRef] [Green Version]
  14. Liang, J.; Liu, D. A local thresholding approach to flood water delineation using Sentinel-1 SAR imagery. ISPRS J. Photogramm. Remote Sens. 2020, 159, 53–62. [Google Scholar] [CrossRef]
  15. Zhu, L.; Zhang, P.; Li, D.; Zhu, X.; Wang, C. A novel change detection method based on high-resolution SAR images for river course. Optik 2015, 126, 3659–3668. [Google Scholar] [CrossRef]
  16. Canny, J. A computational approach to edge detection. In Readings in Computer Vision; Fischler, M.A., Firschein, O.B., Eds.; Morgan Kaufmann: San Francisco, CA, USA, 1987; pp. 184–203. [Google Scholar]
  17. Liu, H.; Jezek, K. Automated extraction of coastline from satellite imagery by integrating Canny edge detection and locally adaptive thresholding methods. Int. J. Remote Sens. 2004, 25, 937–958. [Google Scholar] [CrossRef]
  18. Wang, Z.; Zhang, R.; Zhang, Q.; Zhu, Y.; Huang, B.; Lu, Z. An Automatic Thresholding Method for Water Body Detection From SAR Image. In Proceedings of the 2019 IEEE International Conference on Signal, Information and Data Processing (ICSIDP), Chongqing, China, 11–13 December 2019; pp. 1–4.
  19. Chen, F. Comparing Methods for Segmenting Supra-Glacial Lakes and Surface Features in the Mount Everest Region of the Himalayas Using Chinese GaoFen-3 SAR Images. Remote Sens. 2021, 13, 2429. [Google Scholar] [CrossRef]
  20. Zhao, L.; Lv, L. Realization for edge response algorithm with sobel arithmetic operators based on FPGA. Aero Weapon. 2007, 6, 32–35. [Google Scholar]
  21. Liu, Y.; Li, L.; Xie, Y.; Chen, L.; Deng, Y. An optimized water detection algorithm for SAR images utilizing SOPC technologies. In Proceedings of the IET International Radar Conference 2015, Hangzhou, China, 14–16 October 2015; pp. 1–4. [Google Scholar]
  22. Wang, B.; Wang, G. Instantaneous coastline automatic extraction algorithm for SAR images based on improved deep learning network. Syst. Eng. Electron. 2021, 43, 2108–2115. [Google Scholar]
  23. Osher, S.; Fedkiw, R.; Piechor, K. Level Set Methods and Dynamic Implicit Surfaces. Appl. Mech. Rev. 2004, 57, B15. [Google Scholar] [CrossRef] [Green Version]
  24. Silveira, M.; Heleno, S. Water/land segmentation in SAR images using level sets. In Proceedings of the 2008 15th IEEE International Conference on Image Processing, San Diego, CA, USA, 12–15 October 2008; pp. 1896–1899. [Google Scholar]
  25. Silveira, M.; Heleno, S. Classification of water regions in SAR images using level sets and non-parametric density estimation. In Proceedings of the 2009 16th IEEE International Conference on Image Processing (ICIP), Cairo, Egypt, 7–10 November 2009; pp. 1685–1688. [Google Scholar]
  26. Parzen, E. On estimation of a probability density function and mode. Ann. Math. Stat. 1962, 33, 1065–1076. [Google Scholar] [CrossRef]
  27. Silveira, M.; Heleno, S. Separation Between Water and Land in SAR Images Using Region-Based Level Sets. IEEE Geosci. Remote Sens. Lett. 2009, 6, 471–475. [Google Scholar] [CrossRef]
  28. Cafaro, B.; Canale, S.; Pirri, F. X-SAR SpotLigh images feature selection and water segmentation. In Proceedings of the 2012 IEEE International Conference on Imaging Systems and Techniques Proceedings, Manchester, UK, 16–17 July 2012; pp. 217–222. [Google Scholar]
  29. Kass, M.; Witkin, A.; Terzopoulos, D. Snakes: Active contour models. Int. J. Comput. Vis. 1988, 1, 321–331. [Google Scholar] [CrossRef]
  30. Meng, Q.; Wen, X.; Yuan, L.; Xu, H. Factorization-Based Active Contour for Water-Land SAR Image Segmentation via the Fusion of Features. IEEE Access 2019, 7, 40347–40358. [Google Scholar] [CrossRef]
  31. Cohen, L. On active contour models and balloons. CVGIP Image Underst. 1991, 53, 211–218. [Google Scholar] [CrossRef]
  32. Niedermeier, A.; Romaneessen, E.; Lehner, S. Detection of coastlines in SAR images using wavelet methods. IEEE Trans. Geosci. Remote Sens. 2000, 38, 2270–2281. [Google Scholar] [CrossRef]
  33. Chan, T.; Vese, L. Active contours without edges. IEEE Trans. Image Processing 2001, 10, 266–277. [Google Scholar] [CrossRef] [Green Version]
  34. Heremans, R.; Willekens, A.; Borghys, D.; Verbeeck, B.; Valckenborgh, J.; Acheroy, M.; Perneel, C. Automatic detection of flooded areas on ENVISAT/ASAR images using an object-oriented classification technique and an active contour algorithm. In Proceedings of the International Conference on Recent Advances in Space Technologies, Istanbul, Turkey, 20–22 November 2003; pp. 311–316. [Google Scholar]
  35. Hahmann, T.; Wessel, B. Surface Water Body Detection in High-Resolution TerraSAR-X Data using Active Contour Models. In Proceedings of the 8th European Conference on Synthetic Aperture Radar, Aachen, Germany, 7–10 June 2010; pp. 1–4. [Google Scholar]
  36. Kim, S.; Kim, Y.; Lee, D.; Park, S. Active contour segmentation using level set function with enhanced image from prior intensity. In Proceedings of the 2015 37th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Milan, Italy, 25–29 August 2015; pp. 3069–3072. [Google Scholar]
  37. Hamarneh, G.; Chodorowski, A.; Gustavsson, T. Active contour models: Application to oral lesion detection in color images. In Proceedings of the SMC 2000 Conference Proceedings, 2000 IEEE International Conference on Systems, Man and Cybernetics. ‘Cybernetics Evolving to Systems, Humans, Organizations, and their Complex Interactions’, Nashville, TN, USA, 8–11 October 2000; pp. 2458–2463. [Google Scholar]
  38. Li, N.; Wang, R.; Deng, Y.; Chen, J.; Liu, Y.; Du, K.; Lu, P.; Zhang, Z.; Zhao, F. Waterline Mapping and Change Detection of Tangjiashan Dammed Lake After Wenchuan Earthquake from Multitemporal High-Resolution Airborne SAR Imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2014, 7, 3200–3209. [Google Scholar] [CrossRef]
  39. Wang, K.; Trinder, J. Applied Watershed Segmentation Algorithm for Water Body Extraction in Airborne SAR Image. In Proceedings of the 10th European Conference on Synthetic Aperture Radar, Berlin, Germany, 3–5 June 2014; pp. 1–4. [Google Scholar]
  40. Wang, W.; Wang, J.; Zhao, H.; Yuan, Y.; Sun, J. River detection from SAR images. In Proceedings of the 2015 IEEE 5th Asia-Pacific Conference on Synthetic Aperture Radar (APSAR), Singapore, 1–4 September 2015; pp. 680–683. [Google Scholar]
  41. Lv, J.; Chen, J.; Hu, J.; Zhang, Y.; Lu, P.; Lin, J. Area Change Detection of Luoma Lake Based on Sentinel-1A. In Proceedings of the 2018 International Conference on Microwave and Millimeter Wave Technology (ICMMT), Chengdu, China, 7–11 May 2018; pp. 1–3. [Google Scholar]
  42. Zhang, S.; Chen, J.; Liu, X.; Li, J. Change Detection of Huangqi Lake Based on Modified Active Contour Using Sentinel-1 SAR Image. In Proceedings of the 2018 Progress in Electromagnetics Research Symposium (PIERS-Toyama), Toyama, Japan, 1–4 August 2018; pp. 2291–2295. [Google Scholar]
  43. Hu, J.; Lu, L.; Xu, J.; Zhang, J. Multi scale C-V model level set method for fast coastline extraction with SAR imagery. In Proceedings of the 2017 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Fort Worth, TX, USA, 23–28 July 2017; pp. 2042–2045. [Google Scholar]
  44. Li, N.; Niu, S.; Guo, Z.; Wu, L.; Zhao, J.; Min, L.; Ge, D.; Chen, J. Dynamic Waterline Mapping of Inland Great Lakes Using Time-Series SAR Data From GF-3 and S-1A Satellites: A Case Study of DJK Reservoir, China. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2019, 12, 4297–4314. [Google Scholar] [CrossRef]
  45. Zheng, Y.; Zhang, X.; Hou, B.; Liu, G. Using Combined Difference Image and k -Means Clustering for SAR Image Change Detection. IEEE Geosci. Remote Sens. Lett. 2014, 11, 691–695. [Google Scholar] [CrossRef]
  46. Bezdek, J. A Convergence Theorem for the Fuzzy ISODATA Clustering Algorithms. IEEE Trans. Pattern Anal. Mach. Intell. 1980, PAMI-2, 1–8. [Google Scholar] [CrossRef]
  47. Wang, M.; Zhou, S.; Bai, H.; Ma, N.; Ye, S. SAR Water Image Segmentation Based on GLCM and Wavelet Textures. In Proceedings of the 2010 6th International Conference on Wireless Communications Networking and Mobile Computing (WiCOM), Chengdu, China, 23–25 September 2010; pp. 1–4. [Google Scholar]
  48. Zhu, J.; Guo, H.; Fan, X.; Shao, Y. A wavelet transform method to detect boundaries between land and water in SAR image. In Proceedings of the IGARSS 2004. 2004 IEEE International Geoscience and Remote Sensing Symposium, Anchorage, AK, USA, 20–24 September 2004; pp. 4262–4264. [Google Scholar]
  49. Liu, Z.; Li, F.; Li, N.; Wang, R.; Zhang, H. A Novel Region-Merging Approach for Coastline Extraction from Sentinel-1A IW Mode SAR Imagery. IEEE Geosci. Remote Sens. Lett. 2016, 13, 324–328. [Google Scholar] [CrossRef]
  50. Zheng, X.; Chen, J.; Zhang, S.; Chen, J. Water extraction of SAR image based on region merging algorithm. In Proceedings of the 2017 International Applied Computational Electromagnetics Society Symposium (ACES), Suzhou, China, 1–4 August 2017; pp. 1–2. [Google Scholar]
  51. Wu, L.; Wang, L.; Min, L.; Hou, W.; Guo, Z.; Zhao, J.; Li, N. Discrimination of Algal-Bloom Using Spaceborne SAR Observations of Great Lakes in China. Remote Sens. 2018, 10, 767. [Google Scholar] [CrossRef] [Green Version]
  52. Obida, C.; Blackburn, G.; Whyatt, J.; Semple, K. River network delineation from Sentinel-1 SAR data. Int. J. Appl. Earth Obs. Geoinf. 2019, 83, 101910. [Google Scholar] [CrossRef]
  53. Melrose, R.; Kingsford, R.; Milne, A. Using radar to detect flooding in arid wetlands and rivers. In Proceedings of the 2012 IEEE International Geoscience and Remote Sensing Symposium, Munich, Germany, 22–27 July 2012; pp. 5242–5245. [Google Scholar]
  54. Landuyt, L.; Verhoest, N.E.C.; Van Coillie, F.M.B. Flood Mapping in Vegetated Areas Using an Unsupervised Clustering Approach on Sentinel-1 and -2 Imagery. Remote Sens. 2020, 12, 3611. [Google Scholar] [CrossRef]
  55. Hu, H.; Dai, G.; Wang, M.; Yi, P. Detection of river in SAR images. In Proceedings of the 2012 8th International Conference on Information Science and Digital Content Technology (ICIDT2012), Jeju, Korea, 26–28 June 2012; pp. 632–635. [Google Scholar]
  56. Leng, Y.; Li, N. Improved change detection method for flood monitoring. J. Radars 2017, 6, 204–212. [Google Scholar]
  57. Li, N.; Niu, S. High-precision water segmentation from synthetic aperture radar images based on local super-resolution restoration technology. J. Radars 2020, 9, 174–184. [Google Scholar]
  58. Morsier, F.; Rasamimalala, M.; Tuiaz, D.; Borgeaud, M.; Rakotoniaina, S.; Rakotondraompiana, S.; Thiran, J. Detection of floods in SAR images with non-linear kernel clustering and topographic prior. In Proceedings of the 21st European Signal Processing Conference (EUSIPCO), Marrakech, Morocco, 9–13 September 2013; pp. 1–5. [Google Scholar]
  59. Breiman, L. Random Forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef] [Green Version]
  60. Xie, L.; Zhang, H.; Wang, C. Water-body types classification using Radarsat-2 fully polarimetric SAR data. In Proceedings of the 2015 IEEE International Conference on Aerospace Electronics and Remote Sensing Technology (ICARES), Bali, Indonesia, 3–5 December 2015; pp. 1–5. [Google Scholar]
  61. Zhou, X.; Liu, X.; Zhang, Z. Automatic Extraction of Lakes on the Qinghai-Tibet Plateau from Sentinel-1 SAR Images. In Proceedings of the 2019 SAR in Big Data Era (BIGSARDATA), Beijing, China, 5–6 August 2019; pp. 1–4. [Google Scholar]
  62. Shen, G.; Fu, W. Water Body Extraction using GF-3 Polsar Data–A Case Study in Poyang Lake. In Proceedings of the IGARSS 2020–2020 IEEE International Geoscience and Remote Sensing Symposium, Waikoloa, HI, USA, 26 September–2 October 2020; pp. 4762–4765. [Google Scholar]
  63. Freeman, A.; Durden, S. A Three-Component Scattering Model for Polarimetric SAR Data. IEEE Trans. Geosci. Remote Sens. 1998, 36, 963–973. [Google Scholar] [CrossRef] [Green Version]
  64. Furtado, L.; Silva, T.; Novo, E. Dual-season and full-polarimetric C band SAR assessment for vegetation mapping in the Amazon várzea wetlands. Remote Sens. Environ. 2016, 174, 212–222. [Google Scholar] [CrossRef] [Green Version]
  65. Cloude, S.; Pottier, E. An entropy based classification scheme for land applications of polarimetric SAR. IEEE Trans. Geosci. Remote Sens. 1997, 35, 68–78. [Google Scholar] [CrossRef]
  66. Cherkassky, V. The Nature of Statistical Learning Theory. IEEE Trans. Neural Netw. 1997, 8, 1564. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  67. Lv, W.; Yu, Q.; Yu, W. Water extraction in SAR images using GLCM and Support Vector Machine. In Proceedings of the IEEE 10th International Conference on Signal Processing Proceedings, Beijing, China, 24–28 October 2010; pp. 740–743. [Google Scholar]
  68. Wang, Y.; Yu, Q.; Lv, W.; Yu, W. Coastline detection in SAR images using multi-feature and SVM. In Proceedings of the 2011 4th International Congress on Image and Signal Processing, Shanghai, China, 15–17 October 2011; pp. 1227–1230. [Google Scholar]
  69. Wang, R.; Xu, H. A Smoothing Function for 1-norm Support Vector Machines. In Proceedings of the 2009 Fifth International Conference on Natural Computation, Tianjian, China, 14–16 August 2009; pp. 450–454. [Google Scholar]
  70. Klemenjak, S.; Waske, B.; Valero, S.; Chanussot, J. Automatic Detection of Rivers in High-Resolution SAR Data. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2012, 5, 1364–1372. [Google Scholar] [CrossRef] [Green Version]
  71. Valero, S.; Chanussot, J.; Benediktsson, J.; Talbot, H.; Waske, B. Directional mathematical morphology for the detection of the road network in Very High Resolution remote sensing images. In Proceedings of the 2009 16th IEEE International Conference on Image Processing (ICIP), Cairo, Egypt, 7–10 November 2009; pp. 3725–3728. [Google Scholar]
  72. Kreiser, Z.; Killough, B.; Rizvi, S. Water Across Synthetic Aperture Radar Data (WASARD): SAR Water Body Classification for the Open Data Cube. In Proceedings of the IGARSS 2018–2018 IEEE International Geoscience and Remote Sensing Symposium, Valencia, Spain, 22–27 July 2018; pp. 437–440. [Google Scholar]
  73. Qin, X.; Yang, J.; Li, P.; Sun, W. Research on Water Body Extraction from Gaofen-3 Imagery Based on Polarimetric Decomposition and Machine Learning. In Proceedings of the IGARSS 2019—2019 IEEE International Geoscience and Remote Sensing Symposium, Yokohama, Japan, 28 July–2 August 2019; pp. 6903–6906. [Google Scholar]
  74. Yin, J.; Liu, X.; Yang, J.; Chu, C.; Chang, Y. PolSAR Image Classification Based on Statistical Distribution and MRF. Remote Sens. 2020, 12, 1027. [Google Scholar] [CrossRef] [Green Version]
  75. Deng, H.; Clausi, D. Unsupervised segmentation of synthetic aperture Radar sea ice imagery using a novel Markov random field model. IEEE Trans. Geosci. Remote Sens. 2005, 43, 528–538. [Google Scholar] [CrossRef]
  76. Martinis, S.; Twele, A. A Hierarchical Spatio-Temporal Markov Model for Improved Flood Mapping Using Multi-Temporal X-Band SAR Data. Remote Sens. 2010, 2, 2240–2258. [Google Scholar] [CrossRef] [Green Version]
  77. Cao, F.; Tupin, F.; Nicolas, J.; Fjørtoft, R.; Pourthié, N. Extraction of water surfaces in simulated Ka-band SAR images of KaRIn on swot. In Proceedings of the 2011 IEEE International Geoscience and Remote Sensing Symposium, Vancouver, BC, Canada, 24–29 July 2011; pp. 3562–3565. [Google Scholar]
  78. Cutler, P.; Schwartzkopf, W.; Koehler, F. Robust automated thresholding of SAR imagery for open-water detection. In Proceedings of the 2015 IEEE Radar Conference (RadarCon), Arlington, VA, USA, 10–15 May 2015; pp. 0310–0315. [Google Scholar]
  79. Lobry, S.; Denis, L.; Tupin, F.; Fjørtoft, R. Double MRF for water classification in SAR images by joint detection and reflectivity estimation. In Proceedings of the 2017 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Fort Worth, TX, USA, 23–28 July 2017; pp. 2283–2286. [Google Scholar]
  80. Asaro, F. A Novel Statistical-Based Scale-Independent Approach to Unsupervised Water Segmentation of SAR Images. In Proceedings of the IGARSS 2019–2019 IEEE International Geoscience and Remote Sensing Symposium, Yokohama, Japan, 28 July–2 August 2019; pp. 1057–1060. [Google Scholar]
  81. Lee, J.; Grunes, M. Classification of multi-look polarimetric SAR data based on complex Wishart distribution. In Proceedings of the NTC-92: National Telesystems Conference, Washington, DC, USA, 19–20 May 1992; pp. 7/21–7/24. [Google Scholar]
  82. Zhang, X.; Zhang, H.; Wang, C. Water-change detection with Chinese Gaofen-3 simulated compact polarimetric SAR images. In Proceedings of the 2017 SAR in Big Data Era: Models, Methods and Applications (BIGSARDATA), Beijing, China, 13–14 November 2017; pp. 1–4. [Google Scholar]
  83. Irwin, K.; Braun, A.; Fotopoulos, G.; Roth, A.; Wessel, B. Assessing Single-Polarization and Dual-Polarization TerraSAR-X Data for Surface Water Monitoring. Remote Sens. 2018, 10, 949. [Google Scholar] [CrossRef] [Green Version]
  84. D’Addabbo, A.; Refice, A.; Pasquariello, G.; Lovergine, F.; Capolongo, D.; Manfreda, S. A Bayesian Network for Flood Detection Combining SAR Imagery and Ancillary Data. IEEE Trans. Geosci. Remote Sens. 2016, 54, 3612–3625. [Google Scholar] [CrossRef]
  85. Li, N.; Guo, Z.; Zhao, J.; Wu, L.; Guo, Z. Characterizing Ancient Channel of the Yellow River from Spaceborne SAR: Case Study of Chinese Gaofen-3 Satellite. IEEE Geosci. Remote Sens. Lett. 2022, 19, 1–5. [Google Scholar] [CrossRef]
  86. Guo, Z.; Zhao, J.; Li, N.; Wu, L. An Adaptive Irregular Convolution U-Net for Reconstructing Ancient Channel of the Yellow River. In Proceedings of the 2021 IEEE Sensors, Sydney, Australia, 31 October–3 November 2021; pp. 1–4. [Google Scholar]
  87. Ai, J.; Tian, R.; Luo, Q.; Jin, J.; Tang, B. Multi-Scale Rotation-Invariant Haar-Like Feature Integrated CNN-Based Ship Detection Algorithm of Multiple-Target Environment in SAR Imagery. IEEE Trans. Geosci. Remote Sens. 2019, 57, 10070–10087. [Google Scholar] [CrossRef]
  88. Li, Y.; Peng, C.; Chen, Y.; Jiao, L.; Zhou, L.; Shang, R. A Deep Learning Method for Change Detection in Synthetic Aperture Radar Images. IEEE Trans. Geosci. Remote Sens. 2019, 57, 5751–5763. [Google Scholar] [CrossRef]
  89. Wu, L.; Sun, M.; Min, L.; Zhao, J.; Li, N.; Guo, Z. An improved method of algal-bloom discrimination in Taihu Lake using Sentinel-1A data. In Proceedings of the 2019 6th Asia-Pacific Conference on Synthetic Aperture Radar (APSAR), Xiamen, China, 26–29 November 2019; pp. 1–5. [Google Scholar]
  90. Latini, D.; Frate, F.; Palazzo, F.; Minchella, A. Coastline extraction from SAR COSMO-SkyMed data using a new neural network algorithm. In Proceedings of the 2012 IEEE International Geoscience and Remote Sensing Symposium, Munich, Germany, 22–27 July 2012; pp. 5975–5977. [Google Scholar]
  91. Dasgupta, A.; Grimaldi, S.; Ramsankaran, R.; Pauwels, V.; Walkerc, J. Towards operational SAR-based flood mapping using neuro-fuzzy texture-based approaches. Remote Sens. Environ. 2018, 215, 313–329. [Google Scholar] [CrossRef]
  92. Li, J.; Wang, C.; Wang, S.; Zhang, H.; Fu, Q.; Wang, Y. Gaofen-3 sea ice detection based on deep learning. In Proceedings of the 2017 Progress in Electromagnetics Research Symposium–Fall (PIERS–FALL), Singapore, Singapore, 19–22 November 2017; pp. 933–939. [Google Scholar]
  93. Ren, Y.; Xu, H.; Liu, B.; Li, X. Sea Ice and Open Water Classification of SAR Images Using a Deep Learning Model. In Proceedings of the IGARSS 2020–2020 IEEE International Geoscience and Remote Sensing Symposium, Waikoloa, HI, USA, 26 September–2 October 2020; pp. 3051–3054. [Google Scholar]
  94. Krizhevsky, A.; Sutskever, I.; Hinton, G. ImageNet classification with deep convolutional neural networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef]
  95. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2015, arXiv:1409.1556v6. [Google Scholar]
  96. Wang, C.; Zhang, H.; Wang, Y.; Zhang, B. Sea Ice Classification with Convolutional Neural Networks Using Sentinel-L Scansar Images. In Proceedings of the IGARSS 2018–2018 IEEE International Geoscience and Remote Sensing Symposium, Valencia, Spain, 22–27 July 2018; pp. 7125–7128. [Google Scholar]
  97. Boulze, H.; Korosov, A.; Brajard, J. Classification of Sea Ice Types in Sentinel-1 SAR Data Using Convolutional Neural Networks. Remote Sens. 2020, 12, 2165. [Google Scholar] [CrossRef]
  98. Chen, K.; Hao, M.; Zhuang, L.; Xie, C. A method for water body extraction in SAR using CNN. Electron. Meas. Technol. 2021, 44, 125–131. [Google Scholar]
  99. 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]
  100. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Lecture Notes in Computer Science; Springer International Publishing: Berlin/Heidelberg, Germany, 2015; pp. 234–241. [Google Scholar]
  101. Wang, J.; Wang, S.; Wang, F.; Zhou, Y.; Ji, J.; Xiong, Y. Flood Inundation Region Extraction Method Based on Sentinel-1 SAR Data. J. Catastrophology 2021, 36, 214–220. [Google Scholar]
  102. Zhang, Z.; Liu, Q.; Wang, Y. Road Extraction by Deep Residual U-Net. IEEE Geosci. Remote Sens. Lett. 2018, 15, 749–753. [Google Scholar] [CrossRef] [Green Version]
  103. Pai, M.; Mehrotra, V.; Aiyar, S.; Verma, U.; Pai, R. Automatic Segmentation of River and Land in SAR Images: A Deep Learning Approach. In Proceedings of the 2019 IEEE Second International Conference on Artificial Intelligence and Knowledge Engineering (AIKE), Sardinia, Italy, 3–5 June 2019; pp. 15–20. [Google Scholar]
  104. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the International Conference on Neural Information Processing Systems, Montreal, QC, Canada, 8–13 December 2014; pp. 2672–2680. [Google Scholar]
  105. Pai, M.; Mehrotra, V.; Verma, U.; Pai, R. Improved Semantic Segmentation of Water Bodies and Land in SAR Images Using Generative Adversarial Networks. Int. J. Semant. Comput. 2020, 14, 55–69. [Google Scholar]
  106. Dai, M.; Leng, X.; Xiong, B.; Ji, K. An Efficient Water Segmentation Method for SAR Images. In Proceedings of the IGARSS 2020–2020 IEEE International Geoscience and Remote Sensing Symposium, Waikoloa, HI, USA, 26 September–2 October 2020; pp. 1129–1132. [Google Scholar]
  107. Yu, C.; Wang, J.; Peng, C.; Gao, C.; Yu, G.; Sang, N. BiSeNet: Bilateral segmentation network for real-time semantic segmentation. In Proceedings of the European Conference on Computer Vision (ECCV 2018), Munich, Germany, 8–14 September 2018; pp. 334–349. [Google Scholar]
  108. Denbina, M.; Towfic, Z.; Thill, M.; Bue, B.; Kasraee, N.; Peacock, A.; Lou, Y. Flood Mapping Using UAVSAR and Convolutional Neural Networks. In Proceedings of the IGARSS 2020—2020 IEEE International Geoscience and Remote Sensing Symposium, Waikoloa, HI, USA, 26 September–2 October 2020; pp. 3247–3250. [Google Scholar]
  109. Zhang, L.; Xia, J. Flood Detection Using Multiple Chinese Satellite Datasets during 2020 China Summer Floods. Remote Sens. 2022, 14, 51. [Google Scholar]
  110. Katiyar, V.; Tamkuan, N.; Nagai, M. Near-Real-Time Flood Mapping Using Off-the-Shelf Models with SAR Imagery and Deep Learning. Remote Sens. 2021, 13, 2334. [Google Scholar]
  111. Lalchhanhima, R.; Saha, G.; Sur, S.; Kandar, D. Water body segmentation of Synthetic Aperture Radar image using Deep Convolutional Neural Networks. Microprocess. Microsyst. 2021, 87, 104360. [Google Scholar]
  112. Dong, Z.; Wang, G.; Amankwah, S.; Wei, X.; Hu, Y.; Feng, A. Monitoring the summer flooding in the Poyang Lake area of China in 2020 based on Sentinel-1 data and multiple convolutional neural networks. Int. J. Appl. Earth Obs. Geoinf. 2021, 102, 102400. [Google Scholar] [CrossRef]
  113. Konapala, G.; Kumar, S.; Ahmad, S. Exploring Sentinel-1 and Sentinel-2 diversity for flood inundation mapping using deep learning. ISPRS J. Photogramm. Remote Sens. 2021, 180, 163–173. [Google Scholar]
  114. Gasnier, N.; Dalsasso, E.; Denis, L.; Tupin, F. Despeckling Sentinel-1 GRD Images by Deep-Learning and Application to Narrow River Segmentation. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 2995–2998. [Google Scholar]
  115. Hartmann, A.; Davari, A.; Seehaus, T.; Braun, M.; Maier, A.; Christlein, V. Bayesian U-Net for Segmenting Glaciers in SAR Imagery. arXiv 2021, arXiv:2101.03249v2. [Google Scholar]
  116. Asaro, F.; Murdaca, G.; Prati, C. Learning Deep Models from Weak Labels for Water Surface Segmentation in Sar Images. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 6048–6051. [Google Scholar]
  117. Li, J.; Wang, C.; Xu, L.; Wu, F.; Zhang, H.; Zhang, B. Multitemporal Water Extraction of Dongting Lake and Poyang Lake Based on an Automatic Water Extraction and Dynamic Monitoring Framework. Remote Sens. 2021, 13, 865. [Google Scholar] [CrossRef]
  118. Mnih, V.; Heess, N.; Graves, A.; Kavukcuoglu, K. Recurrent models of visual attention. Adv. Neural Inf. Process. Syst. 2014, 3, 2204–2212. [Google Scholar]
  119. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid Scene Parsing Network. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 6230–6239. [Google Scholar]
  120. Dirscherl, M.; Dietz, A.J.; Kneisel, C.; Kuenzer, C. A Novel Method for Automated Supraglacial Lake Mapping in Antarctica Using Sentinel-1 SAR Imagery and Deep Learning. Remote Sens. 2021, 13, 197. [Google Scholar] [CrossRef]
  121. Chen, L.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-decoder with atrous separable convolution for semantic image segmentation. In Proceedings of the Computer Vision–ECCV 2018, Munich, Germany, 6 October 2018; pp. 833–851. [Google Scholar]
  122. Cui, X.; Zheng, K.; Gao, L.; Zhang, B.; Ren, J. Multiscale Spatial-Spectral Convolutional Network with Image-Based Framework for Hyperspectral Imagery Classification. Remote Sens. 2019, 11, 2220. [Google Scholar] [CrossRef] [Green Version]
  123. Chen, L.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A. DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 40, 834–848. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  124. Ren, Y.; Li, X.; Yang, X.; Xu, H. Development of a Dual-Attention U-Net Model for Sea Ice and Open Water Classification on SAR Images. IEEE Geosci. Remote Sens. Lett. 2021, 19, 1–5. [Google Scholar] [CrossRef]
  125. Kim, M.; Oh, H.; Lee, S.; Choi, Y.; Han, S. Deep Learning Based Water Segmentation Using KOMPSAT-5 SAR Images. In Proceedings of the 2021 IEEE International Geoscience and Remote Sensing Symposium IGARSS, Brussels, Belgium, 11–16 July 2021; pp. 4055–4058. [Google Scholar]
  126. Verma, U.; Chauhan, A.; Pai, M.; Pai, R. DeepRivWidth: Deep learning based semantic segmentation approach for river identification and width measurement in SAR images of Coastal Karnataka. Comput. Geosci. 2021, 154, 104805. [Google Scholar] [CrossRef]
  127. Zhang, J.; Xing, M.; Sun, G. A water segmentation algorithm for SAR image based on dense depthwise separable convolution. J. Radars 2019, 8, 400–412. [Google Scholar]
  128. Zhang, P.; Wang, G. The Modified Encoder-decoder Network Based on Depthwise Separable Convolution for Water Segmentation of Real Sar Imagery. In Proceedings of the 2019 International Applied Computational Electromagnetics Society Symposium–China (ACES), Nanjing, China, 8–11 August 2019; pp. 1–2. [Google Scholar]
  129. Howard, A.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  130. Gao, Y.; Gao, F.; Dong, J.; Wang, S. Transferred Deep Learning for Sea Ice Change Detection From Synthetic-Aperture Radar Images. IEEE Geosci. Remote Sens. Lett. 2019, 16, 1655–1659. [Google Scholar] [CrossRef]
  131. Bai, Y.; Wu, W.; Yang, Z.; Yu, J.; Zhao, B.; Liu, X.; Yang, H.; Mas, E.; Koshimura, S. Enhancement of Detecting Permanent Water and Temporary Water in Flood Disasters by Fusing Sentinel-1 and Sentinel-2 Imagery Using Deep Learning Algorithms: Demonstration of Sen1Floods11 Benchmark Datasets. Remote Sens. 2021, 13, 2220. [Google Scholar] [CrossRef]
  132. 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, 15–20 June 2019; pp. 7479–7489. [Google Scholar]
  133. Cheng, Q.; Li, H.; Wu, Q.; Ngan, K. Hybrid-loss supervision for deep neural network. Neurocomputing 2020, 388, 78–89. [Google Scholar] [CrossRef]
  134. Zhang, J.; Xing, M.; Sun, G.C.; Chen, J.; Li, M.; Hu, Y.; Bao, Z. Water Body Detection in High-Resolution SAR Images With Cascaded Fully-Convolutional Network and Variable Focal Loss. IEEE Trans. Geosci. Remote Sens. 2021, 59, 316–332. [Google Scholar] [CrossRef]
  135. Li, N.; Guo, Z.; Wu, L.; Zhao, J. River-Net: A Novel Neural Network Model for Extracting River Channel Based on Refined-Lee Kernel. J. Radars 2021, 10, 1–11. [Google Scholar]
  136. Lopez-Martinez, C.; Fabregas, X. Model-based Polarimetric SAR Speckle Filter. IEEE Trans. Geosci. Remote Sens. 2008, 46, 3894–3907. [Google Scholar] [CrossRef]
Figure 1. A statistical graph of papers over the past 30 years on water-body segmentation in SAR images. The counted papers are mainly from Molecular Diversity Preservation International (MDPI), Institute of Electrical and Electronics Engineers (IEEE) and Elsevier.
Figure 1. A statistical graph of papers over the past 30 years on water-body segmentation in SAR images. The counted papers are mainly from Molecular Diversity Preservation International (MDPI), Institute of Electrical and Electronics Engineers (IEEE) and Elsevier.
Remotesensing 14 01752 g001
Figure 2. Traditional water body extraction methods for SAR images.
Figure 2. Traditional water body extraction methods for SAR images.
Remotesensing 14 01752 g002
Figure 3. Water body extraction from SAR images based on DL.
Figure 3. Water body extraction from SAR images based on DL.
Remotesensing 14 01752 g003
Figure 4. U-Net architecture (Reprinted from Ref. [100]. 2015, Olaf Ronneberger).
Figure 4. U-Net architecture (Reprinted from Ref. [100]. 2015, Olaf Ronneberger).
Remotesensing 14 01752 g004
Figure 5. SPP and ASPP module comparison. (a) SPP module. (b) ASPP module.
Figure 5. SPP and ASPP module comparison. (a) SPP module. (b) ASPP module.
Remotesensing 14 01752 g005
Figure 6. Overall structure of the proposed DAU-Net model. (Reprinted from Ref. [124]. 2021, Yibin Ren). (a) Inputs of DAU-Net: VV, VH, and incident angle. (b) Encoder of DAU-Net, based on ResNet-34. (c) Dual-attention structure we employed to optimize the original U-Net, including PAM, CAM, and three CNN blocks. (d) Decoder of DAU-Net. (e) Output module of DAU-Net.
Figure 6. Overall structure of the proposed DAU-Net model. (Reprinted from Ref. [124]. 2021, Yibin Ren). (a) Inputs of DAU-Net: VV, VH, and incident angle. (b) Encoder of DAU-Net, based on ResNet-34. (c) Dual-attention structure we employed to optimize the original U-Net, including PAM, CAM, and three CNN blocks. (d) Decoder of DAU-Net. (e) Output module of DAU-Net.
Remotesensing 14 01752 g006
Figure 7. Comparison of some new convolution kernels. (a) Traditional convolution kernel. (b) Depth-separable convolution kernel. (c) Dilated convolution.
Figure 7. Comparison of some new convolution kernels. (a) Traditional convolution kernel. (b) Depth-separable convolution kernel. (c) Dilated convolution.
Remotesensing 14 01752 g007
Figure 8. RLK module (Reprinted from Ref. [135]. 2021, Zhishun Guo). (a) The general process of filtering feature maps. (b) Schematic diagram of RLK module.
Figure 8. RLK module (Reprinted from Ref. [135]. 2021, Zhishun Guo). (a) The general process of filtering feature maps. (b) Schematic diagram of RLK module.
Remotesensing 14 01752 g008
Table 1. Advantages and disadvantages of traditional water body extraction methods.
Table 1. Advantages and disadvantages of traditional water body extraction methods.
MethodsAdvantagesDisadvantages
Edge Detection
[17,19,20,21,22]
Relatively simplerDiscontinuous edge, sensitive to speckle noise
Level Set Method
[19,23,24,25,26,27,28]
Independent parametrization, automatic topologyLarge calculation, inaccurate edge information
Active Contour Model
[29,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44]
Good fitting effect on straight
lines and curve contours
Setting initial contour curves for each road
Clustering Methods
[45,46,47,49,50,51,52,53,54,55,56,57]
High efficiency for big dataEasily disturbed by outliers
Random Forest
[59,60,61,62,63,65]
Not easy to over-fit, anti-noise to a certain extentComputing power and memory cost
Support Vector Machine
[28,51,66,67,68,69,70,71,72,73]
Suitable for small sample, robustness Large computing power and memory cost
Markov Random Field
[74,75,76,77,79]
Utilizing image context information and prior knowledgeNo real-time and slow iterative connection
Statistical Algorithms
[60,62,73,75,81,82,83,84]
Suitable for high-heterogeneityPrecision highly dependent statistical model
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Guo, Z.; Wu, L.; Huang, Y.; Guo, Z.; Zhao, J.; Li, N. Water-Body Segmentation for SAR Images: Past, Current, and Future. Remote Sens. 2022, 14, 1752. https://doi.org/10.3390/rs14071752

AMA Style

Guo Z, Wu L, Huang Y, Guo Z, Zhao J, Li N. Water-Body Segmentation for SAR Images: Past, Current, and Future. Remote Sensing. 2022; 14(7):1752. https://doi.org/10.3390/rs14071752

Chicago/Turabian Style

Guo, Zhishun, Lin Wu, Yabo Huang, Zhengwei Guo, Jianhui Zhao, and Ning Li. 2022. "Water-Body Segmentation for SAR Images: Past, Current, and Future" Remote Sensing 14, no. 7: 1752. https://doi.org/10.3390/rs14071752

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