Next Article in Journal
Time-Efficient Path Planner in 3D Obstacle-Rich Environments Considering the Maximum Turn Rate of a Fixed-Wing Aerial Vehicle
Previous Article in Journal
Enhancing Recognition Memory in Virtual Memory Palaces Using Worlds-in-Miniature
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multiscale Feature Modeling and Interpretability Analysis of the SHAP Method for Predicting the Lifespan of Landslide Dams

1
College of Letters and Science, University of California, Los Angeles, CA 90095, USA
2
School of Environment, Education and Development, The University of Manchester, Manchester M13 9PL, UK
3
School of Resources and Safety Engineering, Central South University, Changsha 410083, China
*
Authors to whom correspondence should be addressed.
Appl. Sci. 2025, 15(5), 2305; https://doi.org/10.3390/app15052305
Submission received: 26 January 2025 / Revised: 15 February 2025 / Accepted: 19 February 2025 / Published: 21 February 2025
(This article belongs to the Section Civil Engineering)

Abstract

:
Landslide dams, formed by natural disasters or human activities, pose significant challenges for lifespan prediction, which is crucial for effective water conservancy management and disaster prevention. This study proposes a hybrid CNN–Transformer model optimized using the Improved Black-Winged Kite Algorithm (IBKA) aimed at improving the accuracy of landslide dam lifespan prediction by combining local feature extraction with global dependency modeling. The model integrates CNN’s local feature extraction with Transformer’s global modeling capabilities, effectively capturing the nonlinear dynamics of key parameters affecting landslide dam lifespan. The IBKA ensures optimal parameter tuning, which enhances the model’s adaptability and generalization, especially when dealing with small-sample datasets. Experiments utilizing multi-source heterogeneous datasets compare the proposed model with traditional machine learning and deep-learning approaches, including LightGBM, MLP, SVR, CNN–Transformer, and BKA–CNN–Transformer. The results show that the IBKA–CNN–Transformer achieves R2 values of 0.99 on training data and 0.98 on testing data, surpassing the baseline methods. Moreover, SHapley Additive exPlanations analysis quantifies the influence of critical features such as dam length, reservoir capacity, and upstream catchment area on lifespan prediction, improving model interpretability. This approach not only provides scientific insights for risk assessment and decision making in landslide dam management but also demonstrates the potential of deep learning and optimization algorithms in broader geological disaster management applications.

1. Introduction

Landslide dams, formed by natural disasters (e.g., earthquakes, landslides) [1,2,3] or human activities, possess unique formation mechanisms and complex internal structures. While they play crucial roles in water resource utilization, ecological protection, and disaster prevention, their stability and longevity are influenced by multiple factors [4,5], including dam material properties, environmental conditions, and hydrological variations. The failure or breach of landslide dams can trigger catastrophic floods [6], severely threatening downstream communities’ lives and property [7,8]. Therefore, accurate prediction of landslide dam longevity is vital for hydraulic engineering management, disaster prevention, and risk assessment [9,10,11].
Traditional stability analyses of landslide dams primarily rely on empirical formulas or numerical simulation methods [12], which typically conduct univariate or multivariate analyses based on geometric characteristics, material composition, or river hydrological conditions. Wu et al. [13] investigated the three-dimensional geometric evolution and influencing factors of landslide dams using Smoothed Particle Hydrodynamics (SPH), developing a predictive model for rapid dam scale calculation. Zhong et al. [14] studied dam failure mechanisms through the Tangjiashan landslide dam case and model experiments, developing a numerical model for overtopping-induced failures to precisely simulate water–soil coupling processes and breach evolution. Bout et al. [15] developed an event-based physical model for the unified simulation of earthquake-induced landslides, multi-hazard chains, and subsequent processes, achieving significant progress in multi-hazard chain simulation applicability. However, due to the heterogeneity and dynamic evolution of landslide dam formation environments, these methods show significant limitations in handling data complexity and uncertainty, often requiring extensive field monitoring data and complex modeling processes, increasing prediction costs and difficulties.
Recent advances in artificial intelligence have introduced new solutions for landslide dam longevity prediction. AI-based models demonstrate powerful modeling potential by analyzing large-scale historical data and uncovering nonlinear relationships between longevity and key parameters. Shan et al. [16] developed a novel method for rapid stability prediction using logistic regression, incorporating morphological characteristics, grain size composition, and upstream lake hydrodynamic conditions, validating its rationality through comparison with typical methods. Shi et al. [17] constructed a global landslide dam case database and utilized XGBoost models to predict stability, addressing missing data prediction challenges. Wu et al. [18] developed a Random Forest model based on geometric parameters and attribute characteristics to predict landslide dam longevity, significantly improving prediction accuracy. Liu et al. [19] studied landslide displacement prediction in the Three Gorges Dam region, comparing LSTM, Random Forest (RF), and GRU algorithms across different landslide types, with results indicating LSTM and GRU algorithms performed best in predicting step-type landslide displacements. Shi et al. [20] developed classification and regression models based on numerous landslide dam cases, providing crucial support for longevity assessment and prediction through high-precision predictions and key factor analysis. Ermini et al. [21] proposed the dimensionless blockage index as a geomorphological tool for the accurate assessment of landslide dam behavior and stability, providing a scientific basis for reducing upstream inundation risks and downstream breach flood risks. Dong et al. [22] developed a model for predicting landslide dam failure probability based on Japanese datasets, validating the model’s reliability through multiple earthquake and typhoon-induced cases, providing important references for risk assessment and disaster response. Ni et al. [23] predicted landslide displacement rates in China’s Baihetan Reservoir area using progressive deep learning and AdaBoost ensemble algorithms, demonstrating significantly improved prediction accuracy.
Although these studies have enriched the theoretical research on landslide dams, several challenges remain in longevity prediction. The diverse influencing factors of landslide dam longevity, such as geological conditions, dam materials, hydrological characteristics, and climate change, pose higher requirements for model feature extraction capabilities due to their complex interactions. Traditional deep-learning models often overfit on small datasets, limiting their adaptability to diverse scenarios. Moreover, deep-learning models are often viewed as “black boxes”, making it difficult to provide specific feature contributions and prediction rationales, limiting their practical engineering applications due to this lack of interpretability. Addressing these current research challenges, this paper proposes a hybrid IBKA–CNN–Transformer model. This model retains CNN’s advantages in local feature extraction while incorporating Transformer’s powerful global feature modeling and long-distance dependency capture capabilities, effectively addressing the modeling challenges of complex multidimensional features in landslide dam longevity prediction. Furthermore, the introduction of optimization algorithms for parameter tuning enhances the model’s adaptability and generalization capabilities under small-sample conditions. To validate model effectiveness, comprehensive experimental studies were conducted based on multi-source heterogeneous landslide dam longevity datasets, evaluating the framework’s performance in multidimensional feature input regression prediction tasks. The experimental outcomes illustrate that the model put forward remarkably surpasses the current methods in terms of prediction performance and robustness. It reveals great potential in the longevity prediction of complex systems. Additionally, this paper employs SHAP methods to interpret model outputs, quantifying feature contributions to prediction results, thereby significantly enhancing model transparency and reliability. This not only helps improve the model’s practical application value but also supports engineering managers in identifying key influencing factors and developing targeted management strategies.
This research not only provides theoretical references for innovative applications of deep-learning technology in complex system modeling but also pioneers new approaches in landslide dam longevity prediction, offering reliable tools for safety management, risk assessment, and disaster warning. The reliability of the proposed model is assessed based on its predictive performance on a separate test set. To further validate its robustness, we compared the model’s performance with baseline methods, including traditional machine-learning models (SVR, MLP, LightGBM) and deep-learning models (CNN–Transformer, BKA–CNN–Transformer). The model achieved R2 values of 0.99 for the training set and 0.98 for the test set. Additionally, SHAP-based feature importance analysis was conducted to enhance the model’s interpretability, providing a deeper understanding of its decision-making process. Meanwhile, the proposed model and methods demonstrate strong generalizability, applicable to engineering problems in other complex geological environments, providing theoretical foundations and practical support for the development of intelligent prediction technologies, with significant implications for both scientific research and engineering practice.

2. Method

2.1. SVR

Support Vector Regression (SVR) fundamentally operates by finding an optimal hyperplane through support vectors within a given dataset, minimizing the deviation between predicted and actual values [24]. SVR’s strong generalization capability makes it suitable for handling high-dimensional data and nonlinear regression problems.
SVR employs an δ -insensitive loss function to constrain error ranges, ensuring small errors do not impact model optimization. The following is the specific definition:
L ( z , g ( x ) ) = 0 if   z g ( x ) δ z g ( x ) if   z g ( x ) > δ
where δ represents the allowable error range.
The optimization objective of SVR is to minimize both model complexity and total loss exceeding the error range:
min v , c , η , η 1 2 v 2 + D j = 1 m ( η j + η j )
where v is the model weight vector; η j and η j are slack variables representing errors exceeding δ ; and D is the regularization parameter controlling the trade-off between model complexity and error.
It is subject to the following constraints:
z j ( v T ψ ( x j ) + c ) δ + η j ( v T ψ ( x j ) + c ) z j δ + η j η j , η j 0
Through the kernel function Q ( x i , x k ) = ψ ( x i ) T ψ ( x k ) , the optimization problem can be transformed into its dual form,
max β , β ( 1 2 i , k = 1 m ( β i β i ) Q ( x i , x k ) + i = 1 m ( β i β i ) z i δ i = 1 m ( β i + β i ) )
subject to the following constraints:
i = 1 m ( β i β i ) = 0 0 β i , β i D
The final regression prediction function is as follows, where the key parameters are determined by the optimization process:
g ( x ) = i = 1 m ( β i β i ) Q ( x i , x ) + c
where β i and β i are Lagrange multipliers obtained by optimization.

2.2. LightGBM

Light Gradient Boosting Machine (LightGBM) is an improved Gradient Boosting Decision Tree (GBDT) framework characterized by high training efficiency, low memory footprint, and excellent prediction accuracy [25]. The framework dramatically improves the training efficiency and resource utilization of the model through innovative techniques such as leaf-wise splitting strategy (leaf-wise), histogram optimization, gradient one-sided sampling (GOSS), and mutually exclusive feature bundling (EFB).
LightGBM significantly reduces computational complexity by fitting residuals to approximate the objective function at each iteration, and it adopts feature discretization and sample optimization strategies to build efficient and powerful integrated models. During the model construction process, LightGBM is based on a decision tree that integrates multiple weak learners into one strong learner to improve the overall prediction performance. Here is the core formula:
Z n ( x ) = Z n 1 ( x ) + η · h n ( x )
where Z n ( x ) denotes the predicted value of the n th round, η is the learning rate, and h n ( x ) is the weak learner of the current round.

2.3. MLP

The Multi-Layer Perceptron, commonly abbreviated as MLP, falls into the type of feed-forward neural networks, which is one of the most basic models in deep learning [26]. The model mainly consists of input, hidden, and output layers.
Through forward propagation, the MLP calculates the activation values of the hidden layer, layer by layer:
a ( n ) = σ ( W ( n ) a ( n 1 ) + b ( n ) )
where σ is the activation function and W ( n ) and b ( n ) denote the weight matrix and bias vector, respectively.
To optimize the model, the MLP employs the mean square error (MSE) loss function to assess the error between the predicted and true values, and it updates the weights and biases by calculating the gradient through a back-propagation algorithm. The update formula is as follows:
W ( n ) = W ( n ) η · L W ( n )
where η is the learning rate.

2.4. Transformer

The Transformer model is an advanced deep-learning framework that utilizes the self-attention mechanism, originally developed for sequence-to-sequence tasks. However, its sophisticated properties render it highly suitable for a broad spectrum of applications. The model is composed of two primary components: an encoder and a decoder [27,28]. The principle of the model is as follows:

2.4.1. Embedding Position and Position Encoding

Since the Transformer does not have recursive properties, it is necessary to introduce information about the order of each element in the input sequence through position encoding. For the input vector X , it is passed through the embedding layer to obtain the vector E ( X ) , and then superimposed with the position encoding P E to obtain the final input vector:
Z o = E ( X ) + P E
The position encoding uses sine and cosine functions, as in the following equation:
P E ( p o s , 2 i ) = sin ( p o s 1000 2 i / d m o d e l )
P E ( p o s , 2 i + 1 ) = cos ( p o s 1000 2 i / d m o d e l )
where p o s is the position index, i is the dimension index, and d m o d e l is the dimension of the embedding vector.

2.4.2. Multi-Head Attention Mechanism

The multi-head self-attention mechanism is at the heart of Transformer and is used to capture relationships between input vectors. For the input matrix Z R n × d m o d e l (containing n input vectors), the attention value is calculated as follows.
Q = Z W Q
K = Z W K
V = Z W V
A t t e n t i o n ( Q , K , V ) = softmax ( Q K T d k ) V
MultHead ( Q , K , V ) = Concat ( h e a d 1 , , h e a d h ) W O
where W Q , W K , W V R d m o d e l × d k is the learnable weight matrix; Q , K , V are the query, key and value matrices, respectively; Q K T computes the click similarity between the query and the key; d k is the scaling factor to avoid large values that cause the gradient to vanish; softmax is used to normalize the weights; and h e a d i = A t t e n t i o n ( Q W i Q , K W i K , V W i V ) , W O R h d k × d m o d e l are the projection matrices.

2.4.3. Forward Fully Connected Networks

Each attention layer is followed by a forward fully connected network for further processing of features. This network contains two linearly transformed live functions:
FEN ( x ) = ReLU ( x W 1 + b 1 ) W 2 + b 2
where W 1 , W 2 , b 1 , and b 2 are learnable parameters.

2.4.4. Overall Model Output

After L layers of stacked encoders, the final hidden representation z L is obtained, and then the hidden representation is mapped to the predicted values through linear layers:
y ^ = z L W y + b y
where W y R d m o d e l × 1 and b y is the bias term.

2.4.5. Loss Function

For the regression prediction task, the root-mean-square error (RMSE) is used as the loss function,
L = 1 N i = 1 N ( y ^ i y i ) 2
where N is the number of samples, y ^ i is the predicted value, and y i is the true value.

2.5. CNN–Transformer

The convolutional neural network (CNN) is a model with high feature extraction capability [29,30] that extracts local features of the input data through convolutional layers, reduces the model complexity by using weight sharing and local connectivity, and reduces the dimensionality through pooling layers to retain key information and reduce noise. The feature extraction capability of the convolutional layer enables it to capture local correlations between input variables, the activation function introduces nonlinear mapping to enhance the model’s representation, and finally, the extracted high-dimensional features are mapped to the regression output through the full connectivity layer to achieve accurate prediction of the target variables. The model shows high efficiency and good generalization ability when dealing with multidimensional features or data with spatial distributions.
The CNN–Transformer model [31] realizes efficient modeling and prediction of complex data patterns in regression prediction. It does this by integrating the local feature extraction ability of CNN with the global modeling ability of Transformer. The CNN module first extracts local features from the input data, and then extracts the local correlation or feature interaction information and uses it for regression prediction. The Transformer module [32] uses the self-attention mechanism to capture the global dependencies among the features, thus modeling the potentially complex nonlinear relationships in the data. Ultimately, the Transformer output goes through a linear layer to complete the regression prediction. The model can efficiently process local information and fully model global features, which is suitable for regression tasks on structured or unstructured data with excellent prediction accuracy and generalization ability. The schematic diagram of the CNN–Transformer model is shown in Figure 1.

2.6. Black-Winged Kite Algorithm

The Black-Winged Kite Algorithm (BKA) is a novel meta-heuristic optimization algorithm [33] that simulates the hunting and migratory behaviors of the black-winged kite in order to solve complex optimization problems. Figure 2 depicts the schematic diagram of the algorithm.

2.6.1. Stochastic Initialization of Population Positions

Generate random individual positions in the initial solution space,
P i = L b + rand · ( U b L b )
where L b and U b are the lower and upper bounds of the search range, respectively, and rand is a random number within [0,1].

2.6.2. Hunting Behavior

The trapping behavior implements global and local search through sinusoidal and exponential functions to quickly locate potentially optimal regions:
P k , m n + 1 = P k , m n + z · ( 1 + sin ( q ) ) · P k , m n , Condition   A : c < q P k , m n + z · ( 2 q 1 ) · P k , m n , Condition   B : c q
z = 0.05 · e 2 · ( n / N ) 2
where n corresponds to the current iteration number and N corresponds to the total iteration number; q is a random number within [0,1]; c = 0.9 .

2.6.3. Migration Behavior

When the current environment is poor or food is scarce, the algorithm simulates the migratory behavior of the black-winged kite population and jumps out of the local optimal solution by selecting a new leader:
P v , w n + 1 = P v , w n + randn · ( P v , w n L w n ) , Condition   A : F v < F r P v , w n + randn · ( L w n z · P v , w n ) , Condition   B : F v F r
z = 2 · sin ( q + π / 2 )
where F v is the fitness value of the current individual, F r is the fitness value of the random individual, and L w n is the position of the current leader.

2.6.4. Optimal Value Selection

The individual with the current optimal adaptation is selected as the leader:
f min = min ( f ( P i ) )
P leader = P ( f i n d ( f min = = f ( P i ) ) )

2.7. Improved Black-Winged Kite Algorithm (IBKA)

Considering that the BKA algorithm lacks dynamic adaptation, it tends to lose the diversity of the population, and the parameters present in it are relatively fixed and lack the ability of hierarchical search. Therefore, the study proposes an IBKA algorithm, which can dramatically improve the algorithm’s global search ability, local optimization ability, and stability of the results through the dynamic adaptive mechanism, the population clustering strategy, and the dynamic migration strategy.
In comparison with traditional optimization algorithms such as the Genetic Algorithm (GA) and Particle Swarm Optimization (PSO), the IBKA offers several notable advantages. On the one hand, GA operates based on evolutionary principles, using crossover and mutation operations, which can result in a slower convergence rate and a higher chance of becoming stuck in local optima due to its reliance on predefined genetic operators. PSO, on the other hand, relies on a swarm of particles exploring the search space, but this method can suffer from premature convergence if the swarm lacks diversity, especially in complex, high-dimensional problems. In contrast, IBKA incorporates dynamic adaptation mechanisms that allow it to adjust its search process over time, enhancing its ability to explore the search space more thoroughly. The introduction of population clustering and dynamic migration strategies in IBKA further improves its robustness and avoids the pitfalls of local optima. These enhancements lead to faster convergence, higher-quality solutions, and better adaptability in complex, high-dimensional optimization problems, such as those encountered in our study. The IBKA’s superior ability to maintain diversity within the population and adaptively fine-tune the optimization process provides a clear advantage over GA and PSO in the context of solving intricate optimization problems like the one discussed in this research.

2.7.1. Initializing the Population

Similar to the original BKA, the population initialization equation is
P i = L b + rand · ( U b L b )
where L b and U b are the lower and upper bounds of the search range, respectively; rand is a random number within [0,1].

2.7.2. Adaptive Trapping Behavior

A dynamic learning rate η is introduced to dynamically adjust the trapping step size according to the number of iterations:
η = η max · ( 1 n N ) + η min · n N
The trapping behavior equation is
P k , m n + 1 = P k , m n + η · ( 1 + sin ( q ) ) · P k , m n , Condition   A : c < q P k , m n + η · ( 2 q 1 ) · P k , m n , Condition   B : c q
where η max and η min are the initial and minimum values of the learning rate, n is the current number of iterations, and N is the maximum number of iterations; the rest of the symbols have the same meaning as in the original BKA.

2.7.3. Population Clustering Strategy

The population is divided into G clusters, and individuals within each cluster use independent hunting strategies. The cluster division formula is as follows:
G j = P i   P i P leader < τ j
where τ j is the radius of the cluster; the center of the cluster is the current leader P leader .
Individuals in each cluster interact with the following information after hunting:
P j , i n + 1 = λ · P j , i n + ( 1 λ ) · P leader n
where λ is the fusion coefficient, which usually takes values in the range of [ 0.5 , 0.9 ] .

2.7.4. Dynamic Migration Strategies

Dynamically adjust the migration probability based on individual adaptation:
P migrate = F max F i F max F min + ε
The migratory behavior equation is
P v , w n + 1 = P v , w n + randn · ( P v , w n L w n ) , Condition   A : rand < P migrate P v , w n + randn · ( L w n z · P v , w n ) , Condition   B : rand P migrate
where F max and F min are the maximum and minimum fitness of the population, respectively; ε is a constant that prevents the denominator from being zero.

2.7.5. Optimal Value Selection

As in the original BKA, select the current optimal individual:
f min = min ( f ( P i ) )
P leader = P ( f i n d ( f min = = f ( P i ) ) )

2.8. CNN–Transformer Hybrid Model Based on IBKA

In order to achieve accurate predictions of weir dam life, a CNN–Transformer hybrid model based on the Improved Black-Winged Kite Optimization Algorithm (IBKA) is suggested in this study. The method combines the quantitative features of weir dams (e.g., dam height, dam width, and dam volume) and qualitative features (e.g., triggering factors and material types) to fully utilize the complementary advantages of the two types of features. The model uses CNN to extract local patterns from quantitative features and discovers intrinsic geometric patterns through convolution and pooling operations; subsequently, the Transformer module further captures the global feature interactions through the multi-head self-attention mechanism, especially the combined effects of triggering factors and material types on the lifespan.
The Improved Black-Winged Kite Algorithm (IBKA) is utilized to optimize key hyperparameters in the CNN–Transformer hybrid model, ensuring enhanced convergence efficiency and predictive performance. Specifically, IBKA fine-tunes the convolutional kernel size in the CNN component, which significantly impacts the model’s ability to extract local features. A larger kernel captures broader patterns, whereas a smaller kernel enables fine-grained feature extraction, and IBKA dynamically balances this trade-off to improve feature representation while maintaining computational efficiency. Additionally, IBKA optimizes the number of Transformer layers, a critical factor in capturing long-range dependencies and complex global interactions. While increasing the number of layers enhances the model’s capacity for learning intricate relationships, excessive layers may lead to overfitting or prolonged training time; thus, IBKA ensures an optimal depth that maximizes learning efficiency without compromising generalization. Furthermore, IBKA fine-tunes the number of attention heads, which determines the degree of parallelization in the Transformer’s multi-head attention mechanism. More attention heads enable the model to capture diverse feature relationships, particularly in high-dimensional data, but an excessive number may increase computational cost and reduce training efficiency. By systematically optimizing these hyperparameters, IBKA accelerates model convergence, improves predictive accuracy, and enhances the generalization capability of the CNN–Transformer hybrid model, allowing it to effectively capture both local and global dependencies in landslide dam lifespan prediction.
Finally, the optimized model is used for training, based on the mean square error (MSE) as the objective function, and the prediction accuracy is evaluated using the test set. The method provides an efficient and reliable solution for weir life prediction by combining the local and global feature modeling capabilities, and at the same time, demonstrates strong practicality and robustness in handling mixed feature data. The framework diagram of the intelligent prediction model used to predict weir life is shown in Figure 3.

2.9. Managing Uncertainty in Input Parameters: A Probabilistic Approach

To enhance the ability of the IBKA–CNN–Transformer model to handle uncertainties in input parameters, this study introduces a probabilistic approach designed to capture the variability of key input parameters. Landslide dam lifespan prediction is influenced by numerous uncertain factors, including hydrological conditions, dam geometry, and material properties, which can fluctuate due to environmental changes, measurement errors, and natural variability. As such, properly accounting for these uncertainties in the model is crucial for improving prediction reliability and generalization.
To model these uncertainties, appropriate probability distributions are assigned to each key input parameter, such as rainfall intensity, upstream catchment area, dam height, dam width, and material strength. These distributions are selected based on historical data analysis and expert domain knowledge. By adopting this approach, the model avoids treating parameters as fixed values, allowing them to vary within a defined range, thereby providing a more accurate representation of the uncertainty inherent in real-world scenarios. The Monte Carlo simulation method [34] is employed to implement this probabilistic approach. Each input parameter is sampled randomly, and the model is iteratively run to generate multiple lifespan predictions. This process produces uncertainty intervals for each prediction, thus overcoming the limitations of traditional methods, which typically provide only a single deterministic forecast. By adopting this approach, we obtain a distribution of predictions, each associated with a confidence level, and can further assess the risks involved.
Ultimately, this probabilistic modeling approach enables a more comprehensive risk assessment. It not only quantifies the uncertainty in the predictions but also assists decision makers in evaluating potential risks. This methodology significantly improves the model’s applicability and reliability in practical engineering contexts, particularly for managing uncertainties in complex systems like landslide dam lifespan prediction.

3. Database

3.1. Data Sources

The data for this study were obtained from the research of Fan [35] and Shen [36], both focusing on landslide dams formed by natural mass movements such as landslides, rockslides, or debris avalanches. These dams, resulting from various types of mass movements, exhibit different material compositions, including rock, debris, and soil. These dams were not human-made but are the result of natural processes. Fan [35] compiled a global database of 410 landslide dams, each with a volume greater than 1 million m³, formed since 1900. This database includes detailed information on dam longevity and stability along with key parameters such as landslide type, dam material, and geomorphological features known to influence dam lifespan. The dataset plays a vital role in identifying trends, particularly the relationship between dam material and longevity. Shen [36], in contrast, focused on the full longevity of landslide dams, which was divided into three stages: infilling, overflowing, and breaching. The study developed regression models to estimate the total longevity, incorporating dam characteristics, hydrological conditions, and triggering factors (e.g., rainfall and earthquakes). The dataset used by Shen [36] is enriched with multi-dimensional data on triggering factors, dam materials, and geometric/hydrological parameters, all essential for estimating dam lifespan across the different stages. These comprehensive datasets from both sources provide a solid foundation for modeling dam longevity under varying environmental conditions and offer robust data for assessing dam stability and failure risk.
To ensure the inclusion of the most critical features for landslide dam lifespan prediction, the study refers to the method of Shi [20] et al. for scientific selection and the optimization of key indicators; furthermore, a structured feature selection process is employed, integrating correlation analysis, domain expertise, and SHAP analysis. Initially, Pearson correlation analysis was conducted to evaluate the relationships between features and to identify highly correlated or redundant variables, ensuring that selected features contribute uniquely to the model. The detailed results of the correlation analysis are provided in Section 3.4. Expert knowledge from the field of geotechnical and hydrological engineering was also incorporated to retain critical variables that are known to impact dam stability; these indicators cover multiple dimensions such as dam size, upstream catchment area, triggering factors, and dam materials of weir dams, which systematically characterize the core factors affecting the stability and lifetime of weir dams. Following model training, SHAP analysis was subsequently used to quantify the contribution of each selected feature to the model’s predictions, offering further insights into the importance of these features and validating the feature selection process. This systematic approach ensures that the final feature set maintains both predictive efficiency and practical significance, enhancing model generalization and interpretability.
The dam scale includes dam height, dam length, dam width, dam volume, and weir volume, which directly determine the performance of a weir dam in terms of external pressure and internal stability; among these, the dam height affects the sliding resistance of the dam body, the dam length and dam width reflect the planar scale of the dam body and the contact area of the substrate, the dam volume reveals its ability to withstand gravity and seismic effects, and the weir volume is directly related to the water pressure changes and their potential threat to the dam body. The upstream catchment area, as a determinant of the regional hydrological catchment, directly affects the weir’s water reserve and dam water pressure. The larger its value, the higher the hydrodynamic load triggered by rainfall or snowmelt in the watershed, thus increasing the risk of dam instability. In terms of triggering factors, earthquakes, rainfall/snowmelt, and other external events are the main triggers for sudden weir destabilization, and the intensity and frequency of different triggering mechanisms significantly affect their lifetimes. Earthquakes can weaken the structural stability of dams through strong surface movements, rainfall and snowmelt increase water pressure and reduce the material friction coefficients, and other factors, such as volcanic eruptions or landslides, may trigger transient damage. In addition, the dam material is an important variable in determining its physical stability and damage resistance. Rock, debris, and earth materials have different impacts on the life distribution of dams due to the differences in mechanical properties; rock dams are relatively stable but sensitive to cracks, debris dams are more sensitive to erosion, and earth dams are easily destabilized by rainfall or seepage.

3.2. Data Preprocessing

In this study, the data collected from previous research on landslide dams included several variables such as dam scale, upstream catchment area, triggering factors, and dam materials (Some initial data are provided in the Supplementary Materials). To ensure the validity and reliability of the data, two critical preprocessing steps were applied: elimination of outliers and interpolation of missing data. The procedure for eliminating outliers was performed by using statistical methods such as Z-scores and IQR (Interquartile Range). Any data points that were beyond the thresholds defined by these methods were considered outliers and removed from the dataset.
For the missing data, interpolation methods were carefully selected based on the nature and distribution of the variables. For continuous variables, linear interpolation was used when there was a small proportion of missing values. In cases where larger amounts of missing data were present, more sophisticated techniques such as multiple imputation were employed. These steps ensure that the dataset is complete and robust for subsequent modeling. After these procedures, the final dataset comprised 297 valid records, with 80% used for training and 20% for testing.

3.3. Data Description and Analysis

Table 1 demonstrates the statistical analysis of the populated database for each metric (i.e., standard deviation (STD), kurtosis (Kurt), maximum, mean, median, and range).
The study used violin plots (Figure 4) to visualize key variables such as geometric characteristics, upstream catchment, triggering factors, dam materials, and lifespan of the weir dams in order to reveal the characteristics of their data distribution and variability.
As can be seen in Figure 4, the analysis of the geometric characteristics of the weir dams (dam height, dam length, dam width, dam volume, and water storage volume) shows that the dam width has the widest distribution with a large variability, while the data for the dam volume and the water storage volume are more concentrated, suggesting that they are relatively less variable. The distribution of dam height and length is relatively compact, though some outliers indicate significant differences in height and length among weirs. Secondly, in terms of upstream catchment area, the data distribution shows significant right skewness, with most weirs having small catchment areas, but a few very large dams exist, creating a long-tail effect and reflecting the heterogeneity of catchment sizes. The data are concentrated in the lower range, while a few extreme values result in long tails, whose impact on predictions needs to be considered in the modeling. For triggers and dam materials, the distribution of rainfall and snowmelt triggers is more dispersed, while the values of seismic triggers are relatively concentrated but with large variability, suggesting a large uncertainty in the impact of earthquake-induced weirs. In terms of dam materials, the distribution of rock and debris materials is more concentrated, while the distribution of soil materials is wider, reflecting the differences in the physical properties of different dam materials. The distribution of the weir lifetime variable is right skewed, with most weirs having shorter lifetimes and only a few dams having longer lifetimes. The main data are concentrated in the lower lifetime range, while the extreme values lead to a long-tail effect, indicating that the lifetime of weir dams is influenced by a number of factors and has a high degree of uncertainty.
Overall, these violin plots clearly show the concentration trend, the degree of variability, and the extreme values of the variables, which provide data support for the feature extraction, data preprocessing, and predictive modeling of the subsequent models. At the same time, these charts reflect the possible correlations between different variables, which need to be explored in depth in the modeling process.

3.4. Correlation Analysis

Correlation analysis, as a statistical approach [37], is used to evaluate the linear connection between two variables. The results are usually expressed in terms of correlation coefficient. By calculating the correlation coefficients between the parameters, the interactions and dependencies between the parameters can be understood, which in turn reduces the risk of model overfitting. In this study, the Pearson correlation coefficient is used to explore the correlation between model parameters, and the calculation formula is shown in Equation (37):
r X Y = k = 1 N ( A k A ¯ ) ( B k B ¯ ) k = 1 N ( A k A ¯ ) 2 k = 1 N ( B k B ¯ ) 2
where A ¯ and B ¯ are the mean of N test values, respectively, and r X Y [ 0 , 1 ] .
Figure 5 shows the correlation between different indicators. Among them, the dam volume shows high correlation with the dam height, length, and width, with correlation sizes of 0.73, 0.62, and 0.68 respectively, indicating that as the dam height increases, the other geometrical dimensions of the dam usually increase accordingly. In addition, the correlation between the dam volume and the weir volume is more significant, reaching 0.54, showing that the water storage capacity of the dam is closely related to its size. The correlation between the upstream catchment area and the weir volume is 0.46, which indicates that the catchment size has some influence on the dam storage capacity. Overall, the weir life is jointly influenced by a variety of factors, among which the dam geometry has a high predictive value, while the trigger factors and dam materials have relatively little influence on the life. The results of the above analysis can provide an important feature selection basis for the subsequent weir dam life prediction model.

4. Results

4.1. Presentation and Analysis of Prediction Results

In an attempt to verify the effectiveness of the six intelligent prediction models constructed for predicting the weir life, as well as to explore the performance advantages and disadvantages of each model in comparison, this section systematically compares and analyzes the prediction results of different models from two levels, namely, the training set and the test set. The fitting relationship between the predicted and actual values of each model is demonstrated through intuitive visual graphs, and the prediction accuracy and generalization ability of the models are further quantified by combining the key evaluation indexes.
As can be seen in Figure 6, the IBKA–CNN–Transformer model has the best performance, with R2 of 0.99 and 0.98 for the training set and test set, respectively, showing very high fitting accuracy and excellent generalization ability. The BKA–CNN–Transformer model is the second best, with R2 of 0.99 and 0.97 for the training set and test set, respectively, and with only a small deviation in the test set. The predicted and actual values are highly consistent with each other, with only a small deviation in the test set. CNN–Transformer performs slightly worse than the first two models, but its test set R2 still reaches 0.94, indicating that it is able to effectively capture the nonlinear features in the data. In contrast, the prediction performance of the traditional machine-learning models is relatively weak. LightGBM and MLP have R2 of 0.95 and 0.95 on the training set, but their R2 on the test set drop to 0.90 and 0.88, respectively, with some of the predicted values deviating from the actual values. SVR has the most limited performance, with R2 of 0.94 and 0.79 on the training and test sets, respectively, with significantly large errors, especially on the test set. SVR has the most limited performance, with R2 of 0.94 and 0.79 in the training and test sets, respectively, and the error is significantly large, especially in the test set, where there are more points that deviate from the “perfect fit curve”. Overall, the deep-learning models outperform the traditional models in terms of prediction accuracy and generalization ability, especially the IBKA–CNN–Transformer, which shows excellent performance in all the indicators, proving its applicability and advantages in solving this research problem.

4.2. Model Performance Evaluation and Comparison

The study quantitatively evaluates the self-prediction performance of each model based on the prediction results of multiple models and selects the deterministic coefficient (R2), the adjusted deterministic coefficient (Adj.R2), the mean absolute percentage error (MAPE), the mean absolute error (MAE), the root-mean-square error (RMSE), and the variance accounted for (VAF), a total of six statistical indexes, to evaluate the comprehensive performance of each model. The generalization ability of the models is reflected more comprehensively and objectively by these indicators. Equations (38)–(43) are the mathematical definitions of these indicators [38,39].
R2 measures the ability of the model to explain the target variable and takes the value of [0,1].
R 2 = 1 i = 1 n ( y i y ^ i ) 2 i = 1 n ( y i y ¯ i ) 2
where y i is the actual value, y ^ i is the predicted value, y ¯ is the mean of the actual value, and n is the number of data points.
Adj.R2 takes into account the effect of the number of independent variables on R2.
A d j . R 2 = 1 ( 1 R 2 ) ( n 1 ) n k 1
where k is the number of independent variables.
MAPE is used to measure the percentage of prediction error relative to the actual value with the formula
M A P E = 1 n i = 1 n y i y ^ i y i × 100 %
MAE is the average of the absolute values of all prediction errors:
M A E = 1 n i = 1 n y i y ^ i
The RMSE reflects the mean square error between the predicted and actual values and is given by the following formula:
R M S E = 1 n i = 1 n ( y i y ^ i ) 2
VAF is an indicator of variance explanatory power with the formula
V A F = ( 1 V a r ( y i y ^ i ) V a r ( y i ) ) × 100 %
where Var denotes the variance.
Radar diagrams are plotted based on the results of the calculations of the predictive performance of each model in Table 2 and are shown in Figure 7 and Figure 8.
The performance evaluation results from both the training and test sets indicate that the IBKA–CNN–Transformer and BKA–CNN–Transformer models exhibit significant advantages across all metrics. Specifically, the IBKA–CNN–Transformer achieves R2 and VAF values of 0.99 and 99.50%, respectively, on the training set, and it maintains 0.98 and 98.21% on the test set. Additionally, its RMSE, MAE, and MAPE values are significantly lower than those of other models, demonstrating its high predictive accuracy and generalization capability. The BKA–CNN–Transformer performs slightly less effectively than the former but still achieves R2 and VAF values of 0.97 and 97.38%, respectively, on the test set, outperforming other comparative models. In contrast, traditional models (such as LightGBM, MLP, and SVR) show acceptable performance on the training set but experience a significant decline on the test set, with R2 and VAF dropping below 0.90 and 90%, respectively. Their error metrics (RMSE, MAE, MAPE) also increase notably, indicating weaker generalization capabilities and a tendency to overfit.
The superior performance of the IBKA–CNN–Transformer model is largely due to the advantages of the Transformer structure in multi-dimensional feature extraction and complex relationship modeling. In particular, the multi-head self-attention mechanism is able to efficiently capture the global dependencies between multi-dimensional input features and mine their potential higher-order interaction patterns by assigning dynamic attention weights to each input feature. This mechanism is able to extract feature representations from multiple subspaces in parallel, which makes the model performance more flexible and robust in the face of complex nonlinear data. The feed-forward neural network module further enhances the feature representation capability through nonlinear transformation, enabling the model to capture complex and implicit feature patterns in the input data. At the same time, residual concatenation and layer normalization ensure the stability of the deep network during the training process, effectively mitigating the gradient vanishing problem. These features enable the Transformer model to achieve a significant improvement in global modeling capability, and combined with the local feature extraction advantage of the CNN module, it strengthens the comprehensiveness and accuracy of feature learning. In addition, the model significantly improves the global exploration ability and local optimization accuracy of hyperparameter search by introducing the improved BKA optimization algorithm (IBKA), which achieves a better parameter combination during model training and effectively enhances the fitting ability and generalization performance of the model.
In summary, the IBKA–CNN–Transformer demonstrates stronger adaptability and robustness in complex data prediction tasks, making it a suitable candidate as the preferred model. Future research will focus on further optimization and refinement of the model to enhance its predictive accuracy and broaden its applicability.

4.3. SHAP-Based Analysis and Its Practical Implications

In order to explain the decision-making mechanism of the weir life intelligent prediction model in the prediction task and to quantify the influence of each input feature on the prediction results, the SHAP (SHapley Additive exPlanations) method was used in this study for feature importance analysis [40,41].

4.3.1. SHAP-Based Feature Importance Analysis

When processing numerical data in the CNN–Transformer model, the features first go through the CNN’s convolution and pooling operations to extract the local features, and then the global features are captured by the Transformer to capture the relationship between the global features; therefore, when SHAP is used to interpret the model, it acts directly on the deep feature layer, and the results reflect only the CNN–Transformer processed features’ contribution, which cannot be directly related to the original input features. At this point, reverse engineering needs to be introduced to map the importance of the deep features back to the original input space by restoring the feature extraction process of the CNN.
Specifically, reverse engineering requires layer-by-layer reverse operation for the CNN part: use transpose convolution to gradually restore the feature map extracted from the convolutional layer, use up-sampling to restore the dimensionality reduction operation after pooling, and finally, decode the feature contribution of each layer to the input feature space step by step. For the Transformer part, the global feature interactions are incorporated into the interpretation using the feature weights recorded by its attention mechanism. In this way, the importance of deep features can be reasonably redistributed to the original numerical features, combining global and local interpretations to completely reflect the model’s prediction logic. This approach reflects both the local pattern-capturing ability of CNN and incorporates the global feature modeling of Transformer, which helps to explain more intuitively the complex model’s dependence on the raw data and the basis for decision making. The analysis results are shown in Figure 9.
The detailed analysis of feature importance not only enhances the interpretability of the model, but also provides strong support for data processing and model optimization in regression prediction tasks. The application of this method proves the applicability and effectiveness of SHAP in the interpretation of complex deep-learning models. Figure 10 shows a comparison of the degree of contribution of different influencing factors to the weir life, which is based on SHAP analysis and highlights the differences between the characteristic importance of different factors.
In the process of predicting the lifespan of landslide dams, the importance of each feature exhibits significant variation. Figure 10 visually demonstrates the degree of influence of each feature on the prediction results through the height of the rectangles, accompanied by a quantitative representation. A taller rectangle indicates that the corresponding feature contributes more substantially to the prediction outcome, while a shorter rectangle suggests a lesser influence. This visualization method clearly highlights the relative importance of different features within the model, offering valuable insights into the key drivers behind the prediction results.
As can be seen in the figure, dam length is the most important feature in the model predictions, contributing 26.9% to the results, showing the critical influence of the weir length on its lifetime. Dam lake volume (DLV) is the next most important feature, contributing 20.7%, indicating that the amount of water that a weir can hold significantly affects its lifetime. Upstream catchment area and dam volume contribute 11.3% and 9.6%, respectively, to the model, showing the significant influence of hydrology and dam structure on weir life. Dam height and dam width contribute 8.6% and 8.0% to the model, respectively, indicating that although they are not as important to the model as dam length and storage volume in terms of their predictive ability, they are still important structural parameters affecting longevity. Trigger factors also have some influence on the weir life: the “other” trigger (others) contributes 3.8%; the earthquake trigger (earthquake) and rainfall trigger (rainfall and snowmelt) contribute 3.4% and 2.7%, respectively, indicating that natural events are important external factors affecting weir life. Material-related features (dam material) contribute less to the predicted results, indicating that material properties have a weaker direct effect on weir life than the geometric features of the dam and the natural conditions.
The importance of the scale of the dam and the upstream catchment area is further amplified in the nested figure. The scale of the dam is the main driver, with a contribution value of 73.8%. This suggests that the influence of dam size far outweighs other characteristics in the study of weir life. Natural triggers (earthquakes and rainfall) have some degree of influence on weir life, but the effect is weak compared with weir size. Material properties have a smaller effect on the model but cannot be completely ignored, especially in cases where different material combinations may affect stability.

4.3.2. Implications of SHAP Results for Landslide Dam Management

The SHAP-based feature importance analysis provides valuable interpretability to the predictive model by quantifying the influence of individual features on landslide dam lifespan prediction. The results indicate that dam length and dammed lake volume are the most critical factors affecting lifespan prediction, which aligns with traditional engineering perspectives—larger dams with higher storage capacities tend to exhibit more complex stability dynamics. However, a notable new insight revealed by SHAP analysis is the significant influence of the upstream catchment area, which was previously considered secondary to geometric and material properties in many empirical models. The high SHAP value for upstream catchment area suggests that hydrological factors play a more dominant role than expected, particularly in regions where rainfall-induced erosion significantly impacts dam stability.
This finding has important implications for landslide dam risk assessment and management strategies. Given the strong impact of upstream catchment area, future monitoring and risk evaluation should incorporate detailed hydrological assessments rather than relying predominantly on dam geometry and material composition alone. Additionally, the relatively lower SHAP values of triggering factors such as earthquakes and rainfall suggest that while these external forces are crucial for dam formation and sudden failures, their effect on long-term stability may be less dominant than internal structural factors. This insight can guide prioritization of mitigation strategies, emphasizing structural reinforcement and sediment control measures over purely event-driven risk mitigation.
Furthermore, the transparent ranking of feature contributions through SHAP analysis enables adaptive dam management policies. For example, regions with a high upstream catchment impact may require enhanced flood regulation infrastructure, while areas primarily influenced by geomorphological factors may focus more on stabilization engineering measures. By integrating data-driven feature importance insights, SHAP analysis refines existing landslide dam assessment models, allowing for more targeted and proactive risk management strategies. These results highlight the potential of SHAP analysis not only as a tool for improving model interpretability but also as a foundation for practical engineering decision making.

5. Discussion

5.1. Model Performance Advantages and Limitations

The IBKA–CNN–Transformer model proposed in this study exhibits outstanding prediction performance, with coefficients of determination (R2) of 0.99 and 0.98 for the training and test sets, respectively, demonstrating its effectiveness in predicting weir life. This performance improvement is largely attributed to the hybrid structure of the model. The CNN module excels at capturing intrinsic patterns in geometric attributes through its powerful local feature extraction capabilities, while the Transformer module accurately models global features and long-range dependencies using the multi-head self-attention mechanism. Additionally, the enhanced IBKA algorithm optimizes the model’s hyperparameters, improving its adaptability and generalization to complex nonlinear data. The introduction of SHAP analysis further enhances model interpretability by quantifying the contributions of key features to predictions, providing a clear basis for identifying the primary drivers of weir life.
However, despite its strong performance, the model exhibits high computational complexity and significant training costs, particularly when handling large-scale datasets. Although the IBKA algorithm mitigates overfitting in deep-learning models with small sample sizes to some extent, the model still relies heavily on data volume and quality. Moreover, the model’s reliance on geometric features and hydrological conditions may lead to performance degradation when key features are missing, which warrants careful consideration in practical applications.
The model accounts for several critical factors influencing the stability and longevity of landslide dams, including hydrological conditions, material properties, and triggering factors such as rainfall, earthquakes, and extreme weather events. However, the potential impact of shock waves from seismic activity is not explicitly included in the model. These shock waves, especially from large-scale seismic events, can significantly affect dam stability and trigger landslides, representing a limitation of the current model. Additionally, while the model considers extreme weather as a triggering factor, the broader impacts of climate change, including long-term shifts in environmental conditions, have not been fully integrated. This remains another limitation that could be addressed in future versions of the model, particularly to better capture the cumulative effects of extreme weather patterns over time.

5.2. Role of SHAP Method in Model Training

In this study, the introduction of the SHAP method not only enhances the interpretability of the model, but also provides strong support for feature selection and optimization. The SHAP method makes the decision-making process of the model more transparent by quantifying the marginal contribution of each feature to the model prediction and revealing the importance of the key variables such as the dam length, the storage volume, and the area of the upstream catchment area in the prediction of weir life. The results of this analysis provide a clear, data-driven direction for optimizing the input feature set by adjusting the weights of features based on their importance as determined by SHAP values. Features with higher SHAP values receive more weight in the model, enhancing their influence on the predictions. This optimization process improves model training efficiency by focusing on the most relevant features while reducing the impact of less important features. The clarity of the optimization direction was measured by evaluating the improvements in model performance after adjusting feature weights. In addition, the SHAP approach further advances the model’s ability to understand complex data patterns by revealing the interactions between features, thus theoretically enhancing the model’s prediction performance. More importantly, this method provides a quantitative basis for practical engineering applications; e.g., by identifying the significant influence of dam size, it can provide scientific support for resource allocation and management decisions in weir design and maintenance. Therefore, the SHAP method is not only a powerful tool for model interpretation, but also an important means to guide data processing and to optimize the modeling process, which can provide valuable experience for the construction and optimization of complex prediction models.

6. Conclusions

This study provides an efficient, accurate, and interpretable solution for weir life prediction by improving the model, introducing the SHAP method, and implementing multi-scale feature modeling. The following conclusions were drawn:
(1) The study collected and organized 297 sets of data on weir dam lifespan, constructing a comprehensive sample database. By selecting 12 key factors affecting weir dam lifespan as predictive indicators, the correlations between these factors were analyzed, and the degree of correlation was quantified. The results reveal a significant correlation between the geometric characteristics of weir dams (e.g., dam height, dam length, dam width) and hydrological conditions (e.g., water storage volume, upstream catchment area), with correlation coefficients of 0.73, 0.62, and 0.68, respectively. This analysis provides a scientific basis for the selection and optimization of features in subsequent models.
(2) An Improved Black-Winged Kite Algorithm (IBKA) is proposed to optimize the hyperparameters of the CNN–Transformer hybrid model. The IBKA algorithm significantly enhances the global search ability and local optimization accuracy by introducing a dynamic adaptive mechanism, population clustering strategy, and dynamic migration strategy. Compared with the traditional BKA algorithm, the IBKA dynamically adjusts the learning rate and migration probability based on the adaptation degree during the iteration process, effectively avoiding the loss of population diversity and local optimization issues. Experimental results demonstrate that the IBKA algorithm exhibits superior adaptability and stability in complex, high-dimensional optimization problems. Specifically, when handling nonlinear features in weir life prediction, it rapidly converges to the global optimal solution, significantly improving the prediction accuracy and generalization ability of the model.
(3) Based on the improved IBKA algorithm, the CNN–Transformer hybrid model constructed in this study demonstrates exceptional performance in the weir life prediction task. Experimental results indicate that the model achieves a coefficient of determination (R2) of 0.99 and 0.98 on the training and test sets, respectively, significantly outperforming traditional machine-learning models (e.g., LightGBM, MLP, and SVR) and other deep-learning models (e.g., CNN–Transformer and BKA–CNN–Transformer). The superiority of this model is primarily attributed to its combination of the local feature extraction capability of CNN and the global feature modeling capability of Transformer. The CNN module efficiently captures local patterns of weir geometric features through convolution and pooling operations, while the Transformer module captures complex interactions among global features through the multi-head self-attention mechanism. Furthermore, the optimization of the model hyperparameters by the IBKA algorithm further enhances its adaptability and generalization ability in complex nonlinear data. This improved model provides an efficient and accurate solution for weir life prediction with broad application potential.
(4) By introducing the SHAP (SHapley Additive exPlanations) method, this study significantly improves the interpretability of the model and quantifies the contribution of key features to weir life prediction. The analysis results indicate that the geometric characteristics and hydrological conditions of weir dams are the primary drivers of their lifespan. Specifically, dam length contributes the most to the prediction, at 26.9%, followed by dam lake volume, at 20.7%. Upstream catchment area and dam volume contribute 11.3% and 9.6%, respectively, highlighting the significant influence of hydrological conditions and dam structure on lifespan. In contrast, triggers (e.g., earthquake and rainfall) contribute less, with the earthquake trigger and the rainfall and snowmelt trigger contributing only 3.4% and 2.7%, respectively. Dam materials (e.g., rock, debris, and earth materials) contribute the least, indicating a weak direct effect of material properties on lifespan. The SHAP method not only enhances the transparency of the model but also provides strong support for feature selection and optimization, helping to identify the key features that contribute most to the prediction results. This analysis provides a scientific basis for the design, maintenance, and risk assessment of weir dams and enhances the credibility of the model in practical engineering applications.
In summary, the IBKA–CNN–Transformer model proposed in this study provides an efficient, accurate, and interpretable solution for weir life prediction. The results not only offer a scientific basis for weir risk assessment and disaster prevention but also open new avenues for the application of intelligent prediction technology in complex system modeling. However, there is still room for improvement in the computational efficiency and the performance of the model in small-sample scenarios. Future research will focus on further optimizing the computational performance of the algorithm and exploring how to integrate domain knowledge with data-driven models to address diverse challenges in practical engineering applications, thereby promoting the widespread adoption of intelligent prediction techniques in geohazard management.

Supplementary Materials

The following supporting information can be downloaded at: https://www.mdpi.com/article/10.3390/app15052305/s1, Table S1: database-origin.

Author Contributions

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

Funding

This research was funded by the National Natural Science Foundation of China (No. 52104109) and the Natural Science Foundation of Hunan Province, China (No. 2022JJ40602).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The original contributions presented in the study are included in the article; further inquiries can be directed to the corresponding author.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
SVRSupport Vector Regression
MLPMulti-Layer Perceptron
LightGBMLight Gradient Boosting Machine
CNNConvolutional Neural Network
IBKAImproved Black-Winged Kite Algorithm
SHAPSHapley Additive exPlanations

References

  1. Yin, Y.; Wang, F.; Sun, P. Landslide Hazards Triggered by the 2008 Wenchuan Earthquake, Sichuan, China. Landslides 2009, 6, 139–152. [Google Scholar] [CrossRef]
  2. Cui, P.; Zhu, Y.; Han, Y.; Chen, X.; Zhuang, J. The 12 May Wenchuan Earthquake-Induced Landslide Lakes: Distribution and Preliminary Risk Evaluation. Landslides 2009, 6, 209–223. [Google Scholar] [CrossRef]
  3. Chang, D.S.; Zhang, L.M.; Xu, Y.; Huang, R.Q. Field Testing of Erodibility of Two Landslide Dams Triggered by the 12 May Wenchuan Earthquake. Landslides 2011, 8, 321–332. [Google Scholar] [CrossRef]
  4. Sevgen, E.; Kocaman, S.; Nefeslioglu, H.A.; Gokceoglu, C. A Novel Performance Assessment Approach Using Photogrammetric Techniques for Landslide Susceptibility Mapping with Logistic Regression, ANN and Random Forest. Sensors 2019, 19, 3940. [Google Scholar] [CrossRef]
  5. Korup, O. Geomorphometric Characteristics of New Zealand Landslide Dams. Eng. Geol. 2004, 73, 13–35. [Google Scholar] [CrossRef]
  6. Chen, C.; Zhang, L.; Xiao, T.; He, J. Barrier Lake Bursting and Flood Routing in the Yarlung Tsangpo Grand Canyon in October 2018. J. Hydrol. 2020, 583, 124603. [Google Scholar] [CrossRef]
  7. Zhang, L.; Xiao, T.; He, J.; Chen, C. Erosion-Based Analysis of Breaching of Baige Landslide Dams on the Jinsha River, China, in 2018. Landslides 2019, 16, 1965–1979. [Google Scholar] [CrossRef]
  8. Yao, W.; Li, C.; Zuo, Q.; Zhan, H.; Criss, R.E. Spatiotemporal Deformation Characteristics and Triggering Factors of Baijiabao Landslide in Three Gorges Reservoir Region, China. Geomorphology 2019, 343, 34–47. [Google Scholar] [CrossRef]
  9. Chu, L.; Sun, T.; Wang, T.; Li, Z.; Cai, C. Evolution and Prediction of Landscape Pattern and Habitat Quality Based on CA-Markov and InVEST Model in Hubei Section of Three Gorges Reservoir Area (TGRA). Sustainability 2018, 10, 3854. [Google Scholar] [CrossRef]
  10. Peng, M.; Zhang, L.M. Analysis of Human Risks Due to Dam-Break Floods-Part 1: A New Model Based on Bayesian Networks. Nat. Hazards 2012, 64, 903–933. [Google Scholar] [CrossRef]
  11. Stefanelli, C.T.; Segoni, S.; Casagli, N.; Catani, F. Geomorphic Indexing of Landslide Dams Evolution. Eng. Geol. 2016, 208, 1–10. [Google Scholar] [CrossRef]
  12. Zhong, Q.; Chen, S.; Shan, Y. Prediction of the Overtopping-Induced Breach Process of the Landslide Dam. Eng. Geol. 2020, 274, 105709. [Google Scholar] [CrossRef]
  13. Wu, H.; Nian, T.; Shan, Z.; Li, D.; Guo, X.; Jiang, X. Rapid Prediction Models for 3D Geometry of Landslide Dam Considering the Damming Process. J. Mt. Sci. 2023, 20, 928–942. [Google Scholar] [CrossRef]
  14. Zhong, Q.M.; Chen, S.S.; Mei, S.A.; Cao, W. Numerical Simulation of Landslide Dam Breaching Due to Overtopping. Landslides 2018, 15, 1183–1192. [Google Scholar] [CrossRef]
  15. van den Bout, B.; Tang, C.; van Westen, C.; Jetten, V. Physically Based Modeling of Co-Seismic Landslide, Debris Flow, and Flood Cascade. Nat. Hazards Earth Syst. Sci. 2022, 22, 3183–3209. [Google Scholar] [CrossRef]
  16. Shan, Y.; Chen, S.; Zhong, Q. Rapid Prediction of Landslide Dam Stability Using the Logistic Regression Method. Landslides 2020, 17, 2931–2956. [Google Scholar] [CrossRef]
  17. Shi, N.; Li, Y.; Wen, L.; Zhang, Y. Rapid Prediction of Landslide Dam Stability Considering the Missing Data Using XGBoost Algorithm. Landslides 2022, 19, 2951–2963. [Google Scholar] [CrossRef]
  18. Wu, H.; Nian, T.; Shan, Z. Investigation of Landslide Dam Life Span Using Prediction Models Based on Multiple Machine Learning Algorithms. Geomat. Nat. Hazards Risk 2023, 14, 2273213. [Google Scholar] [CrossRef]
  19. Liu, Z.; Guo, D.; Lacasse, S.; Li, J.; Yang, B.; Choi, J. Algorithms for Intelligent Prediction of Landslide Displacements. J. Zhejiang Univ. Sci. A 2020, 21, 412–429. [Google Scholar] [CrossRef]
  20. Shi, N.; Li, Y.; Wen, L.; Zhang, Y.; Zhang, H. Longevity Prediction and Influencing Factor Analysis of Landslide Dams. Eng. Geol. 2023, 327, 107334. [Google Scholar] [CrossRef]
  21. Ermini, L.; Gasagli, N. Prediction of the Behaviour of Landslide Dams Using a Geomorphological Dimensionless Index. Earth Surf. Process. Landf. 2003, 28, 31–47. [Google Scholar] [CrossRef]
  22. Dong, J.-J.; Tung, Y.-H.; Chen, C.-C.; Liao, J.-J.; Pan, Y.-W. Logistic Regression Model for Predicting the Failure Probability of a Landslide Dam. Eng. Geol. 2011, 117, 52–61. [Google Scholar] [CrossRef]
  23. Ni, W.; Zhao, L.; Zhang, L.; Xing, K.; Dou, J. Coupling Progressive Deep Learning with the AdaBoost Framework for Landslide Displacement Rate Prediction in the Baihetan Dam Reservoir, China. Remote Sens. 2023, 15, 2296. [Google Scholar] [CrossRef]
  24. Brereton, R.G.; Lloyd, G.R. Support Vector Machines for Classification and Regression. Analyst 2010, 135, 230–267. [Google Scholar] [CrossRef] [PubMed]
  25. Bentejac, C.; Csorgo, A.; Martinez-Munoz, G. A Comparative Analysis of Gradient Boosting Algorithms. Artif. Intell. Rev. 2021, 54, 1937–1967. [Google Scholar] [CrossRef]
  26. Yan, Z.; Zhu, X.; Wang, X.; Ye, Z.; Guo, F.; Xie, L.; Zhang, G. A Multi-Energy Load Prediction of a Building Using the Multi-Layer Perceptron Neural Network Method with Different Optimization Algorithms. Energy Explor. Exploit. 2023, 41, 273–305. [Google Scholar] [CrossRef]
  27. Tsai, Y.-H.H.; Bai, S.; Pu Liang, P.; Kolter, J.Z.; Morency, L.-P.; Salakhutdinov, R. Multimodal Transformer for Unaligned Multimodal Language Sequences. In Proceedings of the Conference Association for Computational Linguistics Meeting, Florence, Italy, 28 July–2 August 2019; pp. 6558–6569. [Google Scholar] [CrossRef]
  28. Han, K.; Wang, Y.; Chen, H.; Chen, X.; Guo, J.; Liu, Z.; Tang, Y.; Xiao, A.; Xu, C.; Xu, Y.; et al. A Survey on Vision Transformer. IEEE Trans. Pattern Anal. Mach. Intell. 2023, 45, 87–110. [Google Scholar] [CrossRef]
  29. Gu, J.; Wang, Z.; Kuen, J.; Ma, L.; Shahroudy, A.; Shuai, B.; Liu, T.; Wang, X.; Wang, G.; Cai, J.; et al. Recent Advances in Convolutional Neural Networks. Pattern Recognit. 2018, 77, 354–377. [Google Scholar] [CrossRef]
  30. Alzubaidi, L.; Zhang, J.; Humaidi, A.J.; Al-Dujaili, A.; Duan, Y.; Al-Shamma, O.; Santamaria, J.; Fadhel, M.A.; Al-Amidie, M.; Farhan, L. Review of Deep Learning: Concepts, CNN Architectures, Challenges, Applications, Future Directions. J. Big Data 2021, 8, 53. [Google Scholar] [CrossRef]
  31. Gu, X.; See, K.W.; Li, P.; Shan, K.; Wang, Y.; Zhao, L.; Lim, K.C.; Zhang, N. A Novel State-of-Health Estimation for the Lithium-Ion Battery Using a Convolutional Neural Network and Transformer Model. Energy 2023, 262, 125501. [Google Scholar] [CrossRef]
  32. Liu, Y.; Li, X.; Yang, L.; Bian, G.; Yu, H. A CNN-Transformer Hybrid Recognition Approach for sEMG-Based Dynamic Gesture Prediction. IEEE Trans. Instrum. Meas. 2023, 72, 2514816. [Google Scholar] [CrossRef]
  33. Wang, J.; Wang, W.; Hu, X.; Qiu, L.; Zang, H. Black-Winged Kite Algorithm: A Nature-Inspired Meta-Heuristic for Solving Benchmark Functions and Engineering Problems. Artif. Intell. Rev. 2024, 57, 98. [Google Scholar] [CrossRef]
  34. Nylund, K.L.; Asparoutiov, T.; Muthen, B.O. Deciding on the Number of Classes in Latent Class Analysis and Growth Mixture Modeling: A Monte Carlo Simulation Study. Struct. Equ. Model. 2007, 14, 535–569. [Google Scholar] [CrossRef]
  35. Fan, X.; Dufresne, A.; Subramanian, S.S.; Strom, A.; Hermanns, R.; Stefanelli, C.T.; Hewitt, K.; Yunus, A.P.; Dunning, S.; Capra, L.; et al. The Formation and Impact of Landslide Dams—State of the Art. Earth Sci. Rev. 2020, 203, 103116. [Google Scholar] [CrossRef]
  36. Shen, D.; Shi, Z.; Peng, M.; Zhang, L.; Jiang, M. Longevity Analysis of Landslide Dams. Landslides 2020, 17, 1797–1821. [Google Scholar] [CrossRef]
  37. Schober, P.; Boer, C.; Schwarte, L.A. Correlation Coefficients: Appropriate Use and Interpretation. Anesth. Analg. 2018, 126, 1763. [Google Scholar] [CrossRef]
  38. Lin, Y.; Guo, Z.; Meng, Q.; Li, C.; Ma, T. Prediction of peak strength under triaxial compression for sandstone based on ABC-SVM algorithm. Expert Syst. Appl. 2025, 264, 125923. [Google Scholar] [CrossRef]
  39. Lin, Y.; Li, C.; Zhou, K.; Guo, Z.; Zang, C. A Constitutive Model Study of Chemical Corrosion Sandstone Based on Support Vector Machine and Artificial Bee Colony Algorithm. Sustainability 2023, 15, 13415. [Google Scholar] [CrossRef]
  40. Aas, K.; Jullum, M.; Løland, A. Explaining Individual Predictions When Features Are Dependent: More Accurate Approximations to Shapley Values. Artif. Intell. 2021, 298, 103502. [Google Scholar] [CrossRef]
  41. Belle, V.; Papantonis, I. Principles and Practice of Explainable Machine Learning. Front. Big Data 2021, 4, 688969. [Google Scholar] [CrossRef]
Figure 1. CNN–Transformer model framework.
Figure 1. CNN–Transformer model framework.
Applsci 15 02305 g001
Figure 2. Schematic diagram of the BKA optimization algorithm.
Figure 2. Schematic diagram of the BKA optimization algorithm.
Applsci 15 02305 g002
Figure 3. Intelligent prediction model frame diagram.
Figure 3. Intelligent prediction model frame diagram.
Applsci 15 02305 g003
Figure 4. Violin diagrams of various variables.
Figure 4. Violin diagrams of various variables.
Applsci 15 02305 g004
Figure 5. Heat map of correlation.
Figure 5. Heat map of correlation.
Applsci 15 02305 g005
Figure 6. Fitted plot of predicted results.
Figure 6. Fitted plot of predicted results.
Applsci 15 02305 g006aApplsci 15 02305 g006b
Figure 7. Radar chart of training set prediction results.
Figure 7. Radar chart of training set prediction results.
Applsci 15 02305 g007
Figure 8. Radar chart of test set prediction results.
Figure 8. Radar chart of test set prediction results.
Applsci 15 02305 g008
Figure 9. SHAP analysis of various influencing factors.
Figure 9. SHAP analysis of various influencing factors.
Applsci 15 02305 g009
Figure 10. Importance of influencing factors on longevity of landslide dam.
Figure 10. Importance of influencing factors on longevity of landslide dam.
Applsci 15 02305 g010
Table 1. Statistical characteristics of the datasets.
Table 1. Statistical characteristics of the datasets.
ParameterSTDKurtMaxMinMeanMedianRange
Dam height (m)84.3252.901000261.7632998
Dam length (m)425.1324.3640005367.502503995
Dam width (m)729.5013.73600020612.443505980
Dam volume (106 m3)216.24125.9130000.0136.841.902999.99
Dammed lake volume (106 m3)187.1619.891500071.854.101500
Upstream catchment area (km2)21,993.3645.62173,4840.604298.3098.70173,483.40
Triggers (earthquake)0.50−1.92100.4301
Triggers (rainfall and snowmelt)0.50−1.99100.4801
Triggers (others)0.286.52100.0901
Dam material (rock)0.48−1.62100.3501
Dam material (debris)0.49−1.84100.4001
Dam material (earth)0.43−0.61100.2501
Longevity (day)86.944.123700.0153.8016.00369.99
Table 2. Error comparison of models based on different imputation methods.
Table 2. Error comparison of models based on different imputation methods.
ModelsR2Adj.R2RMSEMAEMAPEVAF (%)
Training
Sets
IBKA–CNN–Transformer0.990.996.322.854.8599.50
BKA–CNN–Transformer0.990.999.594.238.0598.87
CNN–Transformer0.980.9813.526.0410.4497.68
LightGBM0.960.9616.978.2215.4796.34
MLP0.950.9518.899.0016.9195.48
SVR0.940.9421.5910.2818.0194.08
Testing
Sets
IBKA–CNN–Transformer0.980.9810.584.459.9398.21
BKA–CNN–Transformer0.970.9712.695.3911.7197.38
CNN–Transformer0.950.9318.367.9214.7394.53
LightGBM0.900.8725.2010.5423.3689.70
MLP0.880.8526.6711.5326.2788.91
SVR0.790.7435.8015.4031.8379.97
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

Huang, Z.; Bai, Y.; Liu, H.; Lin, Y. Multiscale Feature Modeling and Interpretability Analysis of the SHAP Method for Predicting the Lifespan of Landslide Dams. Appl. Sci. 2025, 15, 2305. https://doi.org/10.3390/app15052305

AMA Style

Huang Z, Bai Y, Liu H, Lin Y. Multiscale Feature Modeling and Interpretability Analysis of the SHAP Method for Predicting the Lifespan of Landslide Dams. Applied Sciences. 2025; 15(5):2305. https://doi.org/10.3390/app15052305

Chicago/Turabian Style

Huang, Zhengze, Yuqi Bai, Hengyu Liu, and Yun Lin. 2025. "Multiscale Feature Modeling and Interpretability Analysis of the SHAP Method for Predicting the Lifespan of Landslide Dams" Applied Sciences 15, no. 5: 2305. https://doi.org/10.3390/app15052305

APA Style

Huang, Z., Bai, Y., Liu, H., & Lin, Y. (2025). Multiscale Feature Modeling and Interpretability Analysis of the SHAP Method for Predicting the Lifespan of Landslide Dams. Applied Sciences, 15(5), 2305. https://doi.org/10.3390/app15052305

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