Skip to main content
Erschienen in: The Journal of Supercomputing 8/2021

Open Access 26.01.2021

The use of remote sensing satellite using deep learning in emergency monitoring of high-level landslides disaster in Jinsha River

verfasst von: Leijin Long, Feng He, Hongjiang Liu

Erschienen in: The Journal of Supercomputing | Ausgabe 8/2021

Aktivieren Sie unsere intelligente Suche, um passende Fachinhalte oder Patente zu finden.

search-config
loading …

Abstract

In order to monitor the high-level landslides frequently occurring in Jinsha River area of Southwest China, and protect the lives and property safety of people in mountainous areas, the data of satellite remote sensing images are combined with various factors inducing landslides and transformed into landslide influence factors, which provides data basis for the establishment of landslide detection model. Then, based on the deep belief networks (DBN) and convolutional neural network (CNN) algorithm, two landslide detection models DBN and convolutional neural-deep belief network (CDN) are established to monitor the high-level landslide in Jinsha River. The influence of the model parameters on the landslide detection results is analyzed, and the accuracy of DBN and CDN models in dealing with actual landslide problems is compared. The results show that when the number of neurons in the DBN is 100, the overall error is the minimum, and when the number of learning layers is 3, the classification error is the minimum. The detection accuracy of DBN and CDN is 97.56% and 97.63%, respectively, which indicates that both DBN and CDN models are feasible in dealing with landslides from remote sensing images. This exploration provides a reference for the study of high-level landslide disasters in Jinsha River.
Hinweise
The original online version of this article was revised due to a retrospective Open Access cancellation.
A correction to this article is available online at https://​doi.​org/​10.​1007/​s11227-022-04353-2.

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

1 Introduction

Landslide refers to the geological phenomenon that the rock and soil mass on the natural slope slide along a certain weak surface due to the internal penetrating cutting surface under the action of gravity. High-level landslide refers to the landslide whose shear outlet is higher than the ground at the foot of the slope, and the weight center of the landslide is high and has great potential energy [1]. The southwest of China is close to the Qinghai–Tibet Plateau, with large terrain drop, loose soil and concentrated precipitation. It is the gathering place of the Salween River, Jinsha River, Lancang River, Dadu River, Minjiang River and Yarlung Zangbo River, so it is rich in water resources. Therefore, there are some problems in this area, such as complex geological conditions, high mountains and steep ground, fragile ecological environment, mountain stress concentration and rock mass structure fragmentation. This unique geological situation leads to frequent landslides in Southwest China, which is very unfavorable to the development of Southwest China [2].
Jinsha River is located at the transition of the first and second steps in China. It is a typical high mountain canyon landform with large terrain drop. Because of its unique geological landform, natural disasters occur frequently. The upper reaches of the Yangtze River flow through Tibet, Sichuan, Yunnan and other places in China. The slope in the basin is steep, the flow is rapid and the drop is large. Landslides often occur in the no man's land at high altitude. The landslide development and formation area belongs to the high mountain landform of the Qinghai–Tibet Plateau. The surface layer is seriously weathered, and the structural conditions of the site are complex. Due to the large slope and height of landslide, it is mostly high-level mountain landslide [3]. The landslide mass slides rapidly under the action of gravity. The debris flow is formed by the disintegration of the mountain, and finally accumulated on the river flow, resulting in the river cutoff, forming a barrier lake [4]. High-level landslides in the Jinsha River seriously threaten the lives and property safety of residents in the upper and lower reaches of the Jinsha River, limiting the sustainable development of local economy. Remote sensing technology is to record the electromagnetic spectrum information reflected by the ground target through the detector, and analyze the physical and chemical characteristics of the ground target [5]. In recent years, with the rapid development of remote sensing technology, China has issued many high-resolution earth observation satellites, including GF-1, GF-2, beijing-1 and beijing-2 in the civil field. Remote sensing satellites can provide multi-spatial and temporal high-resolution remote sensing data covering the world, help to identify and monitor geological disasters such as mountain landslides, and investigate the hidden dangers of barrier lakes after disasters [6].
In order to monitor the high-level landslides in Jinsha River, the deep learning algorithm is used to analyze the images of remote sensing satellites to monitor the high-level landslides in Jinsha River area. The inducements of landslide are combined with remote sensing image and transformed into landslide image factors. Based on the deep belief networks (DBN) and convolutional neural network (CNN), the landslide detection models are constructed. The influence factors of landslide are regarded as the constraint conditions of the model, and the influence of model parameters on the detection results is analyzed. Then, the accuracy of two landslide detection algorithms DBN and convolutional neural-deep belief network (CDN) in processing remote sensing images is compared. Finally, the model is applied to the monitoring of high-level landslide in Jinsha River.

2 Literature review

2.1 CNN

CNN is a kind of feedforward neural network including convolution computation. CNN imitates the visual perception mechanism of biology, and can be used for supervised learning and unsupervised learning. The convolutional kernel parameter sharing in the hidden layer and the sparse connection between layers can reduce the computation. CNN can also use the two-dimensional structure of input data to reduce a large number of parameters into a small number of parameters in image processing, and does not affect the original characteristics of the image, so it is widely used in the field of machine vision and natural language [7]. Lu et al. (2020) used the remote sensing technology of low altitude unmanned aerial vehicle (UAV) to study UAV images at the place where landslide disasters occurred, and used deep learning algorithm to generate landslide sample database from the obtained images. By comparing various landslide feature models of deep learning, the transfer learning algorithm with the best effect was finally selected for landslide image analysis [8]. Ji et al. (2019) applied deep learning to the detection of building damage after an earthquake, analyzed the high-resolution remote sensing images before and after disasters through the algorithm, and compared the performance of gray matrix texture and CNN features by using random forest classifier. The results show that CNN is better in texture feature recognition of high-resolution remote sensing image [9]. Hua et al. (2020) studied the relationship between landslide sensitivity and time in Badong–Zigui section in the Three Gorges area based on multi-source landslide detection data (geological, topographic, hydrological and remote sensing data), and nine landslide influencing factors were generated according to the monitoring data. Then, the slope element extraction algorithm and neural network algorithm were used to study the dynamic change of landslide sensitivity. The results show that the main factors affecting the landslide are river distance, normalized difference index, relative relief and engineering rock group. Therefore, the fluctuation of reservoir water level and road construction will cause landslide phenomenon [10]. Seydi et al. (2020) proposed a change detection framework based on CNN for the study of remote sensing datasets. Three parallel channels were used to extract the depth features and deep features of the image, and three different types of remote sensing datasets were used for testing. Experimental results show that the overall accuracy and Kappa coefficient of the method are 95.89% and 0.805, respectively [11]. The existing research results show that CNN has a good feature extraction accuracy for remote sensing data, which can help to study landslide phenomenon in remote sensing images.

2.2 DBN

DBN algorithm is a kind of machine learning, which can be used for both unsupervised learning and supervised learning. DBN is a generative model. Compared with the traditional neural network of discriminative model, the generative model is to establish a joint distribution between observation data and tags. By training the weights among the neurons, the whole neural network can generate training data according to the maximum probability. DBN can be used not only to identify features and classify data, but also to generate data. Therefore, it is widely used in the fields of handwritten character recognition, speech recognition and image processing [12]. Ye et al. (2019) proposed a deep learning framework with constraints to detect landslides in hyperspectral images. First, the spectrum spatial features of landslides were extracted by DBN, and then verified by logistic regression classifier. The results show that compared with the traditional hyperspectral image classification method, the framework has higher accuracy, and the accuracy reached 97.91% [13]. Liu et al. (2020) proposed an automatic landslide recognition model based on improved segmentation network, and realized intelligent extraction of landslide disaster after earthquake by automatically extracting hierarchical features. In the actual model test, the recognition accuracy was 91.3%. The results show that the method has high feasibility for landslide disaster identification after earthquake [14]. Wang et al. (2020) used DBN to extract soil moisture data from medium resolution spectral images of Fengyun-3D (FY-3D) satellite, and constructed a soil moisture inversion model SM-DBN. The SM-DBN model included two sub-networks of temperature and soil moisture. The ground temperature data, normalized difference vegetation index, enhanced vegetation number and soil moisture data were used as the input values of the network. The medium resolution spectral images from 2018 to 2019 were selected as the dataset. The experimental results show that the root mean square error of the overall accuracy of SM-DBN model is 0.032, which is better than the test results of linear regression and back-propagation neural network [15]. Samadi et al. (2019) proposed a change detection algorithm for synthetic aperture radar images based on DBN. The DBN was trained by unsupervised feature learning and supervised network fine-tuning. Morphological operators were used to obtain images to provide appropriate and diverse datasets for DBN. The experimental results show that this method can reduce the computational load without damaging the performance of DBN, and has ideal performance and high accuracy [16]. DBN can effectively identify image features and classify data, so it can be used to identify landslides in remote sensing images.
At present, the detection methods of landslides are to mainly use DBN and CNN to identify and extract the collected images. Therefore, two commonly used landslide detection models, DBN and CDN, are used for comparative analysis to identify and early warn the disaster through the remote sensing images in the area of Jinsha River.

3 The research methodology and models

3.1 The research process

High-level landslides often occur in places with few people and inconvenient transportation. The ecological environment of these places is fragile, and it is very easy to induce large-scale landslide disasters when there is continuous precipitation or earthquake. Therefore, affected by the objective conditions, it is very unfavorable to the emergency monitoring, the analysis and investigation of potential safety hazards and the rescue after the high-level landslide disaster in Jinsha River. The actual factors affecting the landslide in Jinsha River are as follows. (1) Slope shape: It is the prerequisite of slope type rock mass sliding. When there is external disturbance, landslide is easy to occur. (2) Rock mass: Hydrophilic soft soil will slide under the action of gravity under the condition of large amount of precipitation. (3) Terrain structure: The weak surface is parallel to the slope surface, which is prone to creep. (4) Water: Water will change the internal stress of soil and make the soil easy to flow. At the same time, the water will erode the lithology of the slope toe and cause the slope structure damage. (5) Earthquake: Earthquake will lead to the movement of unstable rock mass, resulting in liquefaction of sand and soil, resulting in landslide [1720].
In order to study the landslide problem with remote sensing analysis technology, the characteristics of landslides on remote sensing images are analyzed, and the internal and external inducing factors, such as lithology, landform, precipitation, geological structure and hydrological conditions, are transformed into landslide influence factors. The influence factors of landslide are different in different regions. Soil erodibility, slope gradient, vegetation coverage, fault location, river influence, rainfall erosion and earthquake intensity are selected as landslide influence factors. After obtaining the landslide factors, it is necessary to quantify the impact of each factor on the landslide, so as to provide data basis for the application of deep learning algorithm.
(1) Soil erodibility. It describes the degree of sudden erosion by water balls. The larger the value of soil erodibility is, the more likely soil erosion will occur under the same flow condition. The equation is as follows:
$$K_{E} = {(} - 0.01383 + 0.51575K_{{0}} {)} \times 0.1317.$$
(1)
\(K_{E}\) represents the soil erodibility corrected according to the parameters, and \(K_{{0}}\) is the uncorrected soil erodibility factor.
(2) Fault zone factor. When the geological environment is on the fault zone, landslide is easy to occur. It has been proved that landslides often occur in fault zones with strong geological structures. The influence factors of fault zones can be obtained by superposition of Kriging interpolation.
(3) Earthquake influence factors. The destruction of rock mass caused by earthquake leads to the decrease in soil shear strength, the structural stability of slope and the occurrence of landslide. Through the density analysis of seismic points, the distribution map of earthquake influence factors is obtained by Kriging interpolation.
(4) River influence factor. When there is a river near the slope, the river erosion will destroy the stability of the slope and reduce the anti-sliding ability of the slope. The river influence factor can be obtained by multiplying the distance from the slope to the river and the flow of the river.
(5) Rainfall factors. When there is heavy rainfall on the slope, landslide is easy to occur.
$$R = \sum\limits_{{i = {1}}}^{{{12}}} {\left[ {1.735 \times 10{(1}{\text{.5}} \times {\text{lg}}\frac{{P_{i}^{2} }}{P}{ - 0}{\text{.818)}}} \right]}.$$
(2)
\(R\) is the rainfall erosivity, \(i\) is the month, \(P_{i}\) is the current month's precipitation, and \(P\) is the current year's precipitation. Therefore, when the local rainfall intensity is high, the rainfall erosivity of the slope will also increase, which is easy to induce landslide disaster.
(6) Vegetation influence factors. Plants will fix the local soil to reduce large-scale landslides. Through satellite remote sensing images, the local vegetation coverage can be analyzed. The equation of vegetation coverage is as follows:
$$C = \left[ {\frac{{{1} - {\text{NDVI}}}}{{2}}} \right]^{{{1} + {\text{NDVI}}}}$$
(3)
\(NDVI\) is the normalized difference vegetation index (NDVI), which quantifies vegetation by measuring the difference between near infrared (vegetation strong reflection) and red light (vegetation absorption).
(7) Slope influence factor. The slope will affect the erosion and sliding of slope under the influence of gravity. Through the discrete element method, slope calculation is carried out [2124].
CNN and DBN can be used to effectively identify the images in remote sensing images. Therefore, in this exploration, CNN and DBN are used to identify the impact of landslides in remote sensing images, and the above landslide influencing factors are taken as constraints. Therefore, first, DBN and CNN are introduced.
(1) The restricted Boltzmann machine is a model based on energy function including two layers of visual layer and hidden layer. All layers are connected, and there is no connection within the layer [25]. When the states of hidden layer and visual layer are determined, the energy function equation and joint probability distribution of nodes in the two layers are as follows:
$$E(v,h|\theta ) = - \sum\limits_{{i = {1}}}^{n} {a_{i} v_{i} - \sum\limits_{j = 1}^{m} {b_{j} h_{j} - \sum\limits_{i = 1}^{n} {\sum\limits_{j = 1}^{m} {w_{ij} v_{i} h_{j} } } } }$$
(4)
$$P{(}v,h|\theta {)} = \frac{1}{{\sum\limits_{v} {\sum\limits_{k} E (v,h|\theta {)}} }}{\text{exp( - }}E{(}v,h|\theta {))}.$$
(5)
In the equation, \(\theta\) represents the parameters of the model, \(a\) and \(b\) represent the offset between the visual layer and the hidden layer. \(w\) represents the weight between the \(i\)-th neuron in the visual layer and the \(j\)-th neuron in the hidden layer. \(v\) and \(h\) represents the state values of neurons in visual layer and hidden layer, respectively. The partition function \(\sum\limits_{v} {\sum\limits_{k} E {(}v,h|\theta {)}}\) represents the summation of all possible states of the nodes in the visible layer and the hidden layer.
DBN is composed of multi-layer restricted Boltzmann machines. The output data of the upper layer is taken as the input layer of the next layer and so on. A classifier is added at the top layer to make it have the ability of classification and recognition. Figure 1 shows the structure of DBN. DBN combines the powerful data extraction and retention capabilities of restricted Boltzmann machine, and has the classification accuracy of data [2629].
(2) CNN is composed of one or more convolutional layers, top full connected layer, association weight and pooling layer. Figure 2 shows the structure. The convolutional kernel moves regularly on the image, grabs the features with the same structure in the image to make a feature map, which is the basis of image classification [30, 31].
The principle of CNN parameter optimization is as follows. If each convolution layer contains only one convolution kernel, after convolution calculation, the convolution characteristic matrix \(C_{i}\) is output. The equation is as follows.
$$C_{i} = f{(}W_{i} \otimes C_{i - 1} + b_{i} {)}.$$
(6)
In the equation, \(W_{i}\) is the weight of convolution kernel, \(\otimes\) is convolution calculation, \(b_{i}\) is node bias, and \(f(^{{}} )\) is activation function. After convolution operation, \(C_{i}\) enters the sampling layer for dimensionality reduction. The characteristic obtained by sampling is \(S_{i}\):
$$S_{i} = {\text{pooling}}\left( {H_{i} } \right).$$
(7)
After feature extraction of the image, the feature vector is input into the classifier for classification. The probability distribution of completing the input image for each category is (\(n\) represents the category index):
$$l{(}W,b{)} = \frac{1}{N}\sum\limits_{n = 1}^{N} {{(}Y{(}n{)} - Y^{ * } {(}n{))}^{{2}} }.$$
(8)
According to the output value and the actual situation, the loss function is constructed, and the L2-regularization is added to prevent over fitting. The equation is (\(\lambda\) is the weight attenuation coefficient):
$$L{(}W,b{)} = \frac{1}{N}\sum\limits_{n = 1}^{N} {{(}Y{(}n{)} - Y^{ * } {(}n{))}^{{2}} } + \frac{\lambda }{2}W^{T} W.$$
(9)
To improve the recognition effect of DBN and CNN on remote sensing images, two deep learning algorithms are applied to establish landslide monitoring model based on spectral characteristics and spatial information of remote sensing satellite images. The influence factors of landslides are regarded as constraints, and the detection accuracy of landslides is used as the evaluation criteria. The performance of the two landslide monitoring models is analyzed. The two models adopt different processing flows, and Fig. 3 shows the workflow.

3.2 The proposed model

(1) Landslide monitoring model based on DBN. In order to improve the detection of remote sensing image, landslide influence factors are taken as restraint conditions and combined with DBN to construct landslide detection model. The dimension of remote sensing data is reduced by using the algorithm, and the principal component information is selected as the input. The constrained DBN model is shown in Fig. 4.
First, the preprocessed remote sensing image is input into DBN. The equation of the first layer restricted Boltzmann machine is as follows:
$$\vartriangle w_{ij} = \eta \left( {\left\langle {S_{{{\text{nor}}.i}} F_{j} } \right\rangle_{{{\text{Pixel}}}} - \left\langle {S_{{{\text{nor}}.i}} F_{j} } \right\rangle_{{{\text{feature}}}} } \right)$$
(10)
$$\vartriangle a_{i} = \eta \left( {\left\langle {S_{{{\text{nor}}.i}} } \right\rangle_{{{\text{Pixel}}}} - \left\langle {S_{{{\text{nor}}.i}} } \right\rangle_{{{\text{feature}}}} } \right)$$
(11)
$$\vartriangle b_{j} = \eta \left( {\left\langle {F_{j} } \right\rangle_{{{\text{Pixel}}}} - \left\langle {F_{j} } \right\rangle_{{{\text{feature}}}} } \right).$$
(12)
The domain spectral vector is used as input (\(n\) is the domain size and \(z\) is the principal component number).
$$Q_{n \times n} = {\text{rank}}_{z} {\text{(PCA(}}M{))}$$
(13)
$$I_{l \times n} = {\text{FLOAT(}}Q{)}.$$
(14)
The feature vector input to the classifier is \(L = \left[ {F,O,C} \right]\). Back-propagation algorithm is used to adjust the network parameters, and \(J{(}W^{l,} b^{l}_{y} ,b^{l}_{z} {)}\) is the error function [3235].
$$W^{l} = W^{l} - \eta \frac{{J{(}W^{l,} b^{l}_{y} ,b^{l}_{z} {)}}}{{\partial W^{l} }}$$
(15)
$$b^{l}_{y} = b^{l}_{y} - \eta \frac{{J{(}W^{l,} b^{l}_{y} ,b^{l}_{z} {)}}}{{\partial b^{l}_{y} }}$$
(16)
$$b^{l}_{z} = b^{l}_{z} - \eta \frac{{J{(}W^{l,} b^{l}_{y} ,b^{l}_{z} {)}}}{{\partial b^{l}_{z} }}.$$
(17)
(2) Landslide monitoring model based on CNN. CNN has good performance in extracting large-scale image information. Therefore, under the constraint conditions, a dual depth detection model convolutional neural-deep belief network (CDN) of CNN and DBN is established. After being processed by DBN and CNN, the input data is combined into a vector and input into the classifier [36]. The process of model checking is shown in Fig. 5.
In the CDN model, DBN is the same as the previous processing method. The output characteristic matrix of CNN is as follows:
$$F_{i} = f{(}W_{i} \otimes Q + b_{i} {)}.$$
(18)
Then, it needs to sample and output to the classifier. The equations are:
$$F_{i + 1} = {\text{pooling}}\left( {F_{i} } \right)$$
(19)
$$Y{(}n{)} = P{(}L = l_{n} |F,{(}W,b{))}.$$
(20)
The equation for establishing CNN is as follows:
$$l{(}W,b{)} = \frac{1}{N}\sum\limits_{n = 1}^{N} {{(}Y{(}n{)} - Y^{ * } {(}n{))}^{{2}} }.$$
(21)

3.3 The parameters setting

The experimental data are high-resolution remote sensing images within 60 km of the landslide area of Jinsha River. Among them, 300 landslides images obtained by remote sensing satellites are used as the training set of the model, and 100 hybrid satellite images (20 non-landslide images) are used as the test set for target detection. Tables 1 and 2 give the parameter settings of DBN and CNN, respectively. Table 3 shows the hardware and software environments in this exploration.
Table 1
DBN parameter setting
 
Number of layers
Number of neurons
Tradeoff parameters
Sparsity constant
Number of iterations
DBN
3
100
0.3
0.2
500
Table 2
CNN parameter setting
 
Number of layers
Convolution kernel size
Learning rate
Number of neurons
CNN
4
3X3
0.1
100
Table 3
Experimental hardware and software environment
Hardware environments
Intel Xeon E5-2640 v4 @2.40 GHz
NVIDIA TITANX (pascal)
256 GB of RAM
 
Software environments
Ubuntu 14.04
Python 2.7
NVIDIA CUDA 7.5
cuDNN 5.1

4 Results and analysis

4.1 Parameter determination

The restricted Boltzmann machine can extract feature information after training, but the number of neurons will affect the extracted data, resulting in data errors. Therefore, it is necessary to make quantitative judgment on the obtained data. The number of hidden neurons in the restricted Boltzmann machine is set to 10, 50, 100, 150 and 200, and the comparative experiment is carried out. The results are shown in Fig. 6.
As can be seen from Fig. 6, with the increase in the number of neurons, the overall error first decreases and then increases. When the number of neurons is 100, the overall error is the smallest. Therefore, the number of neurons in DBN is selected as 100. The depth of DBN has an impact on the extraction of remote sensing image data, and a part of data will be lost in every layer of network. Therefore, it is necessary to verify the error of different network layers, increase the network layer by layer, and record the classification error, as shown in Fig. 7.
As can be seen from Fig. 7, DBN shows high accuracy in classification of remote sensing images. Moreover, with the increase in the number of layers, the classification error first decreases and then increases under different learning rates. However, when the number of layers is 3, the classification error can always reach the minimum. This also shows that in deep learning, it is not the more layers, the better the learning effect, so it is necessary to choose the appropriate number of layers in different situations.

4.2 Experimental results and performance evaluation

The extraction effect of the two detection models, DBN and CDN, is compared with that of the traditional spectral angle mapper (SAM), spectral information divergence (SID) method, and support vector machine (SVM) algorithm. The detection results of the algorithm are described by using the overall accuracy and landslide detection accuracy. Figure 8 shows the results.
Figure 8 shows that the overall detection accuracy and landslide detection accuracy of CDN algorithm and DBN algorithm are higher than those of other algorithms. The overall accuracy of CDN is 96.02%, which is higher than 94.67% of DBN, indicating that CDN has more advantages in detecting landslide characteristics. However, when the landslide influence factors are added as constraints, the accuracy of landslide detection based on CDN and DBN are 97.63% and 97.56%, respectively. The detection accuracy of the two methods is similar, and both of them are higher than the accuracy without constraints. Fragmentation can lead to wrong information. The fragmentation degree of DBN is 9.02 and that of CDN is 8.89, which shows that DBN and CDN have good effect on image feature extraction, and the loss of remote sensing image information is less.
To sum up, the model parameters and detection results of the two landslide detection models based on DBN and CNN are analyzed when processing remote sensing images. The results show that the accuracy of the two algorithms in landslide detection of remote sensing images is equivalent, both of them can reach more than 97%, and the detection effect of CDN is more accurate. Compared with the landslide detection effect of dynamic network model [37] (error rate is 0.01), the recognition effect is poor, but the model designed in this exploration can identify large-scale landslide phenomenon, while the dynamic network model only detects 15 m landslide phenomenon, so the model designed in this exploration has a better application range.

5 Conclusion

In order to monitor and study the high-level landslides in Jinsha River, two landslide detection models, DBN and CDN, are constructed based on DBN and CNN to analyze the images of remote sensing satellites, so as to realize the emergency monitoring of high-level landslide disasters in Jinsha River. First of all, the factors that lead to landslides are combined with remote sensing images, and the landslide factors are transformed into landslide image factors, which provides data basis for the application of deep learning algorithm. Then, two landslide detection models, DBN and CDN, are established based on DBN and CNN, and the landslide influence factors are combined into the model as constraints. The results show that in processing remote sensing images, the accuracy of landslide detection models DBN and CDN can reach more than 97%, which has high feasibility. However, there are still some deficiencies in this exploration. The deep learning algorithm can extract the features of remote sensing images, and the landslide phenomenon exists in local areas, so it will affect the accuracy of landslide detection. In the follow-up experiments, it will expand the dataset used in network training, provide more accurate landslide dataset, and improve the detection effect of the algorithm.

Acknowledgements

This work was supported by Scientific Research Fund Project of Yunnan Provincial Department of Education “Earthquake relief asymmetric information game dynamics model in complicated landforms.”

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Literatur
1.
Zurück zum Zitat Prakash N, Manconi A, Loew S (2020) Mapping landslides on EO data, pp. Performance of deep learning models vs. traditional machine learning models. Remote Sens 12(3):346CrossRef Prakash N, Manconi A, Loew S (2020) Mapping landslides on EO data, pp. Performance of deep learning models vs. traditional machine learning models. Remote Sens 12(3):346CrossRef
2.
Zurück zum Zitat Yu B, Chen F, Xu C (2020) Landslide detection based on contour-based deep learning framework in case of national scale of Nepal in 2015. Comput Geosci 135:104388CrossRef Yu B, Chen F, Xu C (2020) Landslide detection based on contour-based deep learning framework in case of national scale of Nepal in 2015. Comput Geosci 135:104388CrossRef
3.
Zurück zum Zitat Huang Q, Wang C, Meng Y et al (2019) Landslide monitoring using change detection in multitemporal optical imagery. IEEE Geosci Remote Sens Lett 17(2):312–316CrossRef Huang Q, Wang C, Meng Y et al (2019) Landslide monitoring using change detection in multitemporal optical imagery. IEEE Geosci Remote Sens Lett 17(2):312–316CrossRef
4.
Zurück zum Zitat Zhong C, Liu Y, Gao P et al (2020) Landslide mapping with remote sensing, pp. challenges and opportunities. Int J Remote Sens 41(4):1555–1581CrossRef Zhong C, Liu Y, Gao P et al (2020) Landslide mapping with remote sensing, pp. challenges and opportunities. Int J Remote Sens 41(4):1555–1581CrossRef
5.
Zurück zum Zitat Xiao L, Zhang Y, Peng G (2018) Landslide susceptibility assessment using integrated deep learning algorithm along the China-Nepal highway. Sensors 18(12):4436CrossRef Xiao L, Zhang Y, Peng G (2018) Landslide susceptibility assessment using integrated deep learning algorithm along the China-Nepal highway. Sensors 18(12):4436CrossRef
6.
Zurück zum Zitat Yao Y, Jiang Z, Zhang H et al (2019) On-board ship detection in micro-nano satellite based on deep learning and COTS component. Remote Sens 11(7):762CrossRef Yao Y, Jiang Z, Zhang H et al (2019) On-board ship detection in micro-nano satellite based on deep learning and COTS component. Remote Sens 11(7):762CrossRef
7.
Zurück zum Zitat Maxwell AE, Pourmohammadi P, Poyner JD (2020) Mapping the Topographic Features of Mining-Related Valley Fills Using Mask R-CNN Deep Learning and Digital Elevation Data. Remote Sens 12(3):547CrossRef Maxwell AE, Pourmohammadi P, Poyner JD (2020) Mapping the Topographic Features of Mining-Related Valley Fills Using Mask R-CNN Deep Learning and Digital Elevation Data. Remote Sens 12(3):547CrossRef
8.
Zurück zum Zitat Lu H, Ma L, Fu X et al (2020) Landslides information extraction using object-oriented image analysis paradigm based on deep learning and transfer learning. Remote Sens 12(5):752CrossRef Lu H, Ma L, Fu X et al (2020) Landslides information extraction using object-oriented image analysis paradigm based on deep learning and transfer learning. Remote Sens 12(5):752CrossRef
9.
Zurück zum Zitat Ji M, Liu L, Du R et al (2019) A comparative study of texture and convolutional neural network features for detecting collapsed buildings after earthquakes using pre-and post-event satellite imagery. Remote Sens 11(10):1202CrossRef Ji M, Liu L, Du R et al (2019) A comparative study of texture and convolutional neural network features for detecting collapsed buildings after earthquakes using pre-and post-event satellite imagery. Remote Sens 11(10):1202CrossRef
10.
Zurück zum Zitat Hua Y, Wang X, Li Y et al (2020) Dynamic development of landslide susceptibility based on slope unit and deep neural networks. Landslides 1:1–22 Hua Y, Wang X, Li Y et al (2020) Dynamic development of landslide susceptibility based on slope unit and deep neural networks. Landslides 1:1–22
11.
Zurück zum Zitat Seydi ST, Hasanlou M, Amani M (2020) A New End-to-End Multi-Dimensional CNN Framework for Land Cover/Land Use Change Detection in Multi-Source Remote Sensing Datasets. Remote Sens 12(12):2010CrossRef Seydi ST, Hasanlou M, Amani M (2020) A New End-to-End Multi-Dimensional CNN Framework for Land Cover/Land Use Change Detection in Multi-Source Remote Sensing Datasets. Remote Sens 12(12):2010CrossRef
12.
Zurück zum Zitat Liu Y, Wu L (2018) High Performance Geological Disaster Recognition Using Deep Learning. Procedia comp sci 139:529–536CrossRef Liu Y, Wu L (2018) High Performance Geological Disaster Recognition Using Deep Learning. Procedia comp sci 139:529–536CrossRef
13.
Zurück zum Zitat Ye C, Li Y, Cui P et al (2019) Landslide Detection of Hyperspectral Remote Sensing Data Based on Deep Learning with Constrains. IEEE J Sel Top Appl Earth Obs Remote Sens 12(12):5047–5060CrossRef Ye C, Li Y, Cui P et al (2019) Landslide Detection of Hyperspectral Remote Sensing Data Based on Deep Learning with Constrains. IEEE J Sel Top Appl Earth Obs Remote Sens 12(12):5047–5060CrossRef
14.
Zurück zum Zitat Liu P, Wei Y, Wang Q et al (2020) Research on Post-Earthquake Landslide Extraction Algorithm Based on Improved U-Net Model. Remote Sens 12(5):894CrossRef Liu P, Wei Y, Wang Q et al (2020) Research on Post-Earthquake Landslide Extraction Algorithm Based on Improved U-Net Model. Remote Sens 12(5):894CrossRef
15.
Zurück zum Zitat Wang W, Zhang C, Li F et al (2020) Extracting Soil Moisture from Fengyun-3D Medium Resolution Spectral Imager-II Imagery by Using a Deep Belief Network. J Meteorol Res 34(4):748–759CrossRef Wang W, Zhang C, Li F et al (2020) Extracting Soil Moisture from Fengyun-3D Medium Resolution Spectral Imager-II Imagery by Using a Deep Belief Network. J Meteorol Res 34(4):748–759CrossRef
16.
Zurück zum Zitat Samadi F, Akbarizadeh G, Kaabi H (2019) Change detection in SAR images using deep belief network: a new training approach based on morphological images. IET Image Proc 13(12):2255–2264CrossRef Samadi F, Akbarizadeh G, Kaabi H (2019) Change detection in SAR images using deep belief network: a new training approach based on morphological images. IET Image Proc 13(12):2255–2264CrossRef
17.
Zurück zum Zitat Liu T, Abd-Elrahman A, Morton J et al (2018) Comparing fully convolutional networks, random forest, support vector machine, and patch-based deep convolutional neural networks for object-based wetland mapping using images from small unmanned aircraft system. GISci remote sens 55(2):243–264CrossRef Liu T, Abd-Elrahman A, Morton J et al (2018) Comparing fully convolutional networks, random forest, support vector machine, and patch-based deep convolutional neural networks for object-based wetland mapping using images from small unmanned aircraft system. GISci remote sens 55(2):243–264CrossRef
18.
Zurück zum Zitat Lu P, Qin Y, Li Z et al (2019) Landslide mapping from multi-sensor data through improved change detection-based Markov random field. Remote Sens Environ 231:111235CrossRef Lu P, Qin Y, Li Z et al (2019) Landslide mapping from multi-sensor data through improved change detection-based Markov random field. Remote Sens Environ 231:111235CrossRef
19.
Zurück zum Zitat Bianchini S, Raspini F, Ciampalini A et al (2017) Mapping landslide phenomena in landlocked developing countries by means of satellite remote sensing data, pp the case of Dilijan (Armenia) area. Geomat, Nat Hazards Risk 8(2):225–241CrossRef Bianchini S, Raspini F, Ciampalini A et al (2017) Mapping landslide phenomena in landlocked developing countries by means of satellite remote sensing data, pp the case of Dilijan (Armenia) area. Geomat, Nat Hazards Risk 8(2):225–241CrossRef
20.
Zurück zum Zitat Chen T, Trinder JC, Niu R (2017) Object-oriented landslide mapping using ZY-3 satellite imagery, random forest and mathematical morphology, for the Three-Gorges Reservoir, China. Remote sens 9(4):333CrossRef Chen T, Trinder JC, Niu R (2017) Object-oriented landslide mapping using ZY-3 satellite imagery, random forest and mathematical morphology, for the Three-Gorges Reservoir, China. Remote sens 9(4):333CrossRef
21.
Zurück zum Zitat Peng D, Zhang Y, Guan H (2019) End-to-end change detection for high resolution satellite images using improved unet++. Remote Sens 11(11):1382CrossRef Peng D, Zhang Y, Guan H (2019) End-to-end change detection for high resolution satellite images using improved unet++. Remote Sens 11(11):1382CrossRef
22.
Zurück zum Zitat Ji S, Yu D, Shen C et al (2020) Landslide detection from an open satellite imagery and digital elevation model dataset using attention boosted convolutional neural networks. Landslides 17:1337–1352CrossRef Ji S, Yu D, Shen C et al (2020) Landslide detection from an open satellite imagery and digital elevation model dataset using attention boosted convolutional neural networks. Landslides 17:1337–1352CrossRef
23.
Zurück zum Zitat Chen Z, Zhang Y, Ouyang C et al (2018) Automated landslides detection for mountain cities using multi-temporal remote sensing imagery. Sensors 18(3):821CrossRef Chen Z, Zhang Y, Ouyang C et al (2018) Automated landslides detection for mountain cities using multi-temporal remote sensing imagery. Sensors 18(3):821CrossRef
24.
Zurück zum Zitat Chang Z, Du Z, Zhang F et al (2020) Landslide susceptibility prediction based on remote sensing images and gis, pp. Comparisons of supervised and unsupervised machine learning models. Remote Sens 12(3):502CrossRef Chang Z, Du Z, Zhang F et al (2020) Landslide susceptibility prediction based on remote sensing images and gis, pp. Comparisons of supervised and unsupervised machine learning models. Remote Sens 12(3):502CrossRef
25.
Zurück zum Zitat Song D, Tan X, Wang B et al (2020) Integration of super-pixel segmentation and deep-learning methods for evaluating earthquake-damaged buildings using single-phase remote sensing imagery. Int J Remote Sens 41(3):1040–1066CrossRef Song D, Tan X, Wang B et al (2020) Integration of super-pixel segmentation and deep-learning methods for evaluating earthquake-damaged buildings using single-phase remote sensing imagery. Int J Remote Sens 41(3):1040–1066CrossRef
26.
Zurück zum Zitat Huang F, Chen L, Yin K et al (2018) Object-oriented change detection and damage assessment using high-resolution remote sensing images, Tangjiao landslide, Three Gorges Reservoir, China. Environ earth sci 77(5):183CrossRef Huang F, Chen L, Yin K et al (2018) Object-oriented change detection and damage assessment using high-resolution remote sensing images, Tangjiao landslide, Three Gorges Reservoir, China. Environ earth sci 77(5):183CrossRef
27.
Zurück zum Zitat Huang J, Xie M, Farooq A et al (2019) DInSAR technique for slow-moving landslide monitoring based on slope units. Surv rev 51(364):70–77CrossRef Huang J, Xie M, Farooq A et al (2019) DInSAR technique for slow-moving landslide monitoring based on slope units. Surv rev 51(364):70–77CrossRef
28.
Zurück zum Zitat Zhuo L, Dai Q, Han D et al (2019) Evaluation of remotely sensed soil moisture for landslide hazard assessment. IEEE J Sel Topics Appl Earth Obs Remote Sens 12(1):162–173CrossRef Zhuo L, Dai Q, Han D et al (2019) Evaluation of remotely sensed soil moisture for landslide hazard assessment. IEEE J Sel Topics Appl Earth Obs Remote Sens 12(1):162–173CrossRef
29.
Zurück zum Zitat Brunetti MT, Melillo M, Peruccacci S et al (2018) How far are we from the use of satellite rainfall products in landslide forecasting. Remote Sens Environ 210:65–75CrossRef Brunetti MT, Melillo M, Peruccacci S et al (2018) How far are we from the use of satellite rainfall products in landslide forecasting. Remote Sens Environ 210:65–75CrossRef
30.
Zurück zum Zitat DeLancey ER, Simms JF, Mahdianpari M et al (2020) Comparing deep learning and shallow learning for large-scale wetland classification in Alberta, Canada. Remote Sens 12(1):2CrossRef DeLancey ER, Simms JF, Mahdianpari M et al (2020) Comparing deep learning and shallow learning for large-scale wetland classification in Alberta, Canada. Remote Sens 12(1):2CrossRef
31.
Zurück zum Zitat Luti T, Segoni S, Catani F et al (2020) Integration of remotely sensed soil sealing data in landslide susceptibility mapping. Remote Sens 12(9):1486CrossRef Luti T, Segoni S, Catani F et al (2020) Integration of remotely sensed soil sealing data in landslide susceptibility mapping. Remote Sens 12(9):1486CrossRef
32.
Zurück zum Zitat Lai JS, Tsai F (2019) Improving GIS-based landslide susceptibility assessments with multi-temporal remote sensing and machine learning. Sensors 19(17):3717CrossRef Lai JS, Tsai F (2019) Improving GIS-based landslide susceptibility assessments with multi-temporal remote sensing and machine learning. Sensors 19(17):3717CrossRef
33.
Zurück zum Zitat Moayedi H, Tien Bui D, Kok FL (2019) Slope stability monitoring using novel remote sensing based fuzzy logic. Sensors 19(21):4636CrossRef Moayedi H, Tien Bui D, Kok FL (2019) Slope stability monitoring using novel remote sensing based fuzzy logic. Sensors 19(21):4636CrossRef
34.
Zurück zum Zitat Wang HJ, Zhou Y, Wang SX et al (2020) Application of remote sensing big data for rapid respond to landslide lake disaster monitor. Int Arch Photogrammetry, Remote Sens Spatial Inf Sci 42:37–43CrossRef Wang HJ, Zhou Y, Wang SX et al (2020) Application of remote sensing big data for rapid respond to landslide lake disaster monitor. Int Arch Photogrammetry, Remote Sens Spatial Inf Sci 42:37–43CrossRef
35.
Zurück zum Zitat Holloway J, Mengersen K (2018) Statistical machine learning methods and remote sensing for sustainable development goals: a review. Remote Sens 10(9):1365CrossRef Holloway J, Mengersen K (2018) Statistical machine learning methods and remote sensing for sustainable development goals: a review. Remote Sens 10(9):1365CrossRef
36.
Zurück zum Zitat Ainiwaer M, Ding J, Kasim N (2020) Deep learning-based rapid recognition of oasis-desert ecotone plant communities using UAV low-altitude remote-sensing data. Environ Earth Sci 79:1–11CrossRef Ainiwaer M, Ding J, Kasim N (2020) Deep learning-based rapid recognition of oasis-desert ecotone plant communities using UAV low-altitude remote-sensing data. Environ Earth Sci 79:1–11CrossRef
37.
Zurück zum Zitat Aggarwal A, Mohammed A, Kumar A, Osama A, Sharma P, Pardasani KR (2020) Landslide data analysis using various time-series forecasting models. Comput Electr Eng 88:106858CrossRef Aggarwal A, Mohammed A, Kumar A, Osama A, Sharma P, Pardasani KR (2020) Landslide data analysis using various time-series forecasting models. Comput Electr Eng 88:106858CrossRef
Metadaten
Titel
The use of remote sensing satellite using deep learning in emergency monitoring of high-level landslides disaster in Jinsha River
verfasst von
Leijin Long
Feng He
Hongjiang Liu
Publikationsdatum
26.01.2021
Verlag
Springer US
Erschienen in
The Journal of Supercomputing / Ausgabe 8/2021
Print ISSN: 0920-8542
Elektronische ISSN: 1573-0484
DOI
https://doi.org/10.1007/s11227-020-03604-4

Weitere Artikel der Ausgabe 8/2021

The Journal of Supercomputing 8/2021 Zur Ausgabe