Next Article in Journal
Lightweight Super-Resolution Generative Adversarial Network for SAR Images
Previous Article in Journal
Improved Wetland Mapping of a Highly Fragmented Agricultural Landscape Using Land Surface Phenological Features
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Advances in Deep Learning Recognition of Landslides Based on Remote Sensing Images

1
Key Laboratory of Metallogenic Prediction of Nonferrous Metals and Geological Environment Monitoring, Ministry of Education, School of Geosciences and Info-Physics, Central South University, Changsha 410083, China
2
Collaborative Innovation Center for Exploration of Nonferrous Metal Deposits and Efficient Utilization of Resources by the Province and Ministry, Guilin University of Technology, Guilin 541004, China
3
Key Laboratory of Geohazard Forecast and Geoecological Restoration in Plateau Mountainous Area, Ministry of Natural Resources, People’s Republic of China, Kunming 650216, China
4
Yunnan Key Laboratory of Geohazard Forecast and Geoecological Restoration in Plateau Mountainous Area, Kunming 650216, China
5
Yunnan Institute of Geological Environment Monitoring, Kunming 650216, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2024, 16(10), 1787; https://doi.org/10.3390/rs16101787
Submission received: 23 March 2024 / Revised: 1 May 2024 / Accepted: 9 May 2024 / Published: 18 May 2024
(This article belongs to the Section Earth Observation for Emergency Management)

Abstract

:
Against the backdrop of global warming and increased rainfall, the hazards and potential risks of landslides are increasing. The rapid generation of a landslide inventory is of great significance for landslide disaster prevention and reduction. Deep learning has been widely applied in landslide identification due to its advantages in terms of its deeper model structure, high efficiency, and high accuracy. This article first provides an overview of deep learning technology and its basic principles, as well as the current status of landslide remote sensing databases. Then, classic landslide deep learning recognition models such as AlexNet, ResNet, YOLO, Mask R-CNN, U-Net, Transformer, EfficientNet, DeeplabV3+ and PSPNet were introduced, and the advantages and limitations of each model were extensively analyzed. Finally, the current constraints of deep learning in landslide identification were summarized, and the development direction of deep learning in landslide identification was analyzed. The purpose of this article is to promote the in-depth development of landslide identification research in order to provide academic references for the prevention and mitigation of landslide disasters and post-disaster rescue work. The research results indicate that deep learning methods have the characteristics of high efficiency and accuracy in automatic landslide recognition, and more attention should be paid to the development of emerging deep learning models in landslide recognition in the future.

1. Introduction

The natural environment is being increasingly harmed by economic development and human activity. Moreover, landslide disasters are happening more frequently, endangering people’s lives, property, and socioeconomic status [1]. According to the statistics taken from NASA Landslide Viewer, the global distribution location map of landslide sites from 1915 to 2021 is shown in Figure 1 [2]. The majority of landslides occur in highlands, mountains, and other areas with more challenging terrains, and their concentration is highly consistent with the Earth’s plate-connecting activity zones [3]. Currently, we are facing an increasing demand for detailed and accurate landslide maps and inventories from around the world [4,5,6]. Especially in areas prone to landslides or earthquake disasters, it is of great significance to quickly and accurately obtain an inventory of landslides over a large area for disaster prevention and relief [7,8,9,10,11,12,13,14]. It is also important to promptly determine the location of landslides and their area of influence and to take targeted action to minimize the damage caused by landslide disasters [15].
The most traditional and basic landslide detection methods are field detection [16] and remote sensing visual interpretation [17], which rely on the professional knowledge of researchers to detect landslide areas from remote sensing images by interpreting various image features such as shape, color tone, texture, and layout through inference analysis. Although this method is accurate, it requires a lot of time and labor investment and is not suitable for the rapid identification of large-scale landslides [18]. The change detection method quantitatively analyzes the process of landslide occurrence and determines the distribution range of landslides based on the threshold changes of image spectra before and after landslides, breaking the limitations of traditional methods and improving the accuracy of detection. It is more effective for recently occurring landslides but is easily affected by background terrain interference [19]. Image segmentation and classification techniques can fully utilize image spectral and texture information to quickly identify landslide objects [20].
With the development of computer science, image detection, and other technologies, computers have shown great advantages in processing remote sensing images [21]. The deep learning model has a deep network structure, strong generalization ability, as well as strong robustness to identify landslides quickly and accurately, which enables the model to extract higher-level remote sensing image information and, ultimately, differentiate landslides from non-landslide areas [22,23]. For the successful identification of landslides, deep learning applied to system quantitative simulations of the process of visual interpretation by researchers can be used to complete landslide detection work. It plays an increasingly important role in disaster prevention and mitigation applications. After reviewing the currently available literature on landslide recognition in optical remote sensing images, we found that several classic models such as ResNet [24,25], YOLO [26,27,28,29,30], Mask R-CNN [31,32,33,34], U-Net [28,35,36,37], DeeplabV3+ [38,39,40], Transformer [41,42,43], and EfficientNet [44,45] and several open landslide datasets such as Bijie landslide dataset [24], HR-GLDD dataset [46], CAS Landslide Dataset [47], and so on, have been popularly used for landslide recognition. In this paper, we will first introduce the fundamentals of landslide recognition based on deep learning and then discuss and analyze the current development status of each type of model; finally, we will compare the advantages and disadvantages of each model and analyze the development trends of landslide identification.

2. Fundamentals of Deep Learning to Recognize Landslides

Deep learning is a very powerful machine learning technique. It is an expansion of artificial neural networks (ANNs) but has a deeper, more complicated structure than ANNs [48] and has a wide range of applications in many fields. One of the most successful applications of deep learning methods, like convolutional neural networks (CNNs), is landslide recognition. The process of automatic landslide recognition using deep learning involves several steps: data preprocessing, creating sample sets, training models, and identifying landslides, as illustrated in Figure 2.
The task of landslide recognition consists of target detection and semantic segmentation. The output result of target detection is landslide border information, which can only represent where the landslide is located within the border but cannot provide landslide boundary information. Semantic segmentation is first used to identify the target detection frame to locate the position where the landslide occurred and then to segment the landslide boundary in the local area. In addition, landslide deep learning recognition is related to the quantity and quality of samples; therefore, multiple research teams have established their landslide remote sensing databases [24,46,47].

2.1. Targeted Detection

As early as 1997, Shikada [49] proposed applying remote sensing data to landslide disaster detection. The earliest landslide detection of remotely sensed images was performed via manual visual interpretation [50]. With the continuous progress of computer technology, it has gradually replaced some of the manual operations, such as in the case of automatic landslide disaster detection of multi-temporal remote sensing images through the use of a landslide interpretation key [51], the extraction of landslide areas in remote sensing images via human–computer interaction interpretations, etc. [52]. However, the regional division of landslide detection still requires the participation of researchers, partly because the deep network model is not yet mature and partly because the complexity and variety of landslide-generating environments make it difficult for computers to perform detection tasks independently.
While earlier landslide detection methods were mainly based on human-designed feature extractors and classifiers, most of them are now turning to CNNs for end-to-end training and prediction. Region-based convolutional neural networks (R-CNNs) are a neural network architecture used for target detection that can be used to generate several candidate regions in the input image and the use a CNN to extract and classify the features of each candidate region [53]. R-CNNs select the candidate frames of the region of interest of the landslide image as the input samples, then compose a vector of the landslide samples from the candidate regions and the calibrated regions of the image, and then classify the landslide feature vectors via SVMs to locate the landslide region [54]. The performance of R-CNNs has greatly improved, but there are limitations in the speed of calculating candidate frames, and repeated calculations lead to low efficiency. Faster R-CNNs use the candidate areas of RPN landslide images for judgment and then determine the landslide type, which avoids the problem of low accuracy caused by the extraction of too many candidate areas [55]. R-CNNs and their variants (e.g., Fast R-CNN and Faster R-CNN) have achieved better results in the field of landslide detection. Many scholars in China have conducted related research in this field, and Li et al. [56] combined the BP network model with different bootstrap methods to predict landslide displacement intervals. Guo et al. [57] used migration learning for the automatic interpretation of landslides from high-resolution images. Other countries started landslide susceptibility assessments earlier. For example, Tien Bui et al. [58] compared the effectiveness of SVMs, artificial neural networks, kernel logistic regression, and logistic model trees in spatial prediction models of landslide disasters. Furthermore, with a large number of scholars emerging in this field, China has become the country with the most published papers on landslide identification in the past twenty years [59] and the leader in deep learning recognition of landslides [43]. The amount of research on CNNs in the field of target detection has been increasing year by year, and the most widely used is the Faster R-CNN network model (Figure 3). Jian et al. [53] used Faster R-CNN to automatically identify landslides in Fugong County, with an accuracy of 91.19%; however, it is difficult to successfully identify landslides with insufficiently distinctive features. To make up for this shortcoming, it can be combined with InSAR and LiDAR technology.
These network models applied in the field of target detection make computer target recognition of images more intelligent and achieve better results than traditional target detection using image processing techniques alone. Therefore, the use of deep network models for landslide target detection using remote sensing images is the current mainstream trend. However, the complexity and variability of landslides, whether in terms of causes, morphology, or the environment in which they are located, will be a great challenge for deep network models in this field, along with insufficiently labeled landslide data, limited model generalization ability, the missed detection of many model parameters, and low detection accuracy and detection speed. Detecting landslide disaster areas quickly and accurately is a significant and challenging task.

2.2. Semantic Segmentation

Semantic segmentation is a technique for classifying images at the pixel level by labeling each pixel point to distinguish between different classes of objects but not between different objects within the same class. Representative semantic segmentation networks include fully convolutional networks (FCNs) [60], SegNet [61], pyramid scene parsing networks [62], and DeepLab [63] series. The semantic segmentation of landslides using high-resolution remote sensing images is called feature classification in the field of remote sensing, which refers to judging each pixel in an image by the category to which it belongs. Traditional remote sensing image classification is mainly based on the comprehensive consideration of the spectral features, shape, and texture of remote sensing images through a manual visual interpretation method, which requires the interpreter to have a wealth of experience in image interpretation and is subject to the influence of subjective factors; the cost is very high, and the efficiency is low [64]. With the continuous development of computer technology, people have begun to use computer-assisted manual classification and identification, which greatly reduces manual workloads and improves work efficiency [65]. Traditional pixel-based methods are prone to the Pretzel phenomenon, and object-oriented classification methods have difficulties in terms of their selection of parameters, such as segmentation scale, and are not suitable for handling large-volume data. Traditional machine learning algorithms are generally only applicable to small sample sets, with stringent requirements for the processing of data features and limited generalizability of the model. In the final analysis, these methods were assigned to specific categories to design specific features, and then the data were used for target recognition. The workload of human design features is large, and the designed features are relatively simple and cannot express the data well; on the other hand, the current remote sensing data are large in volume and high in complexity, so a more accurate and efficient semantic segmentation method for high-resolution remote sensing images is needed.
In recent years, deep learning (DL) [66] has performed excellently in the field of image recognition. Compared with traditional machine learning methods, where human-designed features are required, a deep learning model with a multi-layer structure, or perhaps a single-layer structure of expressive ability with many such structures organically in combination, can have stronger expressive ability. Introducing deep learning into the identification of landslides in high-resolution remote sensing images is important for intelligent landslide identification. Cheng et al. [26] designed the YOLO-SA landslide detection model based on YOLOV4, which was combined with Gconv, Gbneck, and an attention mechanism based on high-resolution remote sensing imagery; however, the target detection method could not accurately identify the landslide boundary information, which was not conducive to post-disaster rescue work. Ullo et al. [67] used Mask R-CNN to realize landslide segmentation using remote sensing images to obtain landslide boundary information, but the boundary obtained was more ambiguous when the deeper ResNet was used as the backbone network. In order to obtain clearer landslide boundaries, Bragagnolo et al. [6] utilized the coding and decoding capabilities of U-Net to effectively restore the boundary information, but due to the differences in the feature scales of remote sensing images, the identification of small landslides was significantly less effective than that of large landslide areas. Based on Bragagnolo’s study, Mu et al. [68] designed a multi-channel image segmentation algorithm based on feature maps, which can adjust the size of the sensing field according to the pixel content in order to obtain the semantic feature information of landslides at different scales. Yi et al. [69] designed a LandsNet model for landslide hazard recognition using fused residual blocks, attention modules, and multiscale fusion operations and achieved high recognition accuracy.
Current semantic segmentation models of landslide disasters have problems with the fuzzy identification of landslide boundary regions and the differentiation of classification accuracy of multiscale semantic information when using remote sensing images; therefore, we can try to apply more landslide parameter information to the semantic segmentation model. Meanwhile, in follow-up research, not only can we continue to expand the dataset and improve the accuracy of dataset labeling, we can also add the data to the model coding layer to further improve the recognition accuracy of the model and provide support for early warning and rescue operations in the case of landslide disasters.

2.3. Landslide Remote Sensing Databases

The establishment of a sample library is the foundation of deep learning landslide recognition, and a sufficient number of high-quality samples have made landslide recognition more than half successful. At present, three main open landslide remote sensing databases can be freely downloaded, as shown below:
(1)
Bijie Landslide Dataset
The Bijie Landslide Dataset is an open remote sensing landslide dataset used in the development of automatic landslide detection methods, which was created by Ji et al. [24] of Wuhan University in 2019. This dataset consists of satellite optical images, shapefiles of landslide boundaries (Figure 4), and digital elevation models. All the images with a panchromatic resolution of 0.8 m and a multispectral resolution of 3.2 m in this dataset, i.e., 770 landslide images and 2003 non-landslide images, were cropped from the TripleSat satellite images captured from May to August 2018. Landslide image files, shape files, and DEM files are all in a PNG format, while the boundary coordinate files are in a Txt format (Table 1). The size of each sample is different, and for each instance, a 40 m extension is preserved as the background.
(2)
HR-GLDD dataset
The High-Resolution Global Landslide Detector Database (HR-GLDD) is an open high-resolution (HR) satellite dataset with PlanetScope and a 3 m pixel resolution for landslide mapping. It is composed of landslide instances from 10 different global physiographical regions in East Asia, South and South East Asia, South America, and Central America. Five rainfall-triggered and five earthquake-triggered multiple-landslide events that occurred in varying geomorphological and topographical regions in the form of standardized image patches containing four PlanetScope image bands (red, green, blue, and NIR) and a binary mask are contained in this dataset for landslide detection [46].
(3)
CAS Landslide Dataset
The CAS Landslide Dataset is an open hybrid database created by Xu et al. of the Chinese Academy of Sciences (CAS). It comprises 20,865 images, integrating satellite and unmanned aerial vehicle data from nine regions for landslide identification (Table 2). All of the sample images in this database are 512 × 512 size TIFF format, and the label files contain interpretations of landslides corresponding to each image in the same format [47].

3. Typical Deep Learning Models for Landslide Recognition

Deep learning technology can effectively identify landslide areas [70], mainly because it is implemented in excellent models, such as convolutional neural networks, recurrent neural networks, U-Net, Mask R-CNN, Yolo, etc. The general process of landslide detection methods based on a deep neural network is shown in Figure 5 [71]. The main deep learning models for landslide identification are introduced in chronological order of their first proposal, as follows.

3.1. Recurrent Neural Networks (RNN)

A recurrent neural network (RNN), as proposed by Jordan in 1986 [72], is an artificial neural network (ANN) with recurrent connections that can model sequential data for sequence recognition and prediction [73]. A simple RNN has three layers: input, recurrent hidden, and output layers (Figure 6a). The hidden layer has multiple hidden units that are connected to each other through time with recurrent connections (Figure 6b) [74]. The core idea of a RNN is to give the network a memory function by introducing an image interior. When processing sequence data, a RNN will update the internal state based on the current input and the previous moment’s state and produce the output. A RNN model can further improve the accuracy of landslide displacement prediction [75,76]. However, RNNs have two main shortcomings: errors often accumulate during the prediction process, and the position of attention is not always accurate. Cui et al. proposed the SG-BiTLSTM model based on traditional LSTM to solve the problems of cumulative errors in the prediction process and low localization accuracy. In the process of recognizing landslides, the accuracy of the improved LSTM model is much higher than the accuracy of landslide recognition [77].
In summary, the basic principles of deep learning in the field of landslide recognition include convolutional neural networks, recurrent neural networks, and so on. These principles provide a theoretical basis for the successful application of deep learning in the field of landslide identification, and in practical application, researchers need to establish appropriate deep learning models according to specific identification scenarios and optimize and improve the characteristics of the models. With the continuous deepening of deep learning research, more innovative neural network models have emerged, promoting the development of landslide recognition technology.

3.2. Convolutional Neural Network (CNN)

In 1998, LeCun proposed the LeNet-5 model, marking the initial formation of convolutional neural networks (CNNs) [78]. CNNs are feedforward neural networks that are mainly used in image recognition tasks. The core idea of CNNs is to capture the local features of an image through local sensory fields, weight sharing, and pooling operations. CNNs usually consist of multiple convolutional layers, activation function layers, pooling layers, and fully connected layers (Figure 7) [10,24]. The convolutional layer is responsible for extracting the features of the image, the activation function layer introduces nonlinearity, the pooling layer reduces the spatial dimension, and the fully connected layer implements the classification or regression task. Compared to shallow machine learning networks, convolutional neural networks have a deeper structure, contain more layers of hidden nodes, and can better utilize large sample data for learning [71]. Therefore, convolutional neural networks are widely used for automatic landslide recognition using remote sensing images.
Shi et al. [11] use a convolutional neural network (CNN) to realize the rapid detection of landslides in large areas of Lingfeng Mountain and Lantau Island in Hong Kong, China. Zhao et al. [23] used images of landslides in Jiuzhaigou captured by a drone to construct a model combining object-oriented influence and deep convolutional neural networks to automatically extract the depth features of landslides and recognize landslides. The highest accuracy of this improved model for landslide recognition reached 87.68%. Yang et al. [51] used a convolutional neural network model to recognize loess landslides, which added a new channel fusion layer after sample data input, and the improved model landslide recognition accuracy reached 95.7%, ensuring the high efficiency of recognizing landslides across large areas. In 2019, Ghorbanzadeh et al. [5] compared the machine learning methods of ANN, SVM, and RF (pixel-based) with different CNN-based patch-wise classifications for landslide detection in the Rasuwa district in Nepal and found that CNNs did not automatically outperform ANN, SVM, and RF. The performance of CNNs strongly depended on their design, i.e., their layer depth, input window sizes, and training strategies [77].
A CNN consists of a deep structure that can extract more and deeper information about landslides through model training in the process of automatic landslide identification, making the identification results more accurate. CNNs have proven to have excellent feature extraction capabilities and can effectively reduce time consumption [79]. However, owing to the complexity of the model structure, it not only increases the difficulty of identification but also increases the time cost dramatically, and CNN models are affected by the number of samples, leading to a reduction in efficiency.

3.3. AlexNet

AlexNet is a deep learning model first proposed by Krizhevsky et al. in 2012 [80]. The advent of AlexNet-30 made CNNs the mainstream models for landslide identification [81]. The overall structure of the network model consists of five convolutional layers, three pooling layers, and a fully connected layer [82]. Xia et al. [83] used the Wenchuan earthquake landslide area as the study area and used deep learning methods such as seven-layer CNN, AlexNet, ResNet4V152, DenseNet2, InceptionV201, Xception, and Inception ResNetV3 to detect landslides.
When faced with a small number of landslide samples, directly utilizing a deep-learning model will result in overfitting during the training process. The application of a nonlinear activation function enables the AlexNet model to have a faster convergence speed. After fine-tuning, the model can effectively avoid the occurrence of overfitting in the application process and achieve high accuracy in landslide identification [79,81]. Therefore, the relevant parameters introduced into AlexNet must be adjusted, particularly in the fully connected layer.

3.4. Mask R-CNN

Girshick et al. [84] proposed the earliest region-based convolutional neural network (R-CNN) model in 2014, to which many researchers have made various improvements. While some versions of R-CNN, such as Fast R-CNN [85] and Faster R-CNN [53], only have the function of bounding box localization, Mask R-CNN adds a branch to achieve the pixel-level segmentation of objects to predict the target’s mask [14]. In addition, Mask R-CNN replaces the ROI pooling operation with a new method called ROI alignment, which avoids the problem of incorrect position identification caused by ROI pooling [86].
Mask R-CNN is a more typical semantic segmentation model, and the framework is shown in Figure 8. The algorithm uses a convolutional neural network as the backbone model to extract the convolutional features of the image and construct the feature pyramid. In Mask R-CNN, ResNet and FPN are used as backbone networks to process the input image and generate the feature pyramid for further feature extraction. Candidate regions of different sizes and scales are generated on the feature pyramid by RPN to classify these potential targets and generate bounding boxes. Finally, ROI-aligned feature mapping provides two branches: one for target classification and bounding box regression and the other for segmentation mask prediction to improve the performance of target detection and segmentation.
Jiang et al. [34] enhanced the data for difficult samples and input them into the Mask R-CNN network for landslide fine detection segmentation. The average accuracy reached 90.3%, which successfully verified the feasibility of the model. Yang et al. [87] addressed the problem of erroneous extraction due to confusing features, added landslide triggering factors as auxiliary information in the input image data to achieve the purpose of background enhancement, and verified the feasibility of the method using the Mask R-CNN model: the accuracy was 88.68%. Wu et al. [88] combined the Mask R-CNN model with the deciphered markers of landslides in remote sensing imagery for landslide identification, and the results showed that the overall accuracy of the method for landslide identification was close to 90%.
To reduce modeling effort, more attention should be paid to improving the adaptability and flexibility of landslide extraction models in future research.

3.5. U-Net

U-Net is an improvement of the FCN model proposed by Ronneberger et al. [89] and has an encoder–decoder architecture similar to the letter “U” [36], as shown in Figure 9. The network structure of U-Net consists of compression and expansion paths corresponding to the encoder and decoder, respectively. The compression path is used to obtain contextual information and perform feature extraction, while the expansion path is used to accurately locate the feature positions and connect the feature maps by branching to achieve the fusion of surface and deep semantic information and reduce the loss of edge information [90]. The branching connection of the U-Net fully incorporates the features corresponding to the surface layer during the decoding process so that the small samples of the data are not easy to overfit.
Liu et al. [90] successfully identified large landslides in the Jiuzhaigou area using a U-Net network model with topographic factors. Meena et al. [36] used U-Net to identify landslides, achieving slightly better results than other machine learning methods. Despite the fact that the U-Net models depends on the architecture of the U-Net model and the complexity of the geographic elements in the images, the use of U-Net model is still in its early days in the field of landslide recognition. Dong et al. [91] proposed an improved model for landslide recognition, L-Unet, which has a greater perception of landslide features than the traditional U-Net model, expanding the sensory field and enhancing the model’s ability to extract multiscale landslide information, effectively improving its accuracy in terms of landslide recognition.
The terrain in landslide areas is often undulating, and errors are bound to occur in the process of landslide identification. Consideration can be given to making full use of digital elevation models (DEMs) to monitor terrain information to further improve the accuracy of the models.

3.6. ResNet

Deep image features are often obtained by increasing the network depth; however, a network depth that is too large is highly susceptible to gradient vanishing or gradient explosion. To solve this problem, He et al. [92] proposed a deep residual network (residual network, or ResNet), which uses two residual modules, identity and bottleneck, which have constant input and output dimensions and are commonly used in networks with fewer layers, such as ResNet18 and ResNet34, where the number of layers is 18 and 34, respectively. As a residual network, ResNet is a powerful framework for training deep neural networks and has a deeper learning level, better learning efficiency, and faster convergence speed than traditional CNN networks [22,93]. The emergence of ResNet not only solves the problem of the side effects caused by increasing network depth but also accurately detects the boundaries of landslides [18,22].
Ullo et al. [67] compared the performance and effectiveness of Mask R-CNN with the backbone model ResNet-50/101 in the case of landslide recognition, and the results showed that ResNet-101 was superior to ResNet-50. Mao et al. [40] utilized Xception on its backbone network based on DeepLabV+3, MobileNetV2, ResNet18, and ResNet50, which were optimized to identify landslides in Bijie City and the earthquake region in Wenchuan, and the experimental results showed that the four indexes of ResNet18 and ResNet50 were higher than those of other backbone networks. Zhang et al. [94] utilized the ResNet network to screen remote sensing images and select candidate images with landslide areas. The remote sensing images containing landslide areas were then input into a multiscale neural network to semantically segment the landslide areas, thereby accurately locating the landslide position and improving the accuracy of landslide detection. Hacıefendioğlu et al. [95] used the pre-trained ResNet50 model for the automatic identification of landslides, and the success rate was above 90%.
In the case of changing only the backbone residual units, different backbone networks determine the landslide recognition results, keeping the size of the convolution kernel constant. The deeper the depth, the better the model performance. It is also necessary to reduce the number of network parameters to further improve the recognition accuracy of the model.

3.7. PSPNet

The pyramid scene parsing network (PSPNet) is a semantic segmentation model jointly proposed by the Chinese University of Hong Kong and Shangtang Technology. It won the 2016 ImageNet Challenge championship [96]. PSPNet uses the pyramid pooling technique and a regional aggregation method with the aim of learning global context information. With this technique, PSPNet can fuse features under four different pyramid scales for multiscale feature learning [97]. PSPNet added a PSP module between the encoder and the decoder to improve the FCN. First, a CNN is used to obtain the last convolutional feature map from an input image. Then, a pyramid parsing module is applied to collect different subregion representations. The final feature representation is formed by upsampling and concatenation layers. Finally, the representation is fed into convolutional layers to obtain the final per-pixel predictions (Figure 10). PSPNet (ResNet50) obtained the best landslide recognition effect, with a mIoU value of 91.18% and a precision index of 93.76% [98].

3.8. YOLO

You Only Look Once (YOLO) is an object detection system based on a single neural network. After Redmon et al. proposed YOLOv1 in 2016 [99], with the continuous introduction of new versions such as YOLOv2 [100], YOLOv3 [101], YOLOv4 [102], YOLOv5 [103], YOLOvX [104], YOLOv6 [105], YOLOv7 [106], YOLOv8 [107], the detection accuracy and speed have been continuously improved. In 2024, the latest version, YOLOv9, was proposed [26].
YOLO is a real-time end-to-end target detection model (Figure 11). In YOLO, target detection is treated as a regression problem in which the position and category of the pre-checked boxes are directly predicted in the output layer. The YOLO model consists of DarkNet, which extracts backbone features, and a feature pyramid network (FPN), which combines multiscale features to detect small landslides. This method can fully utilize precise location information in low-level features and rich semantic information in high-level features simultaneously. Due to their excellent remote sensing big data processing capabilities and high accuracy, they have been widely used for landslide identification [26,27,108,109,110,111]. Specifically, after improving the model by utilizing the SE compression attention mechanism and VariFoucil loss function, YOLO can more accurately locate the position of landslides, detect the range of landslides more accurately, and have fewer missed detections [110].
The YOLO network is characterized by its ability to quickly obtain the output categories and corresponding localization through a network model based on a CNN [113]. Liu et al. [114] proposed the SSD network, which combines the method of direct regression of candidate frames and classification probabilities in YOLO with the anchor mechanism in Faster R-CNN to improve the recognition accuracy while maintaining a high recognition speed. In a study conducted by Cheng [115], a proposed YOLO-SA model based on the YOLOv4 model was used for the target detection of landslides, and the results showed that the improved YOLO-SA model has better detection accuracy, speed, and a small number of parameters. Replacing the PANet structure of YOLOV5 with the BiFPN structure enhances the detection ability when using images with large size differences. Replacing the CIoU loss function with the GIoU loss function improves the regression loss and detection accuracy of the target box [116]. Guo et al. [112] analyzed and compared SBAS-InSAR, the YOLO model, and its combination with the SBAS-InSAR model for landslide identification in an alpine county. After analysis and comparison, the combination of the two methods is better than a single model.
YOLO algorithm training relies on labeled landslide datasets, which are more suitable when identifying small samples of landslides; however, the YOLO model has a limited number of detected landslides per square and can only detect a single landslide when a square contains more than one landslide, leading to low accuracy when using YOLO for the detection of smaller landslides.

3.9. Transformer

Due to the limited sensory field of CNNs, they cannot make good use of global information. To solve this limitation, the transformer model (Figure 12) proposed by Vaswani et al. in 2017 [117] plays a non-negligible role in obtaining global information, which is based on the self-attention mechanism and has a great advantage in terms of global modeling. In this research, Dosovitskiy et al. [118] proposed an improved transformer model ViT based on the self-attention mechanism, which is the same as the transformer in terms of structural framework, and the proposed model has been at the leading edge in the field of image recognition. Carion et al. [119] proposed DETR (an end-to-end target detection structure) based on transformer whose performance is comparable to that of Faster-RCNN. Esser et al. [120] constructed the VQGAN model, which applies a transformer in combination with a CNN and can obtain more comprehensive information when recognizing landslides.
Tang et al. [122] used three different neural network modules: the convolutional attention neural network, which fuses multimodal remote sensing data; the transformer neural network, which automatically extracts features from hill shade maps; and the transformer neural network, which automatically extracts features from DEM data. Experiments were conducted to compare the ResU-Net, LandsNet, HRNet, and SeaFormer models. The findings indicated that the suggested model achieved the maximum accuracy in terms of landslide identification. In Yang et al.’s study [123], the transformer was fused with ResU-Net, and the model was used to recognize landslides in two different geological backgrounds, and the reasonableness of the model was verified, indicating that ResU-Net embedded with the transformer can be used as a relatively novel method for landslide recognition.
Future research should focus on reducing the training weight dependence on small sample data in order to fully understand the mechanism and strength of the transformer when fused with CNN models. This will enable more skillful and efficient fusing of the transformer with each CNN model to recognize landslides.

3.10. DeeplabV3+

DeepLabv3+ is an improved DeepLab series model proposed by the Google team in 2018 [98]. It uses DeepLabv3 as the encoder, introduces atrous convolution for downsampling and uses a spatial pyramid pooling module to extract multiscale information (Figure 13). After optimizing the DeeplabV3+backbone network using Xception, MobileNetV2, and ResNet, the model can accurately identify and segment landslides in satellite images of the 5.12 Wenchuan earthquake [40]. By fusing low-level and high-level features, it improves the accuracy of landslide recognition [124]. The Deeplabv3+network model optimized by SENet (squeeze-and-extraction networks) achieves more accurate segmentation of landslide edge details, with fewer errors and omissions in terms of recognition [125]. The Deeplabv3+network model optimized by MobileNetV3 can distinguish interference factors such as bare land and roads and obtain more accurate landslide boundaries to effectively identify landslides [39].

3.11. EfficientNet

The deep learning models mentioned above generally adjust the number of convolutional channels in relation to the image to realize the expansion of the convolutional neural network when improving network accuracy; however, the accuracy gain will be saturated rapidly after reaching 80%, and no substantial improvement in accuracy can be realized [126]. Meanwhile, when the number of convolution channels in the model structure is adjusted to a certain degree, the recognition rate will decrease, and the parameters will increase. To solve the above problems, the EfficientNet algorithm was proposed by Tan and Le in 2019 [127]. The underlying network architecture of EfficientNet was obtained via the neural network architecture search technique.
Hu et al. [128] improved the architecture of the TransUNet model and proposed an improved landslide identification model, the FATransUNet model, the core of which was replacing the transformer module with the efficient transformer module, which can effectively reduce the computational complexity of the model. Experiments have shown that the accuracy of the FATransUNet model is higher than that of the other five comparative models. Li et al. [45] used the EfficientNet model for model training and the testing of landslide data. At the same time, three other convolutional neural network models with large structural differences were selected for comparison with the EfficientNet model, and the accuracy of the other models was lower than that of the EfficientNet model, indicating that the EfficientNet model can be very good for automatic identification of most landslides in the study area.
There are currently few instances of the EfficientNet model being used for landslide identification, as it is still in its primary stage. However, it is clear from the examination of the available study data that the original EfficientNet model was highly accurate in identifying landslides, and going forward, research can concentrate on further developing and exploring the EfficientNet model.

4. Shortcomings and Prospects

4.1. Shortcomings

Based on a summary of the literature reviewed in this paper, it can be concluded that while deep learning has made significant strides in the automatic identification of landslides, its identification process is still vulnerable to various factors like topography, vegetation cover, and other factors due to the limitations of the model and the intricate topographical environments in which landslides occur. The following is a discussion of the shortcomings and restrictions of automatic landslide identification processes:
(1)
A large amount of training data is required. Deep learning methods need to be driven by huge amounts of data to realize feature learning. It is very difficult to construct a huge dataset of slippery slope samples. The amount of landslide data has an important impact on the final classification results. For fully convolutional networks, a large amount of landslide sample data is required when training the model [129]. When the amount of landslide sample data is insufficient, the model will be overfitted. In order to avoid overfitting, researchers have chosen many remote sensing images under different conditions (cropping, flipping, scaling, etc.) to solve this problem, but the collected data still have some limitations, such as large sizes and small amounts, both in the prescribed scenarios as well as the scarcity of historical landslide sites themselves [94]. However, in this study, the determination of insufficient sample size is related to the selected study area, and the appropriate sample size was selected based on the actual scenario. Zhang et al. [71] selected 770 landslide images as training samples from the Bijie City landslide dataset, and due to the insufficient number of these samples, data enhancement was used to expand them to 3280 landslide training sample images. After model training was completed, two areas in Beijing’s Yanqing and Fangshan districts were used as the test areas, and high accuracy was achieved in the test. However, in order to further improve the accuracy of the landslide identification, the U-Net model still needs to be improved in a subsequent study, and the number of training sets will be increased to optimize the model. Taking the Loess Plateau as the main study area, Shi et al. [130] selected 2870 landslides from the landslide dataset as the training sample set and used a single-level instance segmentation network (YOLACT) to recognize the loess landslides. Due to the small number of samples, the model training was difficult to optimize, and it was necessary to further expand the sample size in future work. In order to solve the problem of insufficient landslide sample data in model training, the direction and attitude of landslide distribution can be adjusted via the circular view function to obtain samples of the same landslide in different directions and different altitudes to expand and enhance the sample set; moreover, part of the remote sensing image data of the non-landslide in the training sample dataset can be randomly added in order to enhance the generalizability of the training model.
(2)
Concerning the influence of the terrain, in practice, most landslides are distributed in mountains; due to the effects of this terrain, it is difficult to obtain samples to solve the problem. Furthermore, the irregular distribution of landslide displacement monitoring points for the extraction of landslide information increases these difficulties [131]. Many landslides cannot be identified using remotely sensed images due to immature imaging technology and the influence of complex terrain features. Not only that, due to terrain and weather conditions, it is usually difficult to obtain real-time images of pre- and post-disaster landslides within a short period before the occurrence of a landslide, which can lead to a large time difference between pre- and post-disaster remotely sensed images and affect the accuracy of landslide detection [132]. To eliminate the influence of terrain factors on landslide identification as much as possible, Cai et al. designed a lightweight volumetric neural network with simple structural features. After simplifying the volumetric neural network to avoid performance degradation in terms of the model, the improved data allowed for the construction of a volumetric neural network model that can extract enough landslide information [133]. In a study conducted by Ju et al. [134] on recognizing landslides based on Mask R-CNN, due to the variability in terms of landslide morphology and the complexity of the natural environment, there were more misidentifications existing in the work, and finer landslide classification and identification is needed, which can be achieved via its combination with InSAR and LiDAR techniques to further improve the accuracy of landslide hazard identification.
(3)
Concerning vegetation cover, landslide disasters mostly occur in mountainous areas, and most mountainous areas are rich in vegetation. During the automatic identification of landslides, vegetation cover will be observed in the collected remote sensing landslide images. High vegetation density will lead to high costs and lower efficiency in terms of landslide identification and even result in omission and misidentification; therefore, vegetation removal operations should be added to data preprocessing, which can improve the accuracy of landslide identification. At present, the most effective and widely used method for vegetation removal is the point cloud filtering algorithm, which obtains the point cloud data of the landslide identification area through the three-dimensional laser scanner and then filters the obtained point cloud data to remove the ground vegetation. Considering that the topography of densely vegetated areas has diverse forms and causes irregularities in the collected point cloud data, Tao Ma’s research group [135] proposed a point cloud filtering algorithm based on windowing and slope, and the results of this algorithm showed that it can efficiently and accurately remove a large number of vegetation noise points on the ground and significantly improve the efficiency and accuracy of the point cloud filtering algorithm in densely vegetated areas. In future research, the comprehensive use of multisource remote sensing data such as synthetic aperture radar (SAR) imagery and optical imagery will be further investigated to establish a more accurate landslide identification model. At the same time, the interpretability of the deep learning model will also be investigated to reveal the bases for deep learning landslide identification models.
(4)
The model structure is too complex. Although deep learning can extract deeper features of landslides and improve recognition accuracy, the parameters become more and more numerous as the deep learning network model becomes more complex and deeper. Too many model parameters mean that more memory and time are consumed, and the results cannot be obtained quickly in emergencies, affecting the application of deep learning models for fast detection. Therefore, in the future, we need to explore more lightweight network models to realize the fast and accurate recognition of landslides. Fu et al. [136] designed the YOLOv4-MobileNetv3 landslide detection model by optimizing the structure on the basis of the YOLOv4 model, and the recognition accuracy of the improved YOLOv4 model reached 91.37%. Moreover, it improved the detection speed by 6.19 f/s (5.24%), and reduced the model parameter size by 80%. However, reducing the model parameters to improve the target detection speed while maintaining high accuracy is an urgent problem that needs to be solved.
Overall, the application of deep learning techniques to landslide recognition can realize the automatic detection of large landslides and better meet the requirements of disaster emergency response. However, there are still many challenges and problems, and future research will continue to explore new theories, methods, and techniques to address these challenges and promote the development of deep learning models for efficient landslide recognition. Detecting landslides using deep learning models requires the use of a large amount of landslide data for model training; however, in practical applications, landslides are mostly located in remote areas where landslide samples are difficult to obtain, and it is often difficult to meet the data volume requirements for model training. On the other hand, in the face of features such as bare ground, dry land, and some special artificial buildings, which are similar to landslide image features, effectively avoiding the misidentification of these easily confused features has always been a thorny problem in landslide recognition. In addition, the model parameters in deep learning model structures number millions or even billions, resulting in complex network structures, greatly reducing the efficiency of landslide recognition. Thus, it is necessary to continuously improve and simplify these models while ensuring the accuracy of landslide recognition. In addition, we can also try to combine deep learning models with InSAR technology for comprehensive landslide identification. The above problems are urgent issues relating to deep learning model landslide recognition, and the accuracy of the recognition and prevention of landslide disasters must be ensured.

4.2. Prospects

(1)
As the models used for landslide identification become more comprehensive and complex, the accuracy of identification is also increasing. The integration of multiple single models is the most prominent development trend in the use of deep learning models to identify landslides. Integrating a transformer into ResU-Net can enhance the network’s ability to model the global context of feature maps and generate an accurate regional landslide inventory and facilitate emergency rescue operations [123]. Hu et al. [137] replaced the transformer module in the original structure with the efficient transformer module, which effectively reduced the computational complexity of the model. Moreover, the flow alignment module (FAM) was introduced, which can simplify the operation process and effectively integrate the high-resolution information in the shallow layer. The accuracy of the FATransUNet model is higher than the other single models (FCN, U-Net, SegNet, DeepLabV3+, and TransUNet).
(2)
Multisource data with multiple ground resolutions and spectral resolutions are being used in deep learning landslide identification. Specifically, the use of high-resolution drone imagery has brought new vitality to this field [138,139]. Hyperspectral data have also begun to be used for deep learning landslide recognition [140].
(3)
The feature segmentation of remote sensing images is also an important development direction for improving the accuracy of landslide identification [141,142]. An approach to fuse both local and non-local features can outperform state-of-the-art general-purpose semantic segmentation approaches [8]. A feature-based constraint deep U-Net (FCDU-Net) method to detect rainfall-induced mountainous landslides can achieve better landslide detection results than the other semantic segmentation methods [143]. A feature-fusion-based semantic segmentation network (FFS-Net) can extract texture and shape features from 2-D HRSIs, and terrain features taken from DEM data can greatly improve the segmentation accuracy of old, visually blurred landslides [141].
(4)
The combination of deep learning and InSAR for early landslide prediction or reactivation identification of ancient landslides can achieve good prediction accuracy [141,144,145,146,147,148,149,150,151].

5. Conclusions

Landslide disasters are a frequent occurrence in complex and diverse geological formations, making landslide identification a fundamental yet challenging task that requires long-term investment in theoretical and practical research. Compared to machine learning (ANN, SVM, RF, etc.), deep learning has shown outstanding robustness and enormous potential in landslide recognition [126] and can better improve landslide recognition performance when sufficient training samples are used [5]. (1) In regions with particularly complex and unique geological conditions, traditional landslide identification methods are often hindered by environmental factors, leading to reduced efficiency and certain limitations. Deep learning models offer a promising solution to this problem by reducing the influence of subjective human factors and providing a deeper network structure. (2) However, overly complex model structures can lead to reduced efficiency. The lightweight design of the YOLO optimization model improves the redundancy caused by the complex structure to a great extent, but the structure of the model still needs to be optimized and adjusted to different degrees according to different real scenarios. (3) In the realm of landslide identification, there is a pressing need to address the issue of inadequate sample data. (4) InSAR can be combined with deep learning to improve recognition accuracy and efficiency for active landslides. (5) The introduction of LiDAR data can, to some extent, overcome the impact of vegetation on landslide identification.

6. Patents

The authors have submitted a patent application for the “AI identification and annotation method and system for geological disaster samples based on expert scoring system” to the Chinese National Invention Patent Office: patent application number 2022113200852. The patent is currently undergoing substantive examination.

Author Contributions

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

Funding

This research was funded by Comprehensive Remote Sensing for Refined Investigation and Risk Assessment of Geological Hazards in Yunnan Province, grant number YCZH[2020]-68 and The APC was funded by Construction of Yunnan Geological Hazard Identification Center, grant number YCZH[2021]-23 and Fine investigation and risk assessment of geological hazards in key regions of Yunnan Province, grant number YNGH[2021]-168F.

Data Availability Statement

Data are contained within the article.

Acknowledgments

The authors want to thank Lei Wei for project management and Xusheng Dai for fieldwork assistance.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Wei, D.M. Research on Automatic Extraction Method of Landslide Boundary Based on Remote Sensing Image; Southwest Jiaotong University: Chengdu, China, 2013. [Google Scholar]
  2. NASA Landslide Viewer. Global Landslide Point and Landslide Area Data Set (1915–2021). Natl. Cryosphere Desert Data Cent. 17 January 2021. Available online: http://www.ncdc.ac.cn/portal/metadata/c92f774a-f368-4ad0-b99d-48007d3e6dc6 (accessed on 8 May 2024).
  3. Kirschbaum, D.; Stanley, T.; Zhou, Y. Spatial and temporal analysis of a global landslide catalog. Geomorphology 2015, 249, 4–15. [Google Scholar] [CrossRef]
  4. Moosavi, V.; Talebi, A.; Shirmohammadi, B. Producing a landslide inventory map using pixel-based and object-oriented approaches optimized by Taguchi method. Geomorphology 2014, 204, 646–656. [Google Scholar] [CrossRef]
  5. Ghorbanzadeh, O.; Blaschke, T.; Gholamnia, K.; Meena, S.R.; Tiede, D.; Aryal, J. Evaluation of different machine learning methods and deep-learning convolutional neural networks for landslide detection. Remote Sens. 2019, 11, 196. [Google Scholar] [CrossRef]
  6. Bragagnolo, L.; Rezende, L.R.; Silva, R.V.; da Grzybowski, J.M.V. Convolutional neural networks applied to semantic segmentation of landslide scars. Catena 2021, 201, 105189. [Google Scholar] [CrossRef]
  7. Cai, H.J.; Chen, T.; Niu, R.Q.; Plaza, A. Landslide Detection Using Densely Connected Convolutional Networks and Environmental Conditions. JSTARS 2020, 14, 01373. [Google Scholar] [CrossRef]
  8. Zhu, Q.; Chen, L.; Hu, H.; Xu, B.Z.; Zhang, Y.T.; Li, H.F. Deep Fusion of Local and Non-Local Features for Precision Landslide Recognition. arXiv 2020, arXiv:2002.08547. [Google Scholar]
  9. Amatya, P.; Kirschbaum, D.; Stanley, T.; Tanyas, H. Landslide mapping using object-based image analysis and open source tools. Eng. Geol. 2021, 282, 106000. [Google Scholar] [CrossRef]
  10. Prakash, N.; Manconi, A.; Loew, S. A new strategy to map landslides with a generalized convolutional neural network. Sci. Rep. 2021, 11, 9722. [Google Scholar] [CrossRef] [PubMed]
  11. Shi, W.Z.; Zhang, M.; Ke, H.F.; Fang, X.; Zhan, Z.; Chen, S.X. Landslide Recognition by Deep Convolutional Neural Network and Change Detection. IEEE T. Geosci. Remote 2021, 59, 4654–4672. [Google Scholar] [CrossRef]
  12. Li, Y.; Cui, P.; Ye, C.M.; Junior, J.M.; Zhang, Z.T.; Guo, J.; Li, J. Accurate Prediction of Earthquake-Induced Landslides Based on Deep Learning Considering Landslide Source Area. Remote Sens. 2021, 13, 3436. [Google Scholar] [CrossRef]
  13. Amankwah, S.O.Y.; Wang, G.J.; Gnyawali, K.; Hagan, D.F.T.; Sarfo, I.; Zhen, D.; Nooni, I.K.; Ullah, W.; Duan, Z. Landslide detection from bitemporal satellite imagery using attention-based deep neural networks. Landslides 2022, 19, 2459–2471. [Google Scholar] [CrossRef]
  14. Fu, R.; He, J.; Liu, G.; Li, W.L.; Mao, J.Q.; He, M.H.; Lin, Y.Y. Fast Seismic Landslide Detection Based on Improved Mask R-CNN. Remote Sens. 2022, 14, 3928. [Google Scholar] [CrossRef]
  15. Zhang, S.R.; Jiang, J.J.; Mu, Y.M.; Bai, S.B. Identification of potential landslides in Minjiang River Basin based on SBAS technology. Mountainology 2018, 36, 91–97. [Google Scholar]
  16. Wang, H.J.; Zhang, L.M.; Yin, K.S.; Luo, H.Y.; Li, J.H. Landslide identification using machine learning. Geosci. Front. 2021, 12, 351–364. [Google Scholar] [CrossRef]
  17. Mohan, A.; Singh, A.K.; Kumar, B.; Dwivedi, R. Review on remote sensing methods for landslide detection using machine and deep learning. Trans. Emerg. Telecommun. Technol. 2021, 32, e3998. [Google Scholar] [CrossRef]
  18. Zhao, H.Q.; Yu, B.; Chen, F.; Wang, L.I. Current status of landslide extraction methods based on high-resolution satellite remote sensing images. Remote Sens. Technol. Appl. 2023, 38, 108–115. [Google Scholar]
  19. Guzzetti, F.; Mondini, A.C.; Cardinali, M.; Fiorucci, F.; Santangelo, M.; Chang, K.-T. Landslide inventory maps: New tools for an old problem. Earth-Sci. Rev. 2012, 112, 42–66. [Google Scholar] [CrossRef]
  20. Yang, W.T.; Wang, M.; Shi, P.J.; Shen, L.L.; Liu, L.Y. Object-oriented rapid identification of landslides based on terrain factors segmentation and classification. J. Nat. Disasters 2015, 25, 1–6. [Google Scholar]
  21. Yu, B.; Chen, F.; Xu, C. Landslide detection based on contour-based deep learning framework in case of national scale of Nepal in 2015. Comput. Geosci. 2020, 135, 104388. [Google Scholar]
  22. Sameen, M.I.; Pradhan, B. Landslide Detection Using Residual Networks and the Fusion of Spectral and Topographic Information. IEEE Access 2019, 7, 114363–114373. [Google Scholar] [CrossRef]
  23. Zhao, F.J.; Fan, Y.J. Landslide Hazard Identification from Remote Sensing Images Based on Deep Convolutional Neural Network. J. Heilongjiang Univ. Sci. Technol. 2020, 30, 556–561. [Google Scholar]
  24. Ji, S.P.; Yu, D.W.; Shen, C.Y.; Li, W.L.; Xu, Q. Landslide detection from an open satellite imagery and digital elevation model dataset using attention boosted convolutional neural networks. Landslides 2020, 17, 1337–1352. [Google Scholar] [CrossRef]
  25. Cheng, Z.; Gong, W.P.; Tang, H.M.; Juan, H.; Deng, Q.L.; Chen, J.; Ye, X.F. UAV photogrammetry-based remote sensing and preliminary assessment of the behavior of a landslide in Guizhou, China. Eng. Geol. 2021, 289, 10172. [Google Scholar] [CrossRef]
  26. Cheng, L.; Li, J.; Duan, P.; Wang, M. A Small Attentional YOLO Model for Landslide Detection from Satellite Remote Sensing Images. Landslides 2021, 18, 2751–2765. [Google Scholar] [CrossRef]
  27. Li, B.; Li, J.J. Methods for landslide detection ased on lightweight YOLOv4 convolutional neural network. Earth Sci. Inform. 2022, 15, 765–775. [Google Scholar] [CrossRef]
  28. Wang, H.H.; Liu, J.; Zeng, S.K.; Xiao, K.W.; Yang, D.Y.; Yao, G.L.; Yang, R.H. A novel landslide identification method for multi-scale and complex background region based on multi-model fusion: YOLO + U-Net. Landslides 2024, 21, 901–917. [Google Scholar] [CrossRef]
  29. Han, Z.; Fang, Z.X.; Li, Y.G.; Fu, B.J. A novel Dynahead-Yolo neural network for the detection of landslides with variable proportions using remote sensing images. Front. Earth Sci. 2023, 10, 1077153. [Google Scholar] [CrossRef]
  30. Li, Z.W. Research on Improved YOLOv5 Landslide Area Target Detection Algorithm; Lanzhou Jiaotong University: Lanzhou, China, 2023. [Google Scholar]
  31. Liu, P.; Wei, Y.M.; Wang, Q.J.; Xie, J.J.; Chen, Y.; Li, Z.C.; Zhou, H.Y. A Research on Landslides Automatic Extraction Model Based on the Improved Mask R-CNN. ISPRS Int. J. Geo. Inf. 2021, 10, 168. [Google Scholar] [CrossRef]
  32. Xu, L.; Liu, X.H.; Zhang, J.Y.; Liu, Z. Research on landslides detection method using remote sensingimages based on Mask R-CNN. J. Shandong Jianzhu Univ. 2023, 38, 94–103. [Google Scholar]
  33. Yun, L.; Zhang, X.X.; Zheng, Y.C.; Wang, D.H.; Hua, L.Z. Enhance the Accuracy of Landslide Detection in UAV Images Using an Improved Mask R-CNN Model: A Case Study of Sanming, China. Sensors 2023, 23, 4287. [Google Scholar] [CrossRef] [PubMed]
  34. Jiang, W.D.; Xi, J.B.; Li, Z.H.; Ding, M.T.; Yang, H.T.; Xie, L.S. Landslide Detection and Segmentation Using Mask R-CNN with Simulated Hard Samples. Geomat. Inf. Sci. Wuhan Univ. 2023, 48, 1931–1942. [Google Scholar]
  35. Ghorbanzadeh, O.; Crivellari, A.; Ghamisi, P.; Shahabi, H.; Blaschke, T. A comprehensive transferability evaluation of U-Net and ResU-Net for landslide detection from Sentinel-2 data (case study areas from Taiwan, China, and Japan). Sci. Rep. 2021, 11, 14629. [Google Scholar] [CrossRef] [PubMed]
  36. Meena, S.R.; Soares, L.P.; Grohmann, C.H.; Westen, C.V.; Bhuyan, K.; Singh, R.P.; Floris, M.; Catani, F. Landslide detection in the Himalayas using machine learning algorithms and U-Net. Landslides 2022, 19, 1209–1229. [Google Scholar] [CrossRef]
  37. Wei, R.L.; Ye, C.M.; Tianbo Sui, T.B.; Zhang, H.J.; Ge, Y.G.; Li, Y. A feature enhancement framework for landslide detection. Int. J. Appl. Earth Obs. 2023, 124, 103521. [Google Scholar] [CrossRef]
  38. Gao, O.Y.; Niu, C.Y.; Liu, W.; Li, T.L.; Zhang, H.B.; Hu, Q. E-DeepLabV3+: A Landslide Detection Method for Remote Sensing Images. In Proceedings of the 10th ITAIC, Chongqing, China, 17–19 June 2022; pp. 53–577. [Google Scholar]
  39. Xu, Y.M.; Gong, J.H.; Li, X.J. Landslide Identification Based on Improved DeepLabV3+ Network. Surv. Mapp. 2023, 46, 227–231. [Google Scholar]
  40. Mao, J.Q.; He, J.; Liu, G.; Fu, R. Landslide recognition based on improved DeeplabV3+ algorithm. J. Nat. Disasters 2023, 32, 227–234. [Google Scholar]
  41. Deng, Z.Y.; Huang, H.F.; Li, Q.Q.; Zhou, H.; Zhang, R.; Liu, Q.; Dong, Z.H. Identification of Soil Landslides at the Head of the Three Gorges Reservoir Based on Swin Transformer Target Panoramic Segmentation. Water Resour. Hydropower Eng. 2023, 11, 24. [Google Scholar]
  42. Lv, P.Y.; Ma, L.S.; Li, Q.M.; Du, F. ShapeFormer: A Shape-Enhanced Vision Transformer Model for Optical Remote Sensing Image Landslide Detection. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2023, 16, 2681–2689. [Google Scholar] [CrossRef]
  43. Wu, L.; Liu, R.; Ju, N.P.; Zhang, A.; Gou, J.S.; He, G.L.; Lei, Y.Z. Landslide mapping based on a hybrid CNN-transformer network and deep transfer learning using remote sensing images with topographic and spectral features. Int. J. Appl. Earth Obs. 2024, 126, 103612. [Google Scholar] [CrossRef]
  44. Chai, J.W.; Nan, Y.T.; Guo, R.; Lin, Y.Q.; Liu, Y.T. Recognition Method of Landslide Remote Sensing Image based on EfficientNet. In Proceedings of the 2nd ICETCI, Changchun, China, 27–29 May 2022; pp. 1224–1228. [Google Scholar]
  45. Li, C.D.; Long, J.J.; Liu, Y.; Yi, S.F.; Feng, P.F. Landslide Remote Sensing Image Recognition Based on EfficientNet: Taking Bijie City, Guizhou Province as an Example. South China Geol. 2023, 39, 403–412. [Google Scholar]
  46. Meena, S.R.; Nava, L.N.; Bhuyan, K.; Puliero, S.; Soares, L.P.; Dias, H.C.; Floris, M.; Catani, F. HR-GLDD: A globally distributed dataset using generalized deep earning (DL) for rapid landslide mapping on high-resolution (HR) satellite imagery. Earth Syst. Sci. Data 2023, 15, 3283–3298. [Google Scholar] [CrossRef]
  47. Xu, Y.L.; Ouyang, C.J.; Xu, Q.S.; Wang, D.P.; Zhao, B.; Luo, Y.T. CAS Landslide Dataset: A Large-Scale and Multisensor Dataset for Deep Learning-Based Landslide Detection. Sci. Data 2024, 11, 12. [Google Scholar] [CrossRef]
  48. Zhang, H.; Liu, M.Z.; Wang, T.; Jiang, X.; Liu, B.Q.; Dai, P.Y. An Overview of Landslide Detection: Deep Learning and Machine Learning Approaches. In Proceedings of the 4th ICAIBD, Chengdu, China, 28–31 May 2021; pp. 265–271. [Google Scholar]
  49. Shikada, M.; Suzuki, Y.; Kusaka, T.; Goto, S.; Kawata, Y. An application of GIS information and remotely sensed data for extraction of landslide. In Proceedings of the IEEE IGARSS’97, Singapore, 3–8 August 1997; pp. 210–212. [Google Scholar]
  50. Hu, D.Y.; Li, J.; Zhao, W.J.; Peng, G.X. An object-based landslide detection method for high-resolution remote sensing images. J. Nat. Hazards 2008, 17, 42–46. [Google Scholar]
  51. Yang, Z.Y.; Han, L.Y.; Zheng, X.X.; Li, W.J.; Feng, L.; Wang, Y.; Yang, Y.P. Remote sensing imagery and DEM landslide identification based on convolutional neural network—A case of loess landslide. Remote Sens. Nat. Resour. 2022, 34, 224–230. [Google Scholar]
  52. Chen, Y.; Sun, H.Q.; Zhao, X.; Tang, H.; Zhou, T.G. Remote sensing analysis of landslide detection in river valleys in earthquake-stricken areas—A case study of landslides in Beichuan County. J. Nat. Hazards 2011, 20, 97–104. [Google Scholar]
  53. Jian, X.T.; Zhao, K.; Zuo, X.Q.; Zhu, Q.; Zhu, W. Landslide hazard identification based on Faster R-CNN target detection—An example of urban area in Fugong County. Chem. Miner. Process. 2022, 51, 19–24+29. [Google Scholar]
  54. Jena, R.; Pradhan, B.; Alamri, A.M. Susceptibility to Seismic Amplification and Earthquake Probability Estimation Using Recurrent Neural Network (RNN) Model in Odisha, India. Appl. Sci. 2020, 10, 5355. [Google Scholar] [CrossRef]
  55. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 1137–1149. [Google Scholar] [CrossRef] [PubMed]
  56. Li, L.W.; Wu, Y.P.; Miao, F.S.; Zhang, L.F.; Xue, Y. Interval prediction of landslide displacement based on different Bootstrap methods and KELM-BPNN model. J Rock Mech. Geotech. 2019, 38, 912–926. [Google Scholar]
  57. Guo, J.W.; Li, Y.S.; Li, Z.; Liu, K.M.; Zhang, S.Y. Landslide hazard interpretation model for high resolution imagery with migration learning support. J. Surv. Mapp. Sci. Technol. 2016, 33, 496–501. [Google Scholar]
  58. Tien Bui, D.; Tuan, T.A.; Klempe, H.; Pradhan, B.; Revhaug, I. Spatial prediction models for shallow landslide hazards: A comparative assessment of the efficacy of support vector machines, artificial neural networks, kernel logistic regression, and logistic model tree. Landslides 2016, 13, 361–378. [Google Scholar] [CrossRef]
  59. Wang, T.; Su, H.; Dong, M. Research progress in landslide identification: A bibliometric analysis-from 2003 to 2022. J. Yunnan Univ. Nat. Sci. Ed. 2023, 45 (Supp. S1), 331–339. [Google Scholar]
  60. Shelhamer, E.; Long, J.; Darrell, T. Fully Convolutional Networks for Semantic Segmentation. IEEE Trans. Pattern Anal. Mach. 2017, 39, 640–651. [Google Scholar] [CrossRef] [PubMed]
  61. Badrinarayanan, V.; Kendall, A.; Cipolla, R. SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef]
  62. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid Scene Parsing Network. In Proceedings of the 2017 IEEE Conference on CVPR, Honolulu, HI, USA, 21–26 July 2017; pp. 6230–6239. [Google Scholar]
  63. Du, B.; Zhang, W. Research on object-oriented high-resolution remote sensing image classification technology. West. Resour. 2016, 5, 135–138. [Google Scholar]
  64. Cao, Z.W. Research on Feature Classification of Remote Sensing Images of Islands Based on Artificial Neural Network; Shanghai Ocean University: Shanghai, China, 2016. [Google Scholar]
  65. Chen, L.C.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A.L. DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs. IEEE Trans. Pattern Anal. Mach. 2018, 40, 834–848. [Google Scholar] [CrossRef] [PubMed]
  66. Jiang, W.J.; Zhang, C.J.; Xu, B.; Luo, C.C.; Zhou, H.; Zhou, K. AED-Net: A semantic segmentation model for landslide hazard remote sensing images. J. Geo. Inf. Sci. 2023, 25, 2012–2025. [Google Scholar]
  67. Ullo, S.L.; Mohan, A.; Sebastianelli, A.; Ahamed, S.E.; Kumar, B.; Dwivedi, R.; Sinha, G.R. A New Mask R-CNN-Based Method for Improved Landslide Detection. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2021, 14, 3799–3810. [Google Scholar] [CrossRef]
  68. Mu, F.; Li, J.; Shen, N.; Huang, S.; Pan, Y.; Xu, T. Pixel-Adaptive Field-of-View for Remote Sensing Image Segmentation. IEEE Geosci. Remote Sens. Lett. 2022, 19, 6512705. [Google Scholar] [CrossRef]
  69. Yi, Y.; Zhang, W. A New Deep-Learning-Based Approach for Earthquake-Triggered Landslide Detection from Single-Temporal RapidEye Satellite Imagery. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 6166–6176. [Google Scholar] [CrossRef]
  70. Zhang, Y.; Kong, X.S.; Zhang, S.; Wang, H. Application of deep learning techniques in landslide identification from remote sensing images. Beijing Surv. Mapp. 2022, 36, 1385–1390. [Google Scholar]
  71. Niu, C.Y.; Gao, O.Y.; Liu, W.; Lai, T.; Zhang, H.B.; Huang, Y. Research Progress of Landslide Detection in Optical Remote Sensing Images. Spacecr. Recovery Remote Sens. 2023, 44, 133–144. [Google Scholar]
  72. Lipton, Z.C.; Berkowitz, J. A Critical Review of Recurrent Neural Networks for Sequence Learning. arXiv 2015, arXiv:1506.00019v3. [Google Scholar]
  73. Bengio, Y.; Simard, P.; Frasconi, P. Learning long-term dependencies with gradient descent is difficult. IEEE Trans. Neural Netw. 1994, 5, 157–166. [Google Scholar] [CrossRef] [PubMed]
  74. Salehinejad, H.; Sankar, S.; Barfett, J.; Colak, E.; Valaee, S. Recent Advances in Recurrent Neural Networks. arXiv 2018, arXiv:1801.01078v3. [Google Scholar]
  75. Chen, H.Q.; Zeng, Z.G.; Tang, H.M. Study on Landslide Deformation Prediction Based on Recurrent Neural Network under the Function of Rainfall. Neural Process. Letters 2012, 7666, 683–690. [Google Scholar]
  76. Xu, J.C.; Jiang, Y.; Yang, C.B. Landslide Displacement Prediction during the Sliding Process Using XGBoost, SVR and RNNs. Appl. Sci. 2022, 12, 6506. [Google Scholar] [CrossRef]
  77. Cui, W.Q.; He, X.; Yao, M.; Wang, Z.; Li, J.; Hao, Y.; Wu, W.; Zhao, H.; Chen, X.; Cui, W. Landslide Image Captioning Method Based on Semantic Gate and Bi-Temporal LSTM. ISPRS Int. J. Geo. Inf. 2020, 9, 194. [Google Scholar] [CrossRef]
  78. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  79. Chen, X.; Liu, M.Z.; Li, D.F.; Jia, J.R.; Yang, A.Q.; Zheng, Z.; Yin, L.R. Conv-trans dual network for landslide detection of multi-channel optical remote sensing images. Front. Earth Sci. 2023, 11, 1182145. [Google Scholar] [CrossRef]
  80. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Adv. Neural Inf. Process. Syst. 2012, 25, 1097–1105. [Google Scholar] [CrossRef]
  81. Ma, Z.; Mei, G. Deep learning for geological hazards analysis: Data, models, applications, and opportunities. Earth-Sci. Rev. 2021, 223, 103858. [Google Scholar] [CrossRef]
  82. Tang, W.H. Review of Image Classification Algorithms Based on Graph Convolutional Networks. EAI Endorsed Trans. AI Robot. 2023, 2, 1–10. [Google Scholar] [CrossRef]
  83. Xia, J.; Liu, H.; Zhu, L. Landslide Hazard Identification Based on Deep Learning and Sentinel-2 Remote Sensing Imagery. J. Phys. Conf. Ser. 2022, 2258, 012031. [Google Scholar] [CrossRef]
  84. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich Feature Hierarchies for Accurate Object Detection and Semantic Segmentation. In Proceedings of the 2014 IEEE Conference on CVPR, Columbus, OH, USA, 23–28 June 2014; pp. 580–587. [Google Scholar]
  85. Girshick, R. Fast R-CNN. In Proceedings of the 2015 IEEE ICCV, Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar]
  86. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-CNN. IEEE Trans. Pattern Anal. Mach. 2020, 42, 386–397. [Google Scholar] [CrossRef] [PubMed]
  87. Yang, R.; Zhang, F.; Xia, J.; Wu, C. Landslide Extraction Using Mask R-CNN with Background-Enhancement Method. Remote Sens. 2022, 14, 2206. [Google Scholar] [CrossRef]
  88. Wu, Z.; Li, H.; Yuan, S.; Gong, Q.; Wang, J.; Zhang, B. Mask R-CNN-Based Landslide Hazard Identification for 22.6 Extreme Rainfall Induced Landslides in the Beijiang River Basin, China. Remote Sens. 2023, 15, 4898. [Google Scholar] [CrossRef]
  89. Ronneberger, Q.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. arXiv 2015, arXiv:1505.04597. [Google Scholar]
  90. Liu, P.; Wei, Y.; Wang, Q.; Chen, Y.; Xie, J. Research on Post-Earthquake Landslide Extraction Algorithm Based on Improved U-Net Model. Remote Sens. 2020, 12, 894. [Google Scholar] [CrossRef]
  91. Dong, Z.; An, S.; Zhang, J.; Yu, J.; Li, J.; Xu, D. L-Unet: A Landslide Extraction Model Using Multi-Scale Feature Fusion and Attention Mechanism. Remote Sens. 2022, 14, 2552. [Google Scholar] [CrossRef]
  92. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on CVPR, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  93. Huang, J.; Li, X.; Chen, F.; Cui, R.; Li, H.M.; Du, B.W. A deep learning recognition model for landslide terrain based on multi-source data fusion. Chin. J. Geol. Hazard Control 2022, 33, 33–41. [Google Scholar]
  94. Zhang, Y.L.; Fu, Y.H.; Sun, Y.; Zeng, D.D.; Xu, Z.R.; Wu, H.B. Landslide detection from high-resolution remote sensing images combined with deep neural networks. Highway 2021, 66, 188–194. [Google Scholar]
  95. Hacıefendioğlu, K.; Demir, G.; Başağa, H.B. Landslide detection using visualization techniques for deep convolutional neural network models. Nat. Hazards 2021, 109, 329–350. [Google Scholar] [CrossRef]
  96. Zhao, H.S.; Shi, J.P.; Qi, X.J.; Wang, X.G.; Jia, J.Y. Pyramid scene parsing network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 16–21 July 2017; pp. 2881–2890. [Google Scholar]
  97. Ghorbanzadeh, Q.; Xu, Y.H.; Ghamisi, P.; Kopp, M.; Kreil, D. Landslide4Sense: Reference Benchmark Data and Deep Learning Models for Landslide Detection. IEEE Trans. Geosci. Remote Sens. 2022, 60, 5633017. [Google Scholar] [CrossRef]
  98. Chen, L.C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-decoder with atrous separable convolution for semantic image segmentation. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 801–818. [Google Scholar]
  99. Redmon, J.; Farhadi, A. YOLO9000: Better, Faster, Stronger. arXiv 2016, arXiv:1612.08242. [Google Scholar]
  100. Redmon, J.; Farhadi, A. YOLOv3: An Incremental Improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  101. Bochkovskiy, A.; Wang, C.; Mark Liao, H.Y. YOLOv4: Optimal speed and accuracy of object detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  102. Jocher, G. YOLOv5 release v7.0. Available online: https://github.com/ultralytics/yolov5/releases/tag/v7.0 (accessed on 22 November 2022).
  103. Ge, Z.; Liu, S.T.; Wang, F.; Li, Z.M.; Sun, J. YOLOX: Exceeding YOLO Series in 2021. arXiv 2021, arXiv:2107.08430. [Google Scholar]
  104. Li, C.Y.; Li, L.L.; Jiang, H.L.; Weng, K.H.; Geng, Y.F.; Li, L.; Ke, Z.D.; Li, Q.Y.; Cheng, M.; Nie, W.Q.; et al. YOLOv6: A Single-Stage Object Detection Framework for Industrial Applications. arXiv 2022, arXiv:2209.02976. [Google Scholar]
  105. Wang, C.Y.; Bochkovskiy, A.; Mark Liao, H.Y. YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors. arXiv 2022, arXiv:2207.02696. [Google Scholar]
  106. Jocher, G. YOLOv8 release v8.1.0. Available online: https://github.com/ultralytics/ultralytics/releases (accessed on 10 January 2023).
  107. Wang, C.Y.; Yeh, I.H.; Mark Liao, H.Y. YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information. arXiv 2024, arXiv:2402.13616. [Google Scholar]
  108. Wang, T.; Liu, M.Z.; Zhang, H.; Huang, Y.; Jiang, X.Y. Landslide Detection Based on Improved YOLOv5 and Satellite Images. In Proceedings of the 4th PRAI, Chengdu, China, 28–31 May 2021; pp. 367–371. [Google Scholar]
  109. Yu, Z.; Chang, R.; Chen, Z. Automatic Detection Method for Loess Landslides Based on GEE and an Improved YOLOX Algorithm. Remote Sens. 2022, 14, 4599. [Google Scholar] [CrossRef]
  110. Liu, Q.; Wu, T.T.; Deng, Y.H.; Liu, Z.H. SE-YOLOv7 Landslide Detection Algorithm Based on Attention Mechanism and Improved Loss Function. Land 2023, 12, 1522. [Google Scholar] [CrossRef]
  111. Wu, T.Y.; Dong, Y.K. YOLO-SE: Improved YOLOv8 for Remote Sensing Object Detection and Recognition. Appl. Sci. 2023, 13, 12977. [Google Scholar] [CrossRef]
  112. Guo, H.; Yi, B.; Yao, Q.; Gao, P.; Li, H.; Sun, J.; Zhong, C. Identification of Landslides in Mountainous Area with the Combination of SBAS-InSAR and Yolo Model. Sensors 2022, 22, 6236. [Google Scholar] [CrossRef] [PubMed]
  113. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You Only Look Once: Unified, Real-Time Object Detection. In Proceedings of the 2016 IEEE Conference on CVPR, Las Vegas, NV, USA, 27–30 June 2016; pp. 779–788. [Google Scholar]
  114. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.-Y.; Berg, A.C. SSD: Single Shot MultiBox Detector. In Proceedings of the Computer Vision—ECCV 2016, Amsterdam, The Netherlands, 8–10 and 15–16 October 2016; pp. 21–37. [Google Scholar]
  115. Cheng, L.B. Research on Landslide Disaster Detection Model Based on Deep Learning; Yunnan Normal University: Kunming, China, 2021. [Google Scholar]
  116. Xiong, C.Q.; Zhang, Y.N.; Yang, H.S.; Tang, D.J.; Liu, S.J. Identification of landslide disasters in transmission line corridors based on improved YOLOv5. Jidian Xinxi 2023, 35, 27–29. [Google Scholar]
  117. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is All you Need. In Proceedings of the 31st NIPS, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  118. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.H.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image Is Worth 16 × 16 Words: Transformers for Image Recognition at Scale. In Proceedings of the 2020 IEEE Conference on CVPR, Seattle, WA, USA, 16–20 June 2020. [Google Scholar]
  119. Carion, N.; Massa, F.; Synnaeve, G.; Usunier, N.; Kirillov, A.; Zagoruyko, S. End-to-End Object Detection with Transformers. In Proceedings of the 16th ECCV, Glasgow, UK, 23–28 August 2020; pp. 213–229. [Google Scholar]
  120. Esser, P.; Rombach, R.; Ommer, B. Taming Transformers for High-Resolution Image Synthesis. In Proceedings of the 2021 IEEE/CVF Conference on CVPR, 20–25 June 2021; pp. 12868–12878. [Google Scholar]
  121. Jiang, H.; Peng, M.; Zhong, Y.; Xie, H.; Hao, Z.; Lin, J.; Ma, X.; Hu, X. A Survey on Deep Learning-Based Change Detection from High-Resolution Remote Sensing Images. Remote Sens. 2022, 14, 1552. [Google Scholar] [CrossRef]
  122. Tang, X.C.; Tu, Z.H.; Ren, X.Q.; Fang, C.Y.; Wang, Y.; Liu, X.; Fan, X.M. A Multi-Modal Deep Neural Network Model for Forested Landslide Detection. Geomat. Inf. Sci. Wuhan Univ. 2023. [Google Scholar] [CrossRef]
  123. Yang, Z.Q.; Xu, C.; Li, L. Landslide Detection Based on ResU-Net with Transformer and CBAM Embedded: Two Examples with Geologically Different Environments. Remote Sens. 2022, 14, 2855. [Google Scholar] [CrossRef]
  124. Yang, S.; Wang, Y.Z.; Wang, P.Z.; Mu, J.Q.; Jiao, S.T.; Zhao, X.P.; Wang, Z.H.; Wang, K.J.; Zhu, Y.Q. Automatic Identification of Landslides Based on Deep Learning. Appl. Sci. 2022, 12, 8153. [Google Scholar] [CrossRef]
  125. Chen, Z.; Lu, S.K.; Qin, Z.J.; Zhang, Q. SENet-optimized Deeplabv3 + landslide detection. Sci. Technol. Eng. 2022, 22, 14635–14643. [Google Scholar]
  126. Chen, L.; Lin, W.; Chen, P.; Jiang, S.; Liu, L.; Hu, H. Porosity Prediction from Well Logs Using Back Propagation Neural Network Optimized by Genetic Algorithm in One Heterogeneous Oil Reservoirs of Ordos Basin, China. J. Earth Sci. 2021, 32, 828–838. [Google Scholar] [CrossRef]
  127. Tan, M.; Le, Q. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. In Proceedings of the 2019 ICML, Long Beach, CA, USA, 9–15 June 2019. [Google Scholar]
  128. Hu, F.J.; Lv, W.C.; Zhou, F.Y.; Guo, X.H.; Lu, F.K. A landslide extraction method for high-resolution remote sensing images with improved TransUNet. Radio Eng. 2023, 13, 5116. [Google Scholar]
  129. Li, B.S.; Tang, R.P.; Zhang, Q.; Xie, Y.H.; Zhang, Y. Layer depth structure and saliency characteristics of landslide extraction convolutional neural network. Surv. Mapp. Sci. 2022, 47, 154–164. [Google Scholar]
  130. Shi, Y.; Shi, L.L.; Niu, M.J.; Zhao, K. Automatic multi-task identification of loess landslide based on single-stage instance segmentation network. Surv. Mapp. Bull. 2022, 4, 26–31. [Google Scholar]
  131. Guo, Z.Z.; Yang, Y.F.; He, J.; Huang, D. A Novel Deep Learning Model for Predicting Landslide Displacements Considering Attention Mechanism. Earth Science. 23 August 2022. Available online: https://kns.cnki.net/kcms/detail/42.1874.p.20220823.0908.004.html (accessed on 8 May 2024).
  132. Chen, S.J.; Xiang, C.S.; Kang, Q.; Wu, T.; Liu, K.; Feng, L.; Deng, T. Landslide hazard detection method based on the fusion of spatial and temporal spectral features from multi-source remote sensing. Comput. Res. Dev. 2020, 57, 1877–1887. [Google Scholar]
  133. Cai, H.J.; Han, H.H.; Zhang, Y.L.; Wang, L.S. Convolutional neural network landslide identification based on topographic feature fusion. J. Earth Sci. Environ. 2022, 44, 568–579. [Google Scholar]
  134. Ju, Y.Z.; Xu, Q.; Jin, S.C.; Li, W.L.; Dong, X.J.; Guo, Q.H. Automatic identification of loess landslides using deep learning methods. Geomat. Inf. Sci. Wuhan Univ. 2020, 45, 1747–1755. [Google Scholar]
  135. Ma, T.; Yang, X.M.; Yan, Y.G.; Yan, D.C. A point cloud filtering algorithm for densely vegetated areas based on windowing and terrain slope. Surv. Mapp. Bull. 2021, 8, 33–36. [Google Scholar]
  136. Fu, R.; He, J.; Liu, G. Post-earthquake landslide identification after the 7.2 magnitude earthquake in Haiti in 2021 based on improved YOLOv. Earthq. Res. 2023, 46, 300–307. [Google Scholar]
  137. Hu, F.J.; Lyu, W.C.; Zhou, F.Y.; Guo, X.H.; Lu, F.K. An improved TransUNet landslide extraction method for high resolution remote sensing images. Radio Eng. 2023, 10, 19. [Google Scholar]
  138. He, H.Q.; Li, C.C.; Yang, R.H.; Zeng, H.E.; Li, L.; Zhu, Y.F. Multisource Data Fusion and Adversarial Nets for Landslide Extraction from UAV-Photogrammetry-Derived Data. Remote Sens. 2022, 14, 3059. [Google Scholar] [CrossRef]
  139. Xin, L.B.; Han, L.; Li, L.Z. Landslide Intelligent Recognition Based on Multi-source Data Fusion. J. Earth Sci. Environ. 2023, 45, 920–928. [Google Scholar]
  140. Ye, C.M.; Li, Y.; Cui, P.; Liang, L.; Pirasteh, S.; Marcato, J.J.; Gonçalves, W.N.; Li, J. Landslide detection of hyperspectral remote sensing data based on deep learning with constrains. IEEE J. Sel. Top. Appl. 2019, 12, 5047–5060. [Google Scholar] [CrossRef]
  141. Liu, X.R.; Peng, Y.X.; Lu, Z.L.; Li, W.; Yu, J.C.; Ge, D.Q.; Xiang, W. Feature-Fusion Segmentation Network for Landslide Detection Using High-Resolution Remote Sensing Images and Digital Elevation Model Data. IEEE T. Geosci. Remote Sens. 2023, 61, 4500314. [Google Scholar] [CrossRef]
  142. Zhang, Y. Detecting Ground Deformation and Investigating Landslides Using InSAR Technique—Taking Middle Reach of Bailong River Basin as an Example; Lanzhou University: Lanzhou, China, 2018. [Google Scholar]
  143. Xu, G.S.; Wang, Y.; Lizhe Wang, L.Z.; Soares, L.P.; Grohmann, C.H. Feature-Based Constraint Deep CNN Method for Mapping Rainfall-Induced Landslides in Remote Regions with Mountainous Terrain: An Application to Brazil. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 15, 2044–2659. [Google Scholar] [CrossRef]
  144. Xu, S.L. Study on Dynamic Landslide Susceptibility Mapping Based on Multi-Source Remote Sensing Imagery; China University of Geosciences: Wuhan, China, 2018. [Google Scholar]
  145. Zhang, Y.S.; Liu, X.Y.; Yao, X. InSAR-based method for early recognition of ancient landslide reactivation in Dadu River, China. Shuili Xuebao 2020, 50, 545–555. [Google Scholar]
  146. Xu, Q. Understanding and Consideration of Related Issues in Early Identification of Potential Geohazards. Geomat. Inf. Sci. Wuhan Univ. 2020, 45, 1651–1659. [Google Scholar]
  147. Yan, Y.Q.; Guo, C.B.; Zhang, Y.S.; Zhang, X.J.; Zheng, Y.Z.; Li, X.; Yang, Z.H.; Wu, R.A. Study of the deformation characteristics of the Xiongba ancient landslide based on SBAS-InSAR method, Tibet, China. Acta Geol. Sin. 2021, 95, 3556–3570. [Google Scholar]
  148. Dai, K.; Feng, Y.; Zhuo, G.C.; Tie, Y.B.; Deng, J.; Balz, T.; Li, Z.H. Applicability Analysis of Potential Landslide Identification by InSAR in Alpine-Canyon Terrain—Case Study on Yalong River. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2022, 15, 2110–2118. [Google Scholar] [CrossRef]
  149. Wu, M.Y.; Luo, M.; Liu, S.H. Comprehensive identification of potential and old landslides based on optical remote sensing and InSAR technologies: A case study in northwestern Yunnan Province. Chin. J. Geol. Hazard Control 2022, 33, 84–93. [Google Scholar]
  150. Zhou, H.; Dai, K.R.; Tang, X.C.; Xiang, J.M.; Li, R.P.; Wu, M.T.; Peng, Y.R.; Li, Z.H. Time-Series InSAR with Deep-Learning-Based Topography-Dependent Atmospheric Delay Correction for Potential Landslide Detection. Remote Sens. 2023, 15, 5287. [Google Scholar] [CrossRef]
  151. Zhao, H.W.; Zhou, L.; Tan, M.L.; Tang, M.G.; Tong, Q.G.; Qin, J.J.; Peng, Y.H. Early identification of landslide hidden danger in Sichuan-Chongqing power transmission network based on optical remote sensing and SBAS InSAR. Remote Sens. Nat. Resour. 2023, 25, 264–272. [Google Scholar]
Figure 1. Global landslide locations map (The dataset is provided by National Cryosphere Desert Data Center. (http://www.ncdc.ac.cn, accessed on 1 July 2023)).
Figure 1. Global landslide locations map (The dataset is provided by National Cryosphere Desert Data Center. (http://www.ncdc.ac.cn, accessed on 1 July 2023)).
Remotesensing 16 01787 g001
Figure 2. Flowchart for deep learning landslide recognition.
Figure 2. Flowchart for deep learning landslide recognition.
Remotesensing 16 01787 g002
Figure 3. Faster R-CNN model structure [53].
Figure 3. Faster R-CNN model structure [53].
Remotesensing 16 01787 g003
Figure 4. Various landslide instances [24].
Figure 4. Various landslide instances [24].
Remotesensing 16 01787 g004
Figure 5. General flow of landslide detection methods based on deep neural networks [71].
Figure 5. General flow of landslide detection methods based on deep neural networks [71].
Remotesensing 16 01787 g005
Figure 6. A simple recurrent neural network (RNN) and its unfolded structure through time t [74].
Figure 6. A simple recurrent neural network (RNN) and its unfolded structure through time t [74].
Remotesensing 16 01787 g006
Figure 7. CNN model structure.
Figure 7. CNN model structure.
Remotesensing 16 01787 g007
Figure 8. Mask R-CNN model structure [33].
Figure 8. Mask R-CNN model structure [33].
Remotesensing 16 01787 g008
Figure 9. U-Net model structure [36].
Figure 9. U-Net model structure [36].
Remotesensing 16 01787 g009
Figure 10. PSPNet architecture [98].
Figure 10. PSPNet architecture [98].
Remotesensing 16 01787 g010
Figure 11. YOLO model structure [112].
Figure 11. YOLO model structure [112].
Remotesensing 16 01787 g011
Figure 12. Transformer model structure [121].
Figure 12. Transformer model structure [121].
Remotesensing 16 01787 g012
Figure 13. DeeplabV3+ model structure [98] (“...” represents an ellipsis).
Figure 13. DeeplabV3+ model structure [98] (“...” represents an ellipsis).
Remotesensing 16 01787 g013
Table 1. The Bijie Landslide Dataset [24] (*-file name).
Table 1. The Bijie Landslide Dataset [24] (*-file name).
File TypeNumber of LandslidesNumber of Non Landslides
Landslide image (*.png)7702003
Landslide shape file (*.png)770
DEM (*.png)7702003
Boundary coordinate file770
Table 2. Detailed information on the CAS Landslide Dataset [47].
Table 2. Detailed information on the CAS Landslide Dataset [47].
SubdatasetAmountAcquisition TimeSensorGround Resolution (m)
Palu817January 2021–November 2021WorldView2/35
Lombok436May 2019–December 2019WorldView2/35
Hokkaido Iburi-Tobu1484September 2018–October 2018SAT3
Tiburon Peninsula
(Sentinel)
606March 2020–Jnue 2020Sentinel-2/L2A5
Tiburon Peninsula
(Planet)
325September 2021–December 2021Planet4
Mengdong1155November 4th, 2018SuperView-10.5
Moxitaidi (SAT)652September 2022–October 2022Sentinel-2/L2A0.6
Moxitaidi (UAV-0.6 m)984September 2022–October 2022UAV0.6
Moxitaidi (UAV-1 m)483September 2022–October 2022UAV1
Moxi town (0.2 m)1635September 2022–October 20220.20.2
Moxi town (1 m)160September 2022–October 2022UAV1
Longxi River (SAT)1769March 2015–December 2015GF-10.5
Longxi River (UAV)2504March 2011–May 2011UAV0.5
Jiuzhai valley (0.2 m)5925Augest 2017–September 2017UAV0.2
Jiuzhai valley (0.5 m)1752Augest 2017–September 2017UAV0.5
Wenchuan178November 2008–December 2008Landsat5
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Cheng, G.; Wang, Z.; Huang, C.; Yang, Y.; Hu, J.; Yan, X.; Tan, Y.; Liao, L.; Zhou, X.; Li, Y.; et al. Advances in Deep Learning Recognition of Landslides Based on Remote Sensing Images. Remote Sens. 2024, 16, 1787. https://doi.org/10.3390/rs16101787

AMA Style

Cheng G, Wang Z, Huang C, Yang Y, Hu J, Yan X, Tan Y, Liao L, Zhou X, Li Y, et al. Advances in Deep Learning Recognition of Landslides Based on Remote Sensing Images. Remote Sensing. 2024; 16(10):1787. https://doi.org/10.3390/rs16101787

Chicago/Turabian Style

Cheng, Gong, Zixuan Wang, Cheng Huang, Yingdong Yang, Jun Hu, Xiangsheng Yan, Yilun Tan, Lingyi Liao, Xingwang Zhou, Yufang Li, and et al. 2024. "Advances in Deep Learning Recognition of Landslides Based on Remote Sensing Images" Remote Sensing 16, no. 10: 1787. https://doi.org/10.3390/rs16101787

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