Next Article in Journal
Experimental Study on the Strength Characteristics of Organic-Matter-Contaminated Red Soil in Yulin
Next Article in Special Issue
Study on the Strength Characteristics and Microscopic Structure of Artificial Structural Loess
Previous Article in Journal
Study on Dynamic Response and Anti-Collision Measures of Aqueduct Structure Under Vehicle Impact
Previous Article in Special Issue
In Situ Study on Vertical Compressive Bearing Characteristics of Rooted Bored Piles
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Research Progress of Machine Learning in Deep Foundation Pit Deformation Prediction

1
School of Civil Engineering, Qingdao University of Technology, 777 Jialingjiang Road, Qingdao 266520, China
2
School of Architectural Engineering, Qingdao Institute of Technology, 236 South Fuzhou Road, Qingdao 266300, China
3
College of Civil Engineering, Shandong Jianzhu University, Jinan 250101, China
*
Author to whom correspondence should be addressed.
Buildings 2025, 15(6), 852; https://doi.org/10.3390/buildings15060852
Submission received: 12 February 2025 / Revised: 1 March 2025 / Accepted: 6 March 2025 / Published: 8 March 2025

Abstract

During deep foundation pit construction, slight improper operations may lead to excessive deformation, resulting in engineering accidents. Therefore, how to accurately predict the deformation of the deep foundation pit is of significant importance. With advancements in artificial intelligence technology, machine learning has been utilized to learn and simulate complex nonlinear relationships among various factors influencing foundation pit deformation. Prediction accuracy is significantly improved, and the dynamic trend of foundation pit deformation is accurately grasped to curb the risk of safety accidents. This paper systematically reviews the current applications of machine learning in deep foundation pit deformation prediction. The fundamental principles of machine learning models, including neural networks, support vector machines, and Bayesian networks, are elaborated in the context of their application to deep foundation pit deformation prediction. The application effects of various machine learning models in predicting deep foundation pit supporting structure deformation, surrounding surface settlement, and assessing foundation pit risks are summarized. The limitations and future development prospects of current machine learning models for deformation prediction in deep foundation pit construction are discussed. The research results offer valuable insights for the application and advancement of machine learning in the deep foundation pit deformation prediction field.

1. Introduction

In recent years, rapid economic growth has led to the saturation of ground space utilization. Therefore, higher requirements have been proposed for the development of underground space, leading to the emergence of a significant number of deep foundation pit projects [1]. Due to the increasing depth of building foundations, the construction environment of deep foundation pit projects has become more complex. Even minor errors during the construction process may result in excessive deformation of the deep foundation pit. Once the deformation of the foundation pit exceeds the safe range, it is highly likely to trigger a series of accidents, including foundation pit collapse, building inclination, and even structural collapse [2,3,4]. Such incidents significantly compromise construction safety and the surrounding environment, leading to direct economic losses. Therefore, accurate prediction of deformation is particularly critical during the construction of deep foundation pits. By predicting the deformation of deep foundation pits, construction personnel can promptly take targeted preventive measures to effectively decrease the probability of accidents.
With rapid advancements in computational capabilities and theoretical breakthroughs in artificial intelligence, machine learning has been increasingly implemented in the construction industry. These applications include materials optimization design [5,6,7], performance prediction of construction materials [8,9,10], and structural damage identification [11,12]. Currently, machine learning has been gradually infiltrated and applied to foundation pit engineering [13,14,15]. The primary research methods for predicting deep foundation pit deformation include theoretical analysis [16,17,18,19,20], numerical simulation [21,22,23,24,25], and machine learning [26,27,28], among others. Theoretical analysis relies on numerous assumptions, making it difficult to fully capture the complexity of the actual situation. Numerical simulations are unable to fully simulate the nonlinear characteristics of soil and do not adequately account for the effects of time and space on deformation. Compared with other research methods, machine learning exhibits strong applicability and high prediction accuracy. It can effectively simulate and predict the complex nonlinear relationships among multiple influencing factors, which are difficult to express using traditional explicit functions. Research on machine learning for deep foundation pit deformation prediction primarily focuses on the following two aspects. The first aspect is model optimization. To enhance prediction accuracy and minimize errors in machine learning when dealing with complex nonlinear relationships, time series, and high-dimensional data in deep foundation pit deformation, optimization algorithms and data processing techniques are implemented to improve model performance [29,30]. The second aspect involves model selection and application. Different machine learning models exhibit distinct advantages and limitations in deformation prediction. Therefore, suitable models are selected and applied based on specific requirements in practical engineering.
In light of the aforementioned aspects, numerous scholars have conducted extensive research and achieved significant results. Machine learning has demonstrated success in practical engineering applications. This paper first summarizes the commonly used machine learning prediction models and their optimization strategies in the field of deep foundation pit engineering. Subsequently, research advancements in various machine learning models in the field of deep foundation pit deformation prediction are summarized. Detailed introductions are provided regarding the application of machine learning in deformation of supporting structures, surrounding surface settlement, soil parameter analysis, and risk assessment. Furthermore, the applicability of different machine learning models across various application domains is summarized, and measures to optimize the prediction performance are proposed. Finally, the future development direction and prospects of machine learning in the field of deep foundation pit deformation prediction are elaborated. This offers insights and guidance for future research on deep foundation pit deformation prediction.

2. Machine Learning Model

With the increasing application of machine learning in deep foundation pit engineering, optimizing individual prediction models is of significant importance to further enhance the accuracy and performance of machine learning-based deformation predictions. Based on the fundamental principles of machine learning models, this paper systematically reviews optimization measures addressing the limitations of these models and analyzes the impact of such measures on the prediction accuracy. The aim is to provide a reference for the optimization of prediction models.

2.1. Neural Network

The neural network consists of neurons and synaptic connections. The connection strength and threshold between neurons are determined through learning from existing training samples [31]. Currently, back propagation (BP) neural networks, Elman recurrent neural networks, and long short-term memory (LSTM) neural networks are extensively studied in the field of deep foundation pit deformation prediction.

2.1.1. BP Neural Network

The structure of the BP neural network primarily comprises an input layer, one or more hidden layers, and an output layer, with full connections between these layers [32]. Its topology is illustrated in Figure 1.
Due to issues associated with BP neural networks, such as the tendency to fall into local optima, slow convergence speed, or even non-convergence, the prediction error for deep foundation pit deformation has increased. Consequently, many scholars have conducted extensive research on optimizing BP neural networks for deep foundation pit deformation prediction. Currently, the optimization of machine learning models such as BP neural networks can be categorized into two types. The first approach is to utilize data processing technology for optimizing monitoring data. The second approach involves optimizing the network structure and parameters. An optimization diagram for BP neural networks (or other machine learning models) is presented in Figure 2.
Due to errors in the monitoring data of deep foundation pits, noise and outliers may be introduced into the training data, potentially compromising the training efficiency and prediction accuracy of the model. Many scholars [33,34,35] have utilized wavelet transform for denoising, decomposing, and reconstructing monitoring data. They further divide the monitoring data into trend term and error term. Based on this division, the prediction model has been established to predict both the trend term and the error term. Wavelet transform has a wide range of applicability and is not limited to BP neural network. It is often used in the data processing of various machine learning models [36,37,38,39,40]. This provides accurate and reliable data support for the training of machine learning models.
To obtain the optimal weights and thresholds of the BP neural network, a deep foundation pit deformation prediction model with stable performance has been constructed. Some scholars have utilized the global optimization capabilities of genetic algorithms, sparrow search algorithms, particle swarm optimization, and other optimization algorithms to optimize the weights and thresholds of BP neural networks [41,42,43,44,45,46]. Different optimization algorithms exhibit varying degrees of effectiveness in optimizing BP neural networks, and selecting an appropriate optimization algorithm is crucial for enhancing prediction performance. The genetic algorithm, artificial bee colony algorithm, and sparrow search algorithm exhibit strong global optimization capabilities, significantly enhancing the prediction performance of the BP neural network. In contrast, the whale optimization algorithm and bat algorithm demonstrate relatively poor optimization performance. Figure 3 illustrates the optimization performance of the BP neural network achieved by ten optimization algorithms. A coefficient of determination (R2) closer to 1 indicates better model performance, while a root mean square error (RMSE) closer to 0 suggests higher prediction accuracy. Additionally, existing optimization algorithms can be further enhanced to improve their optimization capabilities. Cui et al. [47] enhanced the supply and demand optimization algorithm. Experimental results demonstrated that the improved algorithm outperformed the genetic algorithm and the artificial bee colony optimization algorithm in optimizing BP neural network parameter selection. In the practical application of deep foundation pit engineering, it is essential to select an appropriate optimization algorithm based on the specific characteristics of the problem at hand. Alternatively, one may consider enhancing the existing algorithm to enhance the training effectiveness of the BP neural network.
The selection of feature vectors in the BP neural network significantly influences the model’s performance. Wang et al. [49], based on the engineering background of 30 foundation pit cases, employed quantitative theory III to analyze the influence of various factors on foundation pit deformation. The selected factors were utilized as the feature vectors for the BP neural network. Figure 4 presents a comparison between the prediction results of the BP neural network optimized using the feature vector and those of the unoptimized model. The selection of an appropriate feature vector set can significantly enhance the prediction accuracy and generalization capability of the model, while reducing errors in the prediction of deep foundation pit deformation. In addition, to simplify the network structure and enhance training efficiency, the BP neural network model is integrated with other models, such as the radial basis function (RBF) neural network [50] and the grey GM (1,1) model [51]. On this basis, the optimization algorithm can be integrated with data processing techniques to further enhance prediction performance [52,53].

2.1.2. Elman Recurrent Neural Network

The Elman recurrent neural network is supported by the BP neural network, with the context layer incorporated into the hidden layer. The number of neurons in the context layer is equal to that in the hidden layer. The context layer is designed to accept the feedback signal from the hidden layer through a one-step delay operator, thereby enabling memory functionality. This mechanism allows the neural network to adapt to time-varying characteristics [54]. The topological structure is shown in Figure 5.
Currently, feedforward neural networks such as the BP neural network are predominantly utilized in the field of deep foundation pit deformation prediction, and various combined models based on the BP neural network have been derived. Several researchers have applied the Elman recurrent neural network to the prediction of deep foundation pit deformation. Compared with the single BP neural network model, the Elman model demonstrates superior accuracy in medium- and long-term predictions [54].
Since the Elman recurrent neural network is supported by the BP neural network, its initialization weight threshold also exhibits a degree of blind randomness. Progress has been achieved in the selection of weights and thresholds for Elman recurrent neural networks. Table 1 summarizes the research findings on weight and threshold selection for Elman recurrent neural networks. Figure 6 illustrates the optimization performance of the Elman model using different optimization algorithms. As demonstrated in Table 1 and Figure 6, the Elman model’s prediction performance is improved when optimized by the optimization algorithm. The sparrow search algorithm has been widely utilized in optimizing the Elman model and its improvement effect is better. However, optimization algorithms may converge to local optima when addressing certain problems. To enhance their global search capabilities and mitigate the risk of becoming trapped in local optima during the search process, numerous scholars have proposed improvements and innovations to these algorithms. Zhou et al. [48] employed adaptive mutation (AM) to enhance the sparrow search algorithm, thereby improving its search capability and stability. The optimization performance of the enhanced sparrow search algorithm is illustrated in Figure 7. In future research, advanced theories or methods could be integrated with the optimization algorithm to enhance its optimization capabilities, thereby improving the accuracy and stability of deep foundation pit deformation predictions.
Due to the influence of the construction environment, the monitoring data of deep foundation pits exhibit significant fluctuations and non-stationarity, resulting in poor prediction performance. To address the issue of poor prediction performance caused by the influence of monitoring data on the Elman recurrent neural network, Zhao et al. [59] introduced phase space reconstruction technology to reconstruct the monitoring data sequence of the foundation pit. This approach significantly enhanced the prediction accuracy of the Elman recurrent neural network model. Xu [60] applied empirical mode decomposition to filter field monitoring data. The data were decomposed and reconstructed to obtain stable monitoring results. Sun et al. [56] utilized variational mode decomposition to decompose the time series of foundation pit displacement into trend, periodic, and random terms and analyzed the rationality of the decomposition for each sub-displacement sequence. The Elman model was employed to predict the trend, periodic, random terms, and decomposition error, and the prediction results were superimposed to obtain the total displacement prediction.

2.1.3. LSTM Neural Network

The LSTM neural network is a specialized type of recurrent neural network within the domain of deep learning. It incorporates a memory cell unit within its hidden layer, which consists of a cell state and three regulatory gates: the input gate, the forget gate, and the output gate [61]. These gates are designed to protect and regulate the cell state, enabling the network to perform functions such as memorization and forgetting. The architecture of the LSTM neural network is illustrated in Figure 8. Xt is the input at time t. it, ft, and ot are input gate, forget gate, and output gate, respectively. Ct and Ct−1 are the cell state at time t and t − 1, respectively (long-term memory). C t ~ is the candidate state. ht and ht−1 are the hidden states at t and t − 1, respectively (short-term memory). σ and tanh are sigmoid function and tanh function, respectively. + and × represent the addition and multiplication of vectors, respectively.
The LSTM neural network model is capable of accurately capturing the long-term dependencies between temporal and spatial sequences while effectively mitigating the issue of gradient vanishing commonly encountered in traditional recurrent neural networks [63,64,65]. Due to the complex spatiotemporal characteristics and highly nonlinear nature of deep foundation pit data, the data capacity for feature extraction is constrained. As a result, nonlinear and non-stationary sequences are not adequately handled. To accurately predict the nonlinear and complex time series in deep foundation pit engineering, Zhang et al. [66] employed the pole symmetric mode decomposition algorithm to identify and decompose the monitoring data at multiple scales. They reconstructed the multi-dimensional phase space based on the fuzzy entropy theory. An LSTM neural network model optimized by the artificial jellyfish search algorithm was developed, and this model was utilized to predict the reconstructed subsequences. Ma et al. [67] employed bidirectional long short-term memory networks to predict the time series of deformation monitoring, achieving more comprehensive feature analysis. They also utilized attention mechanisms to enable the neural network to focus on learning the important features of the data.
Some scholars [68,69,70] have found that the convolutional neural network (CNN) model could effectively extract input features and integrate them with the LSTM model to construct the CNN-LSTM model. Based on the aforementioned research results, Li et al. [71] proposed a method to further optimize the utilization of computing resources and enhance prediction accuracy. This approach involved increasing the depth of data mining by integrating LSTM and an attention mechanism, building upon CNN-based data space feature extraction. This integration took into account data temporality and weight characteristics. Separately, Fang et al. [72] utilized variational mode decomposition to address the nonlinear and non-stationary issues inherent in the original time series data, providing a more stable data foundation for the CNN-LSTM model.
In addition, the complexity of constructing LSTM prediction models and the substantial amount of long-term data required for model training have limited the research and application of the model in the deep foundation pit deformation prediction field. Cho et al. [73] proposed a simplified version of the LSTM model in 2014, known as the gated recurrent unit (GRU) model. In the context of deep foundation pit deformation prediction, the GRU model exhibits fewer structural parameters and higher prediction accuracy compared with the LSTM model [74,75]. Currently, the research on the application of LSTM models for deep foundation pit deformation prediction remains insufficient. Future studies could further explore the potential of deep learning techniques, such as LSTM neural networks, and combine them with advanced technologies like optimization algorithms and big data to enhance their applicability in this field.

2.2. Support Vector Machine

The support vector machine (SVM) is a machine learning method designed for small-sample scenarios, grounded in statistical learning theory [76]. In SVM classification tasks, determining the optimal decision boundary is crucial. The optimality of the decision plane is evaluated based on whether the distance between the decision boundary and the nearest data points from both classes is maximized, as illustrated in Figure 9.
In the deep foundation pit deformation prediction study, the SVM model’s prediction accuracy depends on the appropriateness of its basic parameters and the relevant parameters of the kernel function. Consequently, optimizing the SVM model involves selecting the optimal parameter combination. With the emergence of swarm intelligence optimization algorithms and other optimization techniques, an effective approach has been provided to optimize the parameter selection of SVM models. This approach has garnered increasing attention from researchers. Table 2 presents the optimization algorithms employed by scholars and the corresponding parameters of the SVM model.
Suykens et al. [77] proposed the least squares support vector machine (LSSVM) method, which represents an extension of the standard support vector machine. LSSVM obtains the decision function by solving least squares linear equations, thereby avoiding complex quadratic programming problems. The LSSVM model based on this method demonstrates good reliability and practicability in the deep foundation pit deformation prediction field [78,79]. However, the LSSVM model’s prediction accuracy remains dependent on the selection of its parameters, which is largely dependent on experience and trial calculations. Currently, there is no uniform rule for determining these parameters [80]. In addition, the irregularity of training data can lead to model overfitting. To address this issue, some scholars have conducted research on parameter optimization and data processing techniques for LSSVM. Table 3 summarizes the optimization algorithms and data processing methods employed by researchers in the deep foundation pit deformation prediction field using the LSSVM model.
From Table 1 and Table 2, it is evident that the limited variety of optimization algorithms for SVM parameter selection constrains the potential of SVM in deep foundation pit deformation prediction. In future research, it would be beneficial to explore the integration of advanced optimization algorithms, such as the zebra optimization algorithm and the spider monkey optimization algorithm, with the SVM model. Additionally, combine SVM with deep learning models, such as CNN and LSTM. By leveraging the strengths of deep learning in feature extraction and complex pattern recognition, along with SVM’s robust capabilities in classification and regression tasks, a more intelligent and accurate prediction model is constructed.
Table 2. Optimization algorithm and optimization parameters.
Table 2. Optimization algorithm and optimization parameters.
DocumentOptimization AlgorithmOptimization ParameterAnnotation
Jin et al. [81]Differential evolution algorithmg, cG, g, and σ are radial basis kernel function parameters.
ε is insensitive loss factor. c is penalty parameter. f(x) is decision function.
Cui et al. [82]Differential evolution algorithmf(x)
Chen et al. [83]Ant colony optimization algorithmσ, ε, c
Shi et al. [84]Genetic algorithmσ, c
Liu [85]Particle swarm optimization algorithmc, g
Song et al. [86]Simulated annealing algorithm–particle swarm optimization algorithmG, c
Niu et al. [87]Genetic algorithmg, c
Table 3. Optimization algorithm and data processing.
Table 3. Optimization algorithm and data processing.
DocumentOptimization AlgorithmOptimization ParameterData Processing TechniqueAnnotation
Xu et al. [88]Grid search algorithmγ, σ/γ and C are regularization parameters.
C and d are penalty parameters.
σ, g, and σ2 are radial basis kernel function parameters.
μ is kernel function width.
“/” represents no special processing of the data.
Cao et al. [89]Particle swarm optimization algorithmσ, cPhase space reconstruction theory
Li et al. [90]Particle swarm optimization algorithmσ, dLocal mean decomposition
Xie et al. [91]Fruit fly algorithm σ, CPhase space reconstruction theory
Jia et al. [92]Improved Skyhawk algorithmγ, g/
Liu et al. [93]Particle swarm optimization–genetic algorithmσ, γAdaptive noise-complete ensemble empirical mode decomposition

2.3. Bayesian Network

The Bayesian network (BN) integrates the probability theory and statistical methods, employing graphical representations to analyze problems and predict outcomes through the use of network nodes, directed edges, and conditional probability tables [94]. The network nodes represent variables, the directed edges represent conditional dependencies between nodes, and the conditional probability tables define the relationships from parent nodes to child nodes [95]. For event L, set the set of all variables that affect its occurrence as X = (X1, X2, X3, ⋯, Xn). The Bayesian inference formula is then expressed as:
P ( X i | L ) = P ( L | X i ) P ( X i ) P ( L ) = P ( L | X i ) P ( X i ) Σ j = 1   n P ( L | X i ) P ( X j )
where X i represents the risk factor in set X, P ( X i ) denotes the prior probability, P ( L | X i ) is the conditional probability, P ( L ) is the probability of event L, and P ( X i | L ) represents the posterior probability.
There are two main methods to determine the Bayesian network structure [96]. The first approach involves establishing causal relationships between nodes based on domain experts’ prior knowledge. The second approach involves constructing the structure of the Bayesian network through data-driven learning. This method requires collecting a sufficient number of deep foundation pit deformation samples and performing multiple iterative learnings. The construction of the network structure limits the application of BN. Tang et al. [97] proposed a method to derive all conditional probability data from partial data. However, this method did not address the issue of BN structure construction. Several scholars [98,99,100] have conducted research on the complex issue of BN model construction. By transforming fault tree models into BN models, the structural construction obstacles are circumvented. The model diagrams of the fault tree and Bayesian network are illustrated in Figure 10.
Due to the influence of traditional probability methods on BN, uncertainty reasoning based on precise probability still faces limitations [101]. The acquisition of precise probability relies on extensive statistical data from historical failure cases. However, owing to the unique nature of deep foundation pit engineering, historical data for many nodes are often scarce or entirely unavailable. Some scholars [99,100] have integrated the fuzzy theory with Bayesian networks to estimate the probabilities of nodes in the network, thereby partially overcoming the limitations of traditional probability methods. By incorporating the time factor, the Bayesian network (BN) model can be extended to a dynamic Bayesian network (DBN). Shen et al. [95] employed the fuzzy set theory and an improved similarity aggregation method to determine the prior and conditional probabilities of network nodes in the DBN model. Furthermore, Lei et al. [102] combined a fuzzy dynamic Bayesian network with an enhanced evidence theory to address uncertainties in complex scenarios.
In addition, some scholars [103,104] have integrated the pair–copula theory, commonly used in financial forecasting, with Bayesian network models to establish the PCBN model. This model combines the flexibility of pair–copula in handling complex and variable data with the ability of Bayesian networks to address uncertainty.

3. Application Research of Deep Foundation Pit Deformation Prediction Based on Machine Learning

Machine learning can accurately predict the deformation of deep foundation pits during construction, including surrounding surface settlement and the displacement of supporting structures. Additionally, machine learning can effectively identify potential safety hazards based on deformation predictions, conduct risk analysis, and enhance the stability and safety of deep foundation pit engineering.

3.1. Displacement Prediction of Supporting Structure (Building Envelope)

3.1.1. Underground Continuous Wall

In the early stages of deformation prediction for underground diaphragm walls, many scholars established traditional machine learning models, such as BP neural networks [105,106] and SVM models [107], to predict horizontal displacement. However, with advancements in artificial intelligence technology, the variety of machine learning methods has significantly increased. Consequently, deep learning concepts, such as CNN and recurrent neural network (RNN), have been proposed and applied to the deformation prediction of underground diaphragm walls.
To evaluate the deep learning model’s predictive performance for the horizontal displacement of underground diaphragm walls, Wang et al. [27] developed a genetic algorithm–generalized regression neural network (GA-GRNN) model. This model was used to predict the horizontal displacement of underground diaphragm walls in deep foundation pit engineering within soft soil areas at various depths and construction stages. The results demonstrated that the GA-GRNN model exhibited superior accuracy and stability compared with the genetic algorithm–BP (GA-BP) model. Zhang et al. [64] investigated the deformation prediction of underground diaphragm walls using different neural network models under foundation pit excavation conditions. The study revealed that the BP neural network exhibited better prediction accuracy during the initial stages of excavation. However, as time progressed, its prediction performance deteriorated. In contrast, the LSTM prediction model demonstrated stable performance, with errors fluctuating between −2.5 mm and 1.5 mm throughout the excavation period. The overall error was stable, the trend was consistent, and the prediction accuracy was satisfactory. The comparative predictions of the two models during the excavation period are illustrated in Figure 11. Xu et al. [75] investigated the deformation prediction of supporting structures at different stages and found that LSTM and GRU models are capable of capturing the temporal dependencies in the input data. This is because these models account for the influence of time-series inputs on the output, which aligns more closely with the actual deformation behavior of supporting structures during foundation pit excavation. Consequently, these models demonstrate superior prediction performance. The findings suggest that deep learning models, such as LSTM neural networks, are more powerful and better aligned with actual conditions in predicting the deformation of underground continuous walls compared with traditional machine learning models.
The research has shown that the selection of training samples is crucial when constructing machine learning models for predicting the deformation of underground continuous walls. Given the large volume of monitoring data available for underground continuous walls, some scholars have selected factors that significantly influence the supporting structure as training samples. Xu et al. [50] used soil cohesion, internal friction angle, height of the underground continuous wall, foundation pit excavation depth, and measuring point depth as input variables for a BP-RBF prediction model. Zeng et al. [108] selected the construction period, excavation depth, groundwater level, and daily temperature as inputs for the BP neural network model, with deformation as the output. During the construction process, numerous factors contribute to the deformation of the underground continuous wall, some of which are critical, such as the timing of support construction [109]. By reasonably quantifying these key factors and combining them with actual deformation monitoring data as training samples, dynamic training, adjustment, and updating of machine learning models can be achieved. This approach can further enhance the prediction accuracy, generalization ability, and robustness of the underground continuous wall deformation prediction mode.

3.1.2. Supporting Pile

In the supporting pile’s prediction deformation, many scholars have utilized machine learning to predict the pile’s horizontal displacement. Currently, research on the supporting pile’s displacement prediction primarily focuses on bored piles. Among the methods employed, the BP neural network model [110,111] and the GA-BP neural network model [41,112] have been widely used. The implementation process of the BP neural network optimized by the genetic algorithm is illustrated in Figure 12. When the GA-BP neural network is applied to predict the horizontal displacement of bored piles at various depths, the deviation of the predicted displacement values meets the requirements for construction safety, providing an accurate reference for engineering applications. The distribution of the horizontal displacement prediction errors of the GA-BP neural network at different depths is presented in Figure 13.
Other machine learning models demonstrate better prediction performance for bored piles, with their accuracy meeting engineering requirements. For instance, the LSSVM model [78] achieves an average relative error of less than 2%, while the random forest model yields a minimum relative error of 2.09% [113]. Figure 14 illustrates the relationship curve between the predicted and measured values of the bored pile’s horizontal displacement. It is evident that there is no absolute optimal machine learning model for bored pile deformation prediction. However, with advancements in machine learning technology, the accuracy of deformation prediction for bored piles is expected to continue improving.
In the aforementioned research, the constructed model primarily focuses on the short-term prediction of horizontal displacement in bored piles. However, given the long-term nature of deep foundation pit engineering, the machine learning model faces challenges in achieving effective long-term predictions for bored pile deformation in practical applications. Niu et al. [87] developed a combined SVM–autoregressive moving average model utilizing both one-step prediction and multi-step rolling prediction methods to predict the short-term and long-term horizontal displacement of bored piles. The average relative errors for one-step prediction were −0.15%, 0.24%, and −1.70%, while those for multi-step rolling prediction were −3.02%, 7.14%, and −9.54%. Li et al. [71] proposed a CNN-LSTM model incorporating the attention mechanism (AM) to study the long-term maximum deformation values of three different supporting piles in deep foundation pits in Beijing. Furthermore, the accuracy of machine learning models is highly dependent on the quantity and quality of the training samples. During the early stages of foundation pit construction, monitoring data for supporting piles are often limited, which can reduce the generalization capability of the model and consequently diminish its long-term prediction performance. In the future, a large number of deep foundation pit engineering cases could be collected to establish a database and data analysis platform for data sharing and machine learning model training. However, it is worth noting that the current research remains predominantly focused on bored piles, while the exploration and research on other types of piles, such as pipe piles, are still insufficient.

3.2. Prediction of Surrounding Surface Subsidence

To improve the accuracy and efficiency of surface subsidence prediction around deep foundation pits, many scholars have developed prediction models based on machine learning, achieving significant research progress. Over the past few decades, numerous models have been widely applied in the field of surface subsidence prediction. These include the random forest model [114,115], BP neural network model [116,117], SVM model [92,93], XGBoost model [118,119], extreme learning machine [120,121,122], RBF neural network [123], and recurrent neural network [124], among others.
Some scholars have integrated different models and algorithms to leverage their respective advantages, thereby better capturing the linear and nonlinear relationships in settlement data. Qiao et al. [125] proposed a novel gray wolf optimization–extreme learning machine model for training and predicting surface subsidence data. Zhang et al. [126] combined an optimized gray Verhulst model with a BP neural network model to construct a hybrid model. Liu et al. [127] optimized the RBF neural network using the K-means clustering algorithm, developed a prediction model for the maximum surface settlement around foundation pits, and achieved advanced prediction prior to construction. Zhang et al. [128] established an improved random wavelet network foundation pit surface settlement prediction model with water level drawdown, compression modulus, thickness, consolidation degree, and monitoring point orientation of the soil layer as input parameters and total settlement of the foundation pit as an output parameter. Qin et al. [129] proposed a multi-model fusion method for land subsidence prediction based on stacking ensemble learning. This approach integrates multiple models, including random forest, SVM, and artificial neural networks. A schematic diagram of the stacking ensemble model is presented in Figure 15.
With the rapid development of artificial intelligence, numerous deep learning methods have emerged, such as LSTM neural network, GRU neural network, and CNN. Many scholars have applied these methods to the field of surface settlement prediction around deep foundation pits. To more accurately predict the temporal characteristics of settlement data in foundation pit engineering, Tang et al. [69] proposed hybrid time-series neural network models, namely CNN-LSTM and CNN-GRU. Li et al. [130] employed a modal decomposition method to decompose settlement data into different sequences and established a GRU model to predict each sequence. The final settlement prediction value was obtained by summing the predictions of these individual sequences. The settlement monitoring data in deep foundation pit engineering are related in time dimension and space dimension. Some scholars have observed that existing surface subsidence prediction models primarily focus on the temporal correlation of single-point data while neglecting the spatial correlation between adjacent monitoring points. To address this issue, Zhang et al. [131] proposed a method that combines CNN to capture the spatial characteristics of settlement data with the GRU neural network to analyze the temporal patterns of settlement data. Additionally, the self-attention mechanism is employed to capture the internal correlations within the settlement data, enabling the simultaneous extraction of spatial and temporal features to predict settlement values. Compared with other deep learning models, this approach demonstrates higher prediction accuracy and better stability. The performance metrics of various deep learning models for predicting surface subsidence deformation are presented in Figure 16. The results indicate that a well-designed combination of different deep learning models can significantly enhance the settlement prediction accuracy and improve the model’s generalization capability.

3.3. Research Progress of Soil Parameters

The theoretical analysis of deep foundation pit deformation relies on accurate soil parameters, which are typically obtained through laboratory tests. However, due to factors such as sampling disturbance, instrument accuracy, and soil heterogeneity, the test parameters often deviate from actual field conditions. In practical engineering, these uncertainties can lead to significant errors in the analysis results. With the increasing application of machine learning in various fields, many researchers have utilized its nonlinear mapping capabilities to describe the relationship between soil parameters and displacement in displacement back analysis. By inverting these parameters, more accurate soil properties can be obtained for theoretical analysis or numerical simulations of deformation prediction. This approach helps reduce errors in the analysis results and ensures that they better reflect the actual conditions of the project.
Wang et al. [132] performed a back analysis based on the measured maximum horizontal displacement of an underground continuous wall. They trained a BP neural network using the calculation parameters from FLAC forward analysis as target values and subsequently back analyzed the mechanical parameters of key soil layers in the project using the measured data. He et al. [133] employed a BP neural network as a forward modeling tool, replacing the finite element method, to describe the nonlinear mapping between soil parameters and support displacement. They also utilized a clonal selection algorithm as an inversion tool to determine the soil parameters of a deep foundation pit through inversion analysis. Liu et al. [134] and Xiao et al. [135] employed the displacement back analysis method based on a BP neural network to analyze the sensitivity of key physical and mechanical parameters of the soft soil layer. Forward numerical calculations were performed using the parameters obtained through inversion. The error between the calculated horizontal displacement of the retaining pile and the monitored values was less than 5%. The derived soil parameters can serve as reference values for similar projects in local deep soft soil layers. A comparison between the inverted values and the monitored values of the horizontal displacement of the retaining pile is presented in Figure 17.
Zou et al. [136] employed finite difference numerical simulation and a BP neural network algorithm to invert the elastic modulus, Poisson’s ratio, cohesion, and internal friction angle of the Quaternary overburden and bedrock. The inverted elastic modulus of the Quaternary overburden was 23.0 MPa, with a Poisson’s ratio of 0.31, a cohesion of 37.5 kPa, and an internal friction angle of 26.8°. For the bedrock, the inverted elastic modulus was 2214.2 MPa, with a Poisson’s ratio of 0.28, a cohesion of 470.8 kPa, and an internal friction angle of 33.8°. The reasonableness and reliability of the inverted parameters were confirmed through verification using the typical cross-section enclosure structure of the foundation pit.
The aforementioned research indicates that, in the field of soil parameter inversion, machine learning studies predominantly focus on BP neural networks. Furthermore, the soil parameters obtained through machine learning inversion can not only be utilized for investigating deep foundation pit deformation but can also be applied to evaluate the internal forces and bending moments of supporting structures. This enhances the applicability and practicality of machine learning in soil parameter inversion for deep foundation pits. With the recent advancements in deep learning, future research could explore its application in soil parameter inversion to further improve the accuracy and efficiency of the inversion process.

3.4. Risk Analysis

3.4.1. Risk Management

With the increasing scale and complexity of deep foundation pit engineering projects, the risk and potential losses caused by foundation pit deformation have also risen significantly. To control construction risks and ensure the successful completion of such projects, effective risk management for foundation pit projects is particularly crucial. Yin et al. [54] integrated deformation data from deep foundation pit monitoring with an Elman neural network to predict the third monitoring data after the construction monitoring day. Based on this prediction, they calculated the corresponding risk level, enabling construction personnel to formulate appropriate preventive measures. Wang et al. [98] combined event tree and fault tree analyses to construct the BN model for the SMW supporting structure. They analyzed the probability of foundation pit accidents and identified the main basic events contributing to such accidents. Zhou et al. [137] developed the SVM prediction model to classify and predict the risks associated with deep foundation pits. This model does not require a large amount of data and can provide highly accurate predictions, enabling better risk control and management. Zhou et al. [138] proposed a risk prediction model for subway deep foundation pits based on the random forest algorithm and applied the model to a foundation pit engineering project at a subway station.
To mitigate the subjectivity in evaluation results, several scholars have investigated the subjectivity, dynamic changes, and randomness associated with the risk assessment of deep foundation pits. Song et al. [139] comprehensively took into account the subjectivity in experts’ cognition, the dynamic nature of the evaluation process, and the randomness of indicators. Utilizing the data envelope method, they calculated the index weights and, in conjunction with the BP neural network method, conducted dynamic evaluations of the deep foundation pit’s construction safety in subway stations. Wang et al. [100] proposed a method for evaluating the collapse risk of deep foundation pits based on a multi-state fuzzy Bayesian network. This method enables real-time dynamic risk analysis during foundation pit construction, allowing for a scientifically sound and reasonable assessment of collapse risks and the key risk factor’s identification. Ma et al. [140] established risk transfer nodes and observation nodes and introduced the noisy-max hypothesis to optimize the expert experience method in constructing the DBN risk analysis model. This approach accurately predicts the dynamic changes in confined water risk throughout the entire process of deep foundation pit construction.

3.4.2. Safety Analysis of Supporting Structure

The safety of deep foundation pit support structures and their impact on the surrounding environment have become increasingly significant. If the deformation of the support structure exceeds the safety threshold, it may lead to construction accidents. To address this, some scholars have converted monitoring and prediction data into risk metrics by predicting the deformation of each structural component in deep foundation pits. This approach enables the evaluation of the foundation pit’s safety status and facilitates risk classification. Xia et al. [141] developed an LSTM-based deep foundation pit deformation safety risk early warning model to predict the deformation of foundation pit supporting structures, surrounding roads, underground pipelines, and other related structures. By integrating a risk assessment method based on monitoring data, they dynamically evaluated the safety risks of deep foundation pits and determined the corresponding warning levels. Wei et al. [142] employed wavelet analysis, artificial neural networks, and Copula correlation analysis to establish a horizontal deformation prediction model for foundation pits, taking into account the influence of rainfall. This model was applied to predict the deformation of an actual deep foundation pit, enabling the issuance of risk warnings in advance.
In addition, the application of the reliability theory to address safety concerns in deep foundation pit support structures has garnered increasing attention. A series of studies have been conducted to tackle the issues of low computational efficiency and the difficulty in ensuring accuracy associated with traditional methods. Mao et al. [143] employed an artificial neural network model combined with the Monte Carlo method to analyze the overall displacement control reliability of rock-socketed support structures in two super-large and ultra-deep foundation pits. Their findings indicate that the target reliability index for foundation pit support structures can be appropriately reduced compared with that of permanent structures. Zhu et al. [144] proposed a Bayesian correction method for reliability analysis, which addressed the displacement monitoring reading errors caused by the insufficient burial depth of the inclinometer. Wu et al. [104] conducted a reliability analysis of deep foundation pit supporting structures using the PCBN model. Their study revealed that the reliability of the supporting structures was most significantly influenced by the vertical displacement of the pile top, the horizontal displacement of the pile body, and the deep horizontal displacement of the pile, while the groundwater level had the least impact.

4. Model Reliability Analysis

Table 4 presents a performance comparison of various machine learning prediction models. Based on the above application studies, it can be observed that current machine learning models exhibit distinct performance characteristics in predicting deep foundation pit deformation. Specifically, SVM demonstrates strong generalization capabilities when handling small sample datasets. However, its processing efficiency for large-scale data is relatively low. Neural network models, particularly deep learning models, exhibit significant advantages in capturing complex data relationships. Nevertheless, their training processes are time-consuming and prone to overfitting. Bayesian networks are commonly applied to risk analysis in deep foundation pit deformation. While combined models achieve high precision, they are often complex and require extensive training time. Therefore, when selecting a machine learning prediction model, it is essential to comprehensively consider the specific requirements of deep foundation pit engineering, data availability, and computational resources.

5. Conclusions and Prospects

This study provides a systematic review of machine learning applications in deep foundation pit deformation prediction. The fundamental principles and application outcomes of neural networks, support vector machines, and Bayesian networks are comprehensively analyzed. Furthermore, this paper investigates the critical role of optimization algorithms and data processing technologies in enhancing model performance. Building on the current status and future development of machine learning in deformation prediction for deep foundation pits, the following conclusions are summarized:
(1)
In recent years, machine learning models in the deep foundation pit deformation prediction field have transitioned from single models to complex combined models, demonstrating a trend toward interdisciplinary integration. Optimizing these machine learning models can significantly enhance prediction accuracy and performance. Recently, new optimization algorithms have been proposed. Future research could explore the extent to which these algorithms improve the prediction models.
(2)
Machine learning needs to further adapt to the requirements of deep foundation pit deformation prediction in ultra-deep and extreme environments. In the fields of deformation prediction for deep foundation pit support structures and surrounding surface settlement, it is necessary to explore cutting-edge deep learning models, such as GRU. These advancements aim to provide innovative solutions to address the complex and polytropic challenges associated with deep foundation pit deformation prediction.
(3)
Given that the machine learning prediction accuracy hinges on the quality and scale of samples, it is essential to collect a large number of deep foundation pit engineering cases and process the data systematically. Machine learning can be integrated with other advanced technologies, such as the Internet of Things and big data, to establish a comprehensive database for deep foundation pit engineering, which would enable intelligent and automated deformation prediction.
(4)
The types of machine learning models used in the deep foundation pit deformation prediction field have become increasingly diverse, offering more reliable technical support for the development and utilization of urban underground spaces. Each machine learning model has its own unique advantages in terms of algorithm design, data processing, computational efficiency, and prediction accuracy. Scientific and rational model selection and optimization are critical to ensuring accurate and efficient predictions.

Author Contributions

Conceptualization, N.Y.; methodology, X.W.; software, X.B.; validation, J.H.; formal analysis, Z.H.; investigation, X.W.; resources, X.W., X.B., N.Y. and J.H.; writing—original draft preparation, X.W.; writing—review and editing, Z.Q.; funding acquisition, X.B. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the National Natural Science Foundation of China (Grant No. 52478348), the Taishan Scholar Foundation of Shandong Province (Grant No. tsqn202306234), the Qingdao Natural Science Foundation Original Exploration Project (Grant No. 24-4-4-zrjj-180-jch), and the Shandong Province Housing Urban and Rural Construction Science and Technology Plan Project (2024KYKF-FZJZ047).

Conflicts of Interest

The authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.

References

  1. Yan, N.; Hao, Z.M.; Bai, X.Y.; Zhang, L.; Sun, L.N.; Zhang, Q.J. Force and Deformation Characteristics of Double-row Miniature Pile–Anchor–Support Combination Support Structure for Deep Foundation Pit. J. Cent. South Univ. (Sci. Technol.) 2024, 55, 2295–2309. [Google Scholar]
  2. Shi, C.Y.; Wang, P.F.; Wang, X.J.; Rui, K.; Lei, G.H. Field Monitoring Analysis of Damage of Buildings Due to Large Deformations Caused by Adjacent Deep Excavations. Chin. J. Geotech. Eng. 2012, 34, 512–518. [Google Scholar]
  3. Hu, Q.; Xu, S.F.; Chen, R.P.; Ran, L. Influence of Soil Disturbance on Metro Tunnel in Soft Clay Due to Excavation of Deep Foundation pit. Chin. J. Geotech. Eng. 2013, 35, 537–541. [Google Scholar]
  4. Yoshua, T.; Aswin, L. Investigation into RFD System for Deep Excavation Considering Diaphragm Wall Joints. Rock Soil Mech. 2024, 45, 3717–3727. [Google Scholar]
  5. Abarkan, I.; Rabi, M.; Ferreira, F.P.V.; Shamass, R.; Limbachiya, V.; S. Jweihan, Y.; Luis, F.P.S. Machine Learning for Optimal Design of Circular Hollow Section Stainless Steel Stub Columns: A Comparative Analysis with Eurocode 3 Predictions. Eng. Appl. Artif. Intell. 2024, 132, 107952. [Google Scholar] [CrossRef]
  6. Zhou, S.; Jia, Y.; Li, K.; Li, Z.J.; Wu, X.X.; Peng, H.Y.; Zhang, C.M.; Han, K.H.; Wang, C. Mix Proportion Optimization of Ultra-High Performance Concrete Based on Machine Learning. J. Tongji Univ. (Nat. Sci.) 2024, 52, 1018–1023. [Google Scholar]
  7. Zhao, W.Y.; Chen, P.H. Impact response prediction and optimization of half steel-concrete composite slabs based on machine learning. J. Vib. Shock 2023, 42, 28–37. [Google Scholar]
  8. Rabi, M. Bond Prediction of Stainless-steel Reinforcement Using Artificial Neural Networks. Proc. Inst. Civ. Eng.-Constr. Mater. 2023, 177, 87–97. [Google Scholar] [CrossRef]
  9. Rabi, M.; Abarkan, I.; Shamass, R. Buckling Resistance of Hot-finished CHS Beam-columns Using FE Modelling and Machine Learning. Steel Constr. 2024, 17, 93–103. [Google Scholar] [CrossRef]
  10. Rabi, M.; Jweihan, Y.S.; Abarkan, I.; Felipe, P.V.F.; Shamass, R.; Limbachiya, V.; Konstantinos, D.T.; Luis, F.P.S. Machine Learning-driven Web-post Buckling Resistance Prediction for High-strength Steel Beams with Elliptically-based Web Openings. Results Eng. 2024, 21, 101749. [Google Scholar] [CrossRef]
  11. Zhao, C.F.; Xiang, S.Q.; Zhu, Y.F. A two-stage Damage Assessment Model for RC Slab under Explosion Based on Machine Learning. J. Build. Struct. 2025, 46, 212–222. [Google Scholar]
  12. Zhou, Y.; Meng, S.Q.; Kong, Q.Z.; Weng, Y.F. State-of-the-art of Intelligent Damage Detection and Response Prediction of Building Structures. J. Build. Struct. 2024, 45, 107–132. [Google Scholar]
  13. Wu, X.; Feng, Z.; Liu, J.; Chen, H.Y.; Liu, Y. Predicting Existing Tunnel Deformation from Adjacent Foundation Pit Construction Using Hybrid Machine Learning. Autom. Constr. 2024, 165, 105516. [Google Scholar] [CrossRef]
  14. Wei, X.; Chheng, S.; Chen, R.; Wang, Z.J.; Li, Y.J. ANN Deformation Prediction Model for Deep Foundation Pit with Considering the Influence of Rainfall. Sci. Rep. 2023, 13, 22664. [Google Scholar] [CrossRef]
  15. Hong, C.; Luo, G.; Chen, W. Safety Analysis of a Deep Foundation Ditch Using Deep Learning Methods. Gondwana Res. 2023, 123, 16–26. [Google Scholar] [CrossRef]
  16. Cheng, K.; Qing, R.X.; Ying, H.W.; Lin, C.; Gan, X. Simplified Method for Calculating Ground Lateral Displacement Induced by Foundation Pit Excavation. Eng. Comput. 2020, 37, 2501–2516. [Google Scholar] [CrossRef]
  17. Li, Y.X. Study on Deformation Law and Influencing Factors of Deep Foundation Pit Support Structure in Silty Clay Layer. Master’s Thesis, Shandong University of Science and Technology, Qingdao, China, 2020. [Google Scholar]
  18. Liu, G.B.; Huang, Y.X.; Hou, X.Y. A Practical Method for Calculation a Heave of Excavated Foundation. China Civ. Eng. J. 2000, 33, 61–67. [Google Scholar]
  19. Wang, W.D.; Wang, H.R.; Xu, Z.H. Simplified Method of Deformation Prediction for Excavations Retained by Embedded Walls in Shanghai Soft Soil. Chin. J. Geotech. Eng. 2012, 34, 1792–1800. [Google Scholar]
  20. Niu, J.; Li, Z.; Feng, C.; Wang, B.; Chen, K. Combined Support System and Calculation Model for Deep Foundation Pits in Fill Soil Areas. Arab. J. Geosci. 2020, 13, 347. [Google Scholar] [CrossRef]
  21. Cai, J.J.; Xie, C.; Li, S.C.; Li, S.C.; Zhao, S.S. Multi-Layer Supporting Method and Numerical Simulation for Deep Foundation Pit under Complex Condition. Eng. Mech. 2018, 35, 188–194. [Google Scholar]
  22. Yin Li, J.; Li, Y.J.; Zhu, Y.P.; Huo, B.; Yang, Z.T.; Qin, C. Monitoring and Numerical Simulation of Support for Foundation Pit at Yanyuan Road Station of Lanzhou Metro. Chin. J. Geotech. Eng. 2021, 43, 111–116. [Google Scholar]
  23. Li, Y.J.; Feng, Z.J.; Zhu, Y.P. Analysis of Mechanical Properties of a Deep Foundation Pit Supporting System in Red Sandstone Area. J. Basic Sci. Eng. Available online: http://kns.cnki.net/kcms/detail/11.3242.TB.20240802.1752.004.html (accessed on 29 December 2024).
  24. Zhou, Y.; Ye, W.N.; Gao, S. Deformation Characteristics of Excavation of Deep Foundation Pit at a Metro Station in Lanzhou. Chin. J. Geotech. Eng. 2018, 40, 141–146. [Google Scholar]
  25. Ye, S.H.; Ding, S.H.; Gong, X.N.; Gao, S.; Chen, C.L. Monitoring and Numerical Simulation of Deep Foundation Pit of a Subway Station in Lanzhou. Chin. J. Geotech. Eng. 2018, 40, 177–182. [Google Scholar]
  26. Ni, X.D.; Wang, C.; Tang, D.H.; Lu, J.F.; Wang, X.Y.; Chen, W.C. Early-Warning and Inducement Analysis of Super-Large Deformation of Deep Foundation Pit on Soft Soil. J. Cent. South Univ. (Sci. Technol.) 2022, 53, 2245–2254. [Google Scholar]
  27. Wang, Y.; Liu, G.B.; Tu, C.B. Deformation Prediction for Deep Excavations Based on Genetic Algorithms-GRNN. Chin. J. Geotech. Eng. 2012, 34, 167–171. [Google Scholar]
  28. Guo, J.; Zha, L.Y.; Pang, Y.C.; Shen, S.S.; Xia, P. Prediction for Ground Settlement of Deep Excavations Based on Wavelet Analysis. Chin. J. Geotech. Eng. 2014, 36, 343–347. [Google Scholar]
  29. Xiong, X.B.; Gui, G.Q.; Zheng, M.X.; Xu, J.C.; Wang, B.J. Deformation Prediction for Deep Foundation Pits Based on Pearl Curve and Genetic Neural Network. Chin. J. Geotech. Eng. 2008, 30, 220–224. [Google Scholar]
  30. Li, B.Y.; Sima, J. Horizontal Displacement Back-Analysis for Deep Excavation Using MEC-BP Neural Network. J. Railw. Sci. Eng. 2021, 18, 1764–1772. [Google Scholar]
  31. Zhou, R.Z.; Qiu, G.X. Displacement Back-Analysis for Deep Foundation Pit Based on BP Neural Networks. China Civ. Eng. J. 2001, 34, 60–62+73. [Google Scholar]
  32. Zhang, F.B.; Chen, Y.L.; Pan, Z.T. Analysis of Lateral Deformation of Deep Excavation Based on Back Propagation Neural Network and Fuzzy Logical Control. Rock Soil Mech. 2005, 26, 1148–1152. [Google Scholar]
  33. Yang, Z.F.; Luo, L.; Jia, D.Y.; Tang, X. Research on Deformation Prediction of Deep Foundation Pit Based on Wavelet Denoising. Yangtze River 2014, 45, 41–46. [Google Scholar]
  34. Wang, X.K.; Wang, J. Study of Deformation Prediction of Foundation Pit Based on Optimized Support Vector Machine and Chaotic BP Neural Network. Tunn. Constr. 2017, 37, 1105–1113. [Google Scholar]
  35. Liu, Q.; Yang, C.Y.; Lin, L. Deformation Prediction of a Deep Foundation Pit Based on the Combination Model of Wavelet Transform and Gray BP Neural Network. Math. Probl. Eng. 2021, 2021, 2161254. [Google Scholar] [CrossRef]
  36. Cao, J.; Ding, W.Y.; Zhao, D.S.; Song, Z.G.; Liu, H.M. Time Series Forecast of Foundation Pit Deformation Based on LSSVM-ARMA Model. Rock Soil Mech. 2014, 35, 579–586. [Google Scholar]
  37. Ma, Q.; Liu, S.; Fan, X.; Chai, C.; Wang, Y.Y.; Yang, K. A Time Series Prediction Model of Foundation Pit Deformation Based on Empirical Wavelet Transform and NARX Network. Mathematics 2020, 8, 1535. [Google Scholar] [CrossRef]
  38. Zhang, J.; Cheng, Z. Prediction of Surface Subsidence of Deep Foundation Pit Based on Wavelet Analysis. Processes 2022, 11, 107. [Google Scholar] [CrossRef]
  39. Guo, J.; Chen, J.; Hu, Y. Time Series Prediction for Deformation of the Metro Foundation Pit Based on Wavelet Intelligence Model. Rock Soil Mech. 2020, 41, 299–304. [Google Scholar]
  40. Qian, J.G.; Wu, A.H.; Ji, J.; Cheng, L.; Xu, W. Prediction for Nonlinear Time Series of Geotechnical Engineering Based on Wavelet-Optimized LSTM-ARMA Model. J. Tongji Univ. (Nat. Sci.) 2021, 49, 1107–1115. [Google Scholar]
  41. Dai, Y.B. Study on Application of Multi-Step Scroll Real-Time Prediction Method to Monitoring of Deep Foundation Pit. Chin. J. Rock Mech. Eng. 2006, 25, 4198–4203. [Google Scholar]
  42. Meng, J.; Li, H.M.; Tian, W. Prediction of Tunnel Uplift Deformation Caused by Foundation Pit Construction Based on GA-BP. J. Railw. Sci. Eng. 2019, 16, 2521–2529. [Google Scholar]
  43. Li, Z.; Hu, X.; Chen, C.; Liu, C.; Han, Y.; Yu, Y.; Du, L. Multi-Factor Settlement Prediction Around Foundation Pit Based on SSA-Gradient Descent Model. Sci. Rep. 2022, 12, 19778. [Google Scholar] [CrossRef]
  44. Yuan, Z.; Gao, L.; Chen, H.; Song, S. Study on Settlement of Self-Compacting Solidified Soil in Foundation Pit Backfilling Based on GA-BP Neural Network Model. Buildings 2023, 13, 2014. [Google Scholar] [CrossRef]
  45. Ni, X.D.; Zhang, Y.K.; Yan, L.; Wang, D.X.; Xu, S.; Wang, Y. Prediction Study on Super Large Deformation of Deep Foundation Pit Based on HSS-MCC Fusion Model and SSA-BP Neural Network. J. Hunan Univ. (Nat. Sci.) 2024, 51, 35–45. [Google Scholar]
  46. Li, Q.; Cheng, F.; Zhang, X. Numerical Simulation and Deformation Prediction of Deep Pit Based on PSO-BP Neural Network Inversion of Soil Parameters. Sensors 2024, 24, 2959. [Google Scholar] [CrossRef] [PubMed]
  47. Cui, D.W.; Li, D.H. Improved Supply-Demand-Based Optimization Algorithm-Exponential Power Product Model in Foundation Pit Deformation Prediction. Adv. Sci. Technol. Water Resour. 2020, 40, 43–50. [Google Scholar]
  48. Zhou, X.; Hu, W.; Zhang, Z.; Ye, J.N.; Zhao, C.; Bian, X.C. Adaptive Mutation Sparrow Search Algorithm-Elman-AdaBoost Model for Predicting the Deformation of Subway Tunnels. Undergr. Space 2024, 17, 320–360. [Google Scholar] [CrossRef]
  49. Wang, F. Factors Influencing Deformation of Subway’s Deep Foundation Pit Based on Quantification Theory III. J. Yangtze River Sci. Res. Inst. 2019, 36, 110–114. [Google Scholar]
  50. Xu, B.W.; Jiang, X.L. Diaphragm Wall’s Deformation Forecasting Based on BP-RBF Neural Networks. Eng. Mech. 2009, 26, 163–166. [Google Scholar]
  51. Fang, L.S.; He, G.W.; Luo, C.M.; Xiong, M.X. The Application of Gray Theory and BP Artificial Neural Network Theory in Deformation Prediction of Subway Deep Foundation Excavation. Constr. Technol. 2017, 46, 57–60. [Google Scholar]
  52. Hu, S.W. Study on Deformation of Foundation Pit Based on Grey Neural Network Model of Genetic Algorithm. Sci. Surv. Mapp. 2019, 44, 91–94+100. [Google Scholar]
  53. Ouyang, X.; Nie, J.; Xiao, X. Study of Improved Grey BP (Back Propagation) Neural Network Combination Model for Predicting Deformation in Foundation Pits. Buildings 2023, 13, 1682. [Google Scholar] [CrossRef]
  54. Yin, S.Q.; Liang, F.Y.; Yao, X.Q. Dynamic Risk Prediction for the Deep Excavations Based on Neutral Networks and It’s Applications. Chin. J. Undergr. Space Eng. 2011, 7, 996–1000+1012. [Google Scholar]
  55. Ren, Z. Deformation Prediction and Safety Assessment of Foundation Pit Based on SSA Elman and Grey Cloud Model. Master’s Thesis, Dalian University of Technology, Dalian, China, 2021. [Google Scholar]
  56. Sun, L.; Liu, S.; Zhang, L.; He, K.; Yan, X. Prediction of the Displacement in a Foundation Pit Based on Neural Network Model Fusion Error and Variational Modal Decomposition Methods. Measurement 2021, 240, 115534. [Google Scholar] [CrossRef]
  57. Zhang, Y.F. Research on Deep Foundation Pit Deformation Prediction Based on Artificial Neural Network and Sparrow Search Algorithm. Master’s Thesis, South China University of Technology, Guangzhou, China, 2022. [Google Scholar]
  58. Guo, W.; Meng, Q.; Wang, X.; Zhang, Z.; Yang, K.; Wang, C. Landslide Displacement Prediction Based on Variational Mode Decomposition and GA-Elman Model. Appl. Sci. 2022, 13, 450. [Google Scholar] [CrossRef]
  59. Zhao, Q.J. Research on Deformation Prediction of Deep Excavation by Recurrent Neural Network and Phase Space Reconstruction. Master’s Thesis, Tongji University, Shanghai, China, 2008. [Google Scholar]
  60. Xu, K.S. Study on Stability Analysis and Deformation Prediction of Deep Foundation Pit Slope of a Building under Soil-Rock Combination Geological Conditions. Master’s Thesis, Guizhou University, Guiyang, China, 2022. [Google Scholar]
  61. Zhang, B. Research on Intelligent Recognition and Prediction Method of Monitoring Information of Environment around Deep Foundation Pit. Master’s Thesis, Southeast University, Nanjing, China, 2020. [Google Scholar]
  62. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  63. Zhao, H.J.; Zhang, M.Y.; Liu, W.; Shi, P.X. Dynamic Prediction of Diaphragm Wall Deflection Caused by Deep Excavation Using Neural Network Algorithm. Chin. J. Undergr. Space Eng. 2021, 17, 321–327. [Google Scholar]
  64. Zhang, S.J.; Tan, Y. Deformation Prediction of Foundation Pit Based on Long Short-Term Memory Algorithm. Tunn. Constr. 2022, 42, 113–120. [Google Scholar]
  65. Li, H.; Zhao, Z.; Du, X. Research and Application of Deformation Prediction Model for Deep Foundation Pit Based on LSTM. Wirel. Commun. Mob. Comput. 2022, 2022, 9407999. [Google Scholar] [CrossRef]
  66. Zhang, W.; Deng, B.B.; Qiu, J.C.; Xia, G.C.; Yao, Z.R.; Liu, Z.W. Zhu, X.Y.; Wang, Y.J. Deformation Prediction of Deep Foundation Pit of Sluice Based on ESMD-FE-AJSO-LSTM Algorithm. South–North Water Transf. Water Sci. Technol. 2024, 22, 378–387+408. [Google Scholar]
  67. Ma, E.L.; Lai, J.X.; Wang, L.X.; Wang, K.; Lei, S.X.; Li, C.J.; Qiu, J.L. Deformation Prediction during Underground Construction Based on Traction Algorithm in Control Phases. Rock Soil Mech. 2023, 44, 577–594. [Google Scholar]
  68. Hong, Y.C.; Qian, J.G.; Ye, Y.X.; Cheng, L. Application of CNN-LSTM Model Based on Spatiotemporal Correlation Characteristics in Deformation Prediction of Excavation Engineering. Chin. J. Geotech. Eng. 2021, 43, 108–111. [Google Scholar]
  69. Tang, H.R.; Hu, Y.; Lei, H.Y.; Lu, J.F.; Liu, T.; Wang, K. Time Series Prediction of Surface Displacement Induced by Excavation of Foundation Pits Based on Deep Learning. Chin. J. Geotech. Eng. 2024, 46, 236–241. [Google Scholar]
  70. Zhang, W.S.; Yuan, Y.; Long, M.; Sun, L. Prediction of Surface Settlement around Subway Foundation Pits Based on Spatiotemporal Characteristics and Deep Learning Models. Comput. Geotech. 2024, 168, 106149. [Google Scholar] [CrossRef]
  71. Li, T.; Shu, J.J.; Wang, Y.L.; Chen, Q. Horizontal Deformation Prediction of Deep Foundation Pit Support Piles Based on Decomposition Methods Model. Rock Soil Mech. 2024, 45, 496–506. [Google Scholar]
  72. Fang, Q.; Chen, S.; Liu, X.Z.; Qiu, W. Application of the Variational Mode Decomposition-Based CNN-LSTM Model in Predicting Excavation Deformation. Mech. Eng. 2024, 46, 1015–1022. [Google Scholar]
  73. Cho, K.; Merrienboer, B.V.; Gülçehre, Ç.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation. arXiv 2014, arXiv:1406.1078. [Google Scholar]
  74. Liu, R.; Zhang, Q.; Jiang, F.; Zhou, J.; He, J.; Mao, Z. Research on Deformation Prediction of VMD-GRU Deep Foundation Pit Based on PSO Optimization Parameters. Materials 2024, 17, 2198. [Google Scholar] [CrossRef]
  75. Xu, C.J.; Li, X.Y. Lateral Deformation Prediction of Deep Foundation Retaining Structures Based on Artificial Neural Network. J. Shanghai Jiaotong Univ. 2023, 58, 1735–1744. [Google Scholar]
  76. Vapnik, V. An overview of statistical learning theory. IEEE Transon Neural Netw. 1999, 10, 988–999. [Google Scholar] [CrossRef]
  77. Suykens, J.A.; Vandewalle, J. Least Squares Support Vector Machine Classifiers. Neural Process. Lett. 1999, 9, 293–300. [Google Scholar] [CrossRef]
  78. Xu, H.Z.; Zhou, Y.; Yang, L. Maximal Horizontal Displacement Prediction Model of Foundation Pit Based on LS-SVM. Water Resour. Power 2011, 29, 123–125. [Google Scholar]
  79. Li, X.; Liu, X.; Li, C.Z.; Hu, Z.; Shen, G.Q.; Huang, Z. Foundation Pit Displacement Monitoring and Prediction using Least Squares Support Vector Machines Based on Multi-Point measurement. Struct. Health Monit. 2019, 18, 715–724. [Google Scholar] [CrossRef]
  80. Cao, J.; Ding, W.Y.; Zhao, D.S.; Liu, H.M. Time Series Forecast of Foundation Pit Deformation Based on PSO-LSSVM. Control Eng. China 2015, 22, 475–480. [Google Scholar]
  81. Jin, L.; Jiang, A.N.; Zhao, W. Time Series Forecast Model of Foundation Pit Deformation Based on DE-SVM. Chin. J. Geotech. Eng. 2008, 30, 216–219. [Google Scholar]
  82. Cui, T.J.; Ma, Y.D. Prediction of Soil Settlement Outside Pit Based on DE and SVM. China Saf. Sci. J. 2013, 23, 83–89. [Google Scholar]
  83. Chen, X.F.; Liu, L.; Huang, T. Settlement Prediction for a Metro Tunnel Adjacent to a Deep Large-Scale Foundation Pit. Mod. Tunn. Technol. 2014, 51, 94–100. [Google Scholar]
  84. Shi, X.F.; Wang, L.F.; Shen, Y.; Liu, J.E.; Guo, Z.L. Research on Time Series Prediction of Foundation Excavation Construction Land Settlement Based on the GA-SVM. Constr. Technol. 2017, 46, 16–19+31. [Google Scholar]
  85. Liu, P. Research on the Intelligent Pre-Control of Metro Construction Safety Risks Oriented to Design Process. Ph.D. Thesis, Southeast University, Nanjing, China, 2019. [Google Scholar]
  86. Song, Z.; Liu, S.; Jiang, M.; Yao, S. Research on the Settlement Prediction Model of Foundation Pit Based on the Improved PSO-SVM Model. Sci. Program. 2022, 2022, 1921378. [Google Scholar] [CrossRef]
  87. Niu, S.X.; Li, S.L.; Liu, Y.C.; An, S.Z.; Huang, Y.R. Application of GASVM-ARMA Model Based on Wavelet Transform in Deformation Prediction of Deep Foundation Pit. J. Civ. Environ. Eng. 2023, 45, 16–23. [Google Scholar]
  88. Xu, H.Z.; Teng, K.; Li, X.H. Time Series Prediction Model of Deformation of Foundation Pit Based on Least Squares Support Vector Machines. Water Resour. Power 2011, 29, 92–94+215. [Google Scholar]
  89. Cao, J.; Li, W.Y.; Zhao, D.S.; Song, Z.G.; Ding, W.Y. Forecast of Building Inclination around Foundation Pit Based on PSO-LSSVM Model. Comput. Eng. Appl. 2016, 52, 254–259. [Google Scholar]
  90. Li, S.H.; Liu, H.Q. Deep Foundation Pit Deformation Prediction Based on LMD-PSO-LSSVM Model. Chin. J. Undergr. Space Eng. 2018, 14, 483–489. [Google Scholar]
  91. Xie, Y.Y.; Wu, D.P.; Fu, C.; Zhou, J.; Shi, Y.J. Research on Deformation Prediction Model of FOA-GLSSVM Deep Foundation Pit Based on Phase Space Reconstruction. J. Geod. Geodyn. 2018, 38, 1048–1052. [Google Scholar]
  92. Jia, L.; Jia, S.J.; Gao, S. Prediction of Settlements of Buildings around Excavations Based on IAO-LSSVM Model: Taking a Subway Foundation Pit in Shenzhen Huaqiangnan as an Example. Sci. Technol. Eng. 2024, 24, 2885–2892. [Google Scholar]
  93. Liu, Q.L.; Liu, Y.H.; Qin, L.; Zhao, P. Deep Foundation Pit Settlement Deformation Prediction Based on Improved Least Square Support Vector Machine Combined Model. J. Univ. Jinan (Sci. Technol.) 2024, 38, 8–14. [Google Scholar]
  94. Fusion, P.J. Propagation and structuring in belief networks. Artif. Intell. 1986, 29, 241–288. [Google Scholar]
  95. Shen, J.H.; Lu, S.P. Application of Fuzzy Dynamic Bayesian Network in Risk Evolution Analysis of Deep Foundation Pit Construction. J. Saf. Environ. 2023, 23, 4211–4221. [Google Scholar]
  96. Xie, H.T.; Chen, F. Bayesian Network Based Method for Diagnosis of Soil Slope Collapse Accident. China Saf. Sci. J. 2012, 22, 127–132. [Google Scholar]
  97. Tang, Z.; McCabe, B. Developing Complete Conditional Probability Tables from Fractional Data for Bayesian Belief Networks. J. Comput. Civ. Eng. 2007, 21, 265–276. [Google Scholar] [CrossRef]
  98. Wang, H.W.; Zhou, J.; Jia, M.C. Bayesian Networks Analysis on Soilcement Mixing Wall. J. Tongji Univ. (Nat. Sci.) 2012, 40, 27–32. [Google Scholar]
  99. Zhang, G.; Wang, C.; Jiao, Y.; Wang, H.; Qin, W.; Chen, W.; Zhong, G. Collapse Risk Analysis of Deep Foundation Pits in Metro Stations using a Fuzzy Bayesian Network and a Fuzzy AHP. Math. Probl. Eng. 2020, 2020, 4214379. [Google Scholar] [CrossRef]
  100. Wang, C.T.; Wang, H.; Qin, W.M.; Zhong, G.Q.; Chen, W. Evaluation of Collapse Possibility of Deep Foundation Pits in Metro Stations Based on Multi-State Fuzzy Bayesian Networks. Rock Soil Mech. 2020, 41, 1670–1679+1689. [Google Scholar]
  101. Ren, J.; Jenkinson, I.; Wang, J.; Xu, D.L.; Yang, J.B. An offshore risk analysis method using fuzzy Bayesian network. J. Offshore Mech. Arct. Eng. 2009, 131, 041101. [Google Scholar] [CrossRef]
  102. Lei, Z.; Wang, Y.; Zhang, Y.; Gu, F.; Zan, Z.; Mei, Y.; Liu, W.; Zhou, D. Advanced Risk Assessment for Deep Excavation in Karst Regions Using Improved Dempster–Shafer and Dynamic Bayesian Networks. Buildings 2024, 14, 3022. [Google Scholar] [CrossRef]
  103. Wu, H. Structural Safety Analysis of Operating Subway Shield Tunnel Based on Copula Dependency Modeling. Master’s Thesis, Huazhong University of Science and Technology, Wuhan, China, 2020. [Google Scholar]
  104. Wu, D.W.; Jiang, Y.X.; Liang, G.L.; Lin, Y.X. Reliability Analysis on Deep Foundation Pit Support Using Pair-Copula Bayesian Network. Yangtze River 2025, 56, 140–146+163. [Google Scholar]
  105. Yuan, J.R.; Chi, Y.W.; Liu, X.Z. Dynamic Prediction on Displacement of Diaphragm Wall in Deep Foundation Excavation Engineering Using Artificial Neural Networks. J. Tongji Univ. (Nat. Sci.) 2000, 28, 282–286. [Google Scholar]
  106. Dong, X.Z.; Wu, H.; Ruan, W.J.; An, H.G. Artificial Intelligent Prediction of Round and Deep Foundation Pit Deformation for South Anchorage of WuhanYangluo Bridge. World Bridges 2005, 34, 40–42+56. [Google Scholar]
  107. Tu, C.L.; Xu, Z.X. Application of Support Vector Machine in Deformation Prediction of Deep Foundation Pit Retaining Structure of Subway Station. Railw. Eng. 2007, 47, 37–39. [Google Scholar]
  108. Zeng, H.; Hu, J.; Bao, J.A. Research on Deformation Prediction Method of Foundation Pit Retaining Structure Based on BP Artificial Neural Network. Railw. Eng. 2011, 51, 70–73. [Google Scholar]
  109. Li, Y.J.; Xue, Y.D.; Yue, L.; Chen, B. Displacement Prediction of Deep Foundation Pit Based on Genetic Algorithms and BP Neural Network. Chin. J. Undergr. Space Eng. 2015, 11, 741–749. [Google Scholar]
  110. He, Z.Y.; Zheng, W. Deformation Prediction of Deep Foundation Pit Based on BP Neural Network. J. South China Univ. Technol. (Nat. Sci. Ed.) 2008, 36, 92–96. [Google Scholar]
  111. Hu, Q.C.; Hu, B.; Jiang, H.F. Application of BP Artificial Neural Network to the Displacement Prediction of Deep Foundation Pile. Saf. Environ. Eng. 2013, 20, 154–158. [Google Scholar]
  112. Liu, J.; Li, F.H.; Liu, X.X. Optimized Genetic Algorithm-Back Propagation Neural Network Model and Its Application in Foundation Pit Deformation Prediction. Tunn. Constr. 2021, 41, 1733–1739. [Google Scholar]
  113. Lin, N.; Zhang, W.C.; Liu, Y.; Wu, M.H. Prediction of Deep Foundation Pit Horizontal Displacement Based on Random Forest Model in Seasonal Frozen Region. Chin. J. Undergr. Space Eng. 2018, 14, 357–362. [Google Scholar]
  114. Yang, P.; Yong, W.; Li, C.; Peng, K.; Wei, W.; Qiu, Y.; Zhou, J. Hybrid Random Forest-Based Models for Earth Pressure Balance Tunneling-Induced Ground Settlement Prediction. Appl. Sci. 2023, 13, 2574. [Google Scholar] [CrossRef]
  115. Cheng, Y.; Zhou, W.H.; Xu, T. Tunneling-induced settlement prediction using the hybrid feature selection method for feature optimization. Transp. Geotech. 2022, 36, 100808. [Google Scholar] [CrossRef]
  116. Zhang, C.; Ju, J.; Guo, Z. Comparison of Models for Settlement Prediction Based on Neural Network for Deep Foundation Pit. Chin. J. Undergr. Space Eng. 2013, 9, 1315–1319. [Google Scholar]
  117. Xiang, W.; Zhang, A.J.; Gao, W. Deformation Predictions and Control Methods for Excavation of Deep Foundation Pits. Chin. J. Geotech. Eng. 2012, 34, 634–637. [Google Scholar]
  118. Zhou, X.; Zhao, C.; Bian, X. Prediction of maximum ground surface settlement induced by shield tunneling using XGBoost algorithm with golden-sine seagull optimization. Comput. Geotech. 2023, 154, 105156. [Google Scholar] [CrossRef]
  119. Su, J.; Wang, Y.; Niu, X.; Sha, S.; Yu, J. Prediction of Ground Surface Settlement by Shield Tunneling using XGBoost and Bayesian Optimization. Eng. Appl. Artif. Intell. 2022, 114, 105020. [Google Scholar] [CrossRef]
  120. Chen, Y.R. Application of Intelligent Algorithm Based on Genetic Algorithm and Extreme Learning Machine to Deformation Prediction of Foundation Pit. Tunn. Constr. 2018, 38, 941–947. [Google Scholar]
  121. Han, Y.; Wang, Y.; Liu, C.; Hu, X.; Du, L. Application of Regularized ELM Optimized by Sine Algorithm in Prediction of Ground Settlement around Foundation Pit. Environ. Earth Sci. 2022, 81, 413. [Google Scholar] [CrossRef]
  122. Deng, J.; Zeng, T.; Yuan, S.; Fan, H.; Xiang, W. Interval Prediction of Building Foundation Settlement Using Kernel Extreme Learning Machine. Front. Earth Sci. 2022, 10, 939772. [Google Scholar] [CrossRef]
  123. Ge, C.F.; Hu, Q.X.; Li, F.M. A Study on Application of Artificial Neural Network in Prediction of Ground Surface Settlement around Deep Foundation Pit. J. Disaster Prev. Mitig. Eng. 2008, 28, 519–523. [Google Scholar]
  124. Zhong, G.Q.; Wang, H.; Li, L.; Wang, C.T.; Xie, B.T. Prediction of Maximum Settlement of Foundation Pit Based on SFLA-GRNN Model. Rock Soil Mech. 2019, 40, 792–798+808. [Google Scholar]
  125. Qiao, S.F.; Tan, J.K.; Zhang, Y.G.; Wan, L.J.; Zhang, M.F.; Tang, J.; He, Q. Settlement Prediction of Foundation Pit Excavation Based on the GWO-ELM Model considering Different States of Influence. Adv. Civ. Eng. 2021, 2021, 8896210. [Google Scholar]
  126. Zhang, C.; Li, J.Z.; He, Y. Application of Optimized Grey Discrete Verhulst–BP Neural Network Model in Settlement Prediction of Foundation Pit. Environ. Earth Sci. 2019, 78, 441. [Google Scholar] [CrossRef]
  127. Liu, C.M.; Jiang, W.; Gong, Y.F.; Lin, S.Y. Analysis and Prediction of Foundation Pit Deformation Based on K-means Improved Radial Basis Function Neural Network. Tunn. Constr. 2021, 41, 246–254. [Google Scholar]
  128. Zhang, B.; Yao, Y.F.; Ji, J.C. Random Prediction of Surface Settlement of Subway Foundation Pit Based on Wavelet Neural Network. J. Railw. Sci. Eng. 2021, 18, 2899–2906. [Google Scholar]
  129. Qin, S.W.; Zhang, Y.Q.; Zhang, L.S.; Miao, Q.; Cheng, Q.S.; Su, G.; Sun, J.B. Prediction of Ground Settlement Around Deep Foundation Pit Based on Stacking Model Fusion. J. Jilin Univ. (Earth Sci. Ed.) 2021, 51, 1316–1323. [Google Scholar]
  130. Li, T.; Yang, T.Y.; Liu, B.; Chen, Q. Surface Settlement Prediction of Subway Tunnels Constructed by Step Method Based on VMD-GRU. J. Huazhong Univ. Sci. Technol. (Nat. Sci. Ed.) 2023, 51, 48–54+62. [Google Scholar]
  131. Zhang, W.S.; Jia, L.; Yao, R.H.; Sun, L. Prediction of Surface Settlement around Subway Foundation Pit Based on Self-CGRU Model. Rock Soil Mech. 2024, 45, 2474–2482+2491. [Google Scholar]
  132. Wang, C.B.; Ding, W.Q.; Wang, J. Discussion and Research on Back Analysis Method for Deep Foundation’s Soil Parameters. Chin. J. Undergr. Space Eng. 2011, 7, 1638–1642. [Google Scholar]
  133. He, G.J.; Xu, G.H.; Gao, H. Application of Clonal Selection Algorithm for Foundation Pit Displacement Back—Analysis. J. Railw. Sci. Eng. 2007, 4, 62–66. [Google Scholar]
  134. Liu, H.; Yang, B. Inversion Analysis of Retaining Structure in Deep Soft Soil Foundation in Sea. Yangtze River 2016, 47, 57–62. [Google Scholar]
  135. Xiao, M.Q.; Liu, H.; Peng, C.S.; Gong, S.L.; Yan, P.F. Back Analysis of Deep Soft Soil Parameters Based on Neural Network. Chin. J. Undergr. Space Eng. 2017, 13, 279–286. [Google Scholar]
  136. Zou, X.S.; Yang, J.S.; Xie, Y.P.; Song, Z.H. Inversion of Typical Stratum Parameters and Optimization of Tunnel Construction Method in Changsha. J. Huazhong Univ. Sci. Technol. (Nat. Sci. Ed.) 2023, 51, 55–62. [Google Scholar]
  137. Zhou, Y.; Su, W.; Ding, L.; Luo, H.; Love, P.E.D. Predicting Safety Risks in Deep Foundation Pits in Subway Infrastructure Projects: Support Vector Machine Approach. J. Comput. Civ. Eng. 2017, 31, 04017052. [Google Scholar] [CrossRef]
  138. Zhou, Y.; Li, S.; Zhou, C.; Luo, H. Intelligent Approach Based on Random Forest for Safety Risk Prediction of Deep Foundation Pit in Subway Stations. J. Comput. Civ. Eng. 2019, 33, 05018004. [Google Scholar] [CrossRef]
  139. Song, B. Safety Evaluation for Deep Foundation Pit Construction in Metro Station Based on DEA-BP Neural Network. China Saf. Sci. J. 2019, 29, 91–96. [Google Scholar]
  140. Ma, H.Y.; Tong, L.Y.; Fang, R.Q.; Su, A.; Wu, S.; Bai, K. Confined Water Risk Analysis and Evaluation in Deep Foundation Pit Based on Bayesian Network. J. Civ. Environ. Eng. 2024, 46, 80–88. [Google Scholar]
  141. Xia, T.; Cheng, C.; Pang, Q.Z. Safety Risk Warning of Deep Foundation Pit Deformation Based on LSTM. Earth Sci. 2023, 48, 3925–3931. [Google Scholar]
  142. Wei, X.; Chen, R.; Cheng, S.T.; Zhu, M.; Wang, Z.J. Stability of Deep Foundation Pits in Chengdu Expansive Soil Area with the Influence of Rainfalls and Predictions of Deformation. Rock Soil Mech. 2024, 45, 525–534. [Google Scholar]
  143. Mao, J.P.; Xu, W. Analysis on Reliability of Rock-Socketed Support Structures in Two Big and Deep Foundation Pits. Chin. J. Undergr. Space Eng. 2009, 5, 1646–1652. [Google Scholar]
  144. Zhu, H.H.; Ye, X.W.; Ran, L. Reliability Analysis of Deep Excavation Based on Field Monitoring Data. J. Railw. Eng. Soc. 2011, 28, 7–11. [Google Scholar]
Figure 1. Topology of the BP neural network [32].
Figure 1. Topology of the BP neural network [32].
Buildings 15 00852 g001
Figure 2. Machine learning optimization diagram.
Figure 2. Machine learning optimization diagram.
Buildings 15 00852 g002
Figure 3. The optimization degree of the BP neural network by different optimization algorithms [48]. Note: genetic algorithm (GA), particle swarm optimization (PSO), harmony search (HS), artificial bee colony (ABC), firefly algorithm (FA), cuckoo search (CS), bat algorithm (BAT), gray wolf optimizer (GWO), whale optimization algorithm (WOA), and sparrow search algorithm (SSA).
Figure 3. The optimization degree of the BP neural network by different optimization algorithms [48]. Note: genetic algorithm (GA), particle swarm optimization (PSO), harmony search (HS), artificial bee colony (ABC), firefly algorithm (FA), cuckoo search (CS), bat algorithm (BAT), gray wolf optimizer (GWO), whale optimization algorithm (WOA), and sparrow search algorithm (SSA).
Buildings 15 00852 g003
Figure 4. Comparison of prediction errors between feature vector optimization and the unoptimized BP neural network model [49]: (a) relative error, (b) absolute residual value.
Figure 4. Comparison of prediction errors between feature vector optimization and the unoptimized BP neural network model [49]: (a) relative error, (b) absolute residual value.
Buildings 15 00852 g004
Figure 5. Topology of the Elman recurrent neural network [54].
Figure 5. Topology of the Elman recurrent neural network [54].
Buildings 15 00852 g005
Figure 6. The optimization degree of the Elman recurrent neural network by different optimization algorithms [48].
Figure 6. The optimization degree of the Elman recurrent neural network by different optimization algorithms [48].
Buildings 15 00852 g006
Figure 7. Optimization comparison of the improved sparrow search algorithm [48].
Figure 7. Optimization comparison of the improved sparrow search algorithm [48].
Buildings 15 00852 g007
Figure 8. LSTM unit structure diagram [62].
Figure 8. LSTM unit structure diagram [62].
Buildings 15 00852 g008
Figure 9. Schematic diagram of the optimality decision plane.
Figure 9. Schematic diagram of the optimality decision plane.
Buildings 15 00852 g009
Figure 10. Fault tree and Bayesian network diagram: (a) fault tree, (b) Bayesian network.
Figure 10. Fault tree and Bayesian network diagram: (a) fault tree, (b) Bayesian network.
Buildings 15 00852 g010
Figure 11. Underground continuous wall prediction during excavation period [64].
Figure 11. Underground continuous wall prediction during excavation period [64].
Buildings 15 00852 g011
Figure 12. The realization process of the GA-BP neural network.
Figure 12. The realization process of the GA-BP neural network.
Buildings 15 00852 g012
Figure 13. Error distribution of horizontal displacement prediction at different depths [112].
Figure 13. Error distribution of horizontal displacement prediction at different depths [112].
Buildings 15 00852 g013
Figure 14. The relationship curve between the predicted value and the measured value: (a) LSSVM model [78], (b) random forest model [113].
Figure 14. The relationship curve between the predicted value and the measured value: (a) LSSVM model [78], (b) random forest model [113].
Buildings 15 00852 g014
Figure 15. Ensemble learning based on stacking: (a) stacking integrated model framework, (b) training process.
Figure 15. Ensemble learning based on stacking: (a) stacking integrated model framework, (b) training process.
Buildings 15 00852 g015
Figure 16. Performance indicators of different deep learning models [131].
Figure 16. Performance indicators of different deep learning models [131].
Buildings 15 00852 g016
Figure 17. Horizontal displacement inversion value and monitored value of retaining pile [135].
Figure 17. Horizontal displacement inversion value and monitored value of retaining pile [135].
Buildings 15 00852 g017
Table 1. Optimization algorithm.
Table 1. Optimization algorithm.
DocumentOptimization Algorithm
Ren [55]Sparrow search algorithm
Sun et al. [56]Improved mind evolutionary algorithm
Zhang [57]Sparrow search algorithm
Guo et al. [58]Genetic algorithm
Zhou et al. [48]Adaptive mutation–sparrow search algorithm
Table 4. Performance comparison of predictive models based on machine learning.
Table 4. Performance comparison of predictive models based on machine learning.
Prediction ModelAdvantageInsufficient
BP model(1) Strong nonlinear mapping capabilities.
(2) High prediction accuracy for short-term surrounding surface subsidence deformation.
(3) A certain degree of fault tolerance.
(1) Prone to converge with local minima.
(2) Long-term deformation prediction accuracy is relatively low.
(3) Blind randomness of parameter selection.
Elman model(1) Effectively process time series data.
(2) Captures the time-dynamic characteristics of foundation pit deformation.
(3) Storage and utilization of historical information.
(1) Less training data, easy to overfit.
(2) Blind randomness of parameter selection.
LSTM model(1) Effectively processing and memorizing long-term sequence data.
(2) Avoids the problem of gradient disappearance or gradient explosion.
(3) Analysis of deformation prediction under the combined action of multiple factors.
(1) Less training data, lower prediction accuracy.
(2) Needs a lot of data and calculation data to train.
(3) Key parameters are difficult to determine.
SVM model(1) Solves the problem of high dimension.
(2) Completes theoretical basis and system.
(3) Small sample data prediction accuracy is high.
(1) Difficult to handle large-scale data.
(2) Difficult to deal with unbalanced data.
(3) Difficult to select kernel functions and related parameters.
BN model(1) Graphic visualization, easy to understand.
(2) Effectively deals with uncertainty for risk analysis.
(1) Dependence on prior probability.
(2) Structure is more complex.
Combinatorial model(1) Suitable for high-precision requirements of the project.
(2) Effectively deals with outliers and noise, the stability and robustness of the model are high.
(3) The principle of the partial optimization algorithm is simple, and the parameters are set lower.
(1) The model is complex and the parameter tuning is difficult.
(2) The partially optimized model still has the risk of overfitting.
(3) Partial optimization algorithms only consider the local optimum, not the global optimum.
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

Wang, X.; Qin, Z.; Bai, X.; Hao, Z.; Yan, N.; Han, J. Research Progress of Machine Learning in Deep Foundation Pit Deformation Prediction. Buildings 2025, 15, 852. https://doi.org/10.3390/buildings15060852

AMA Style

Wang X, Qin Z, Bai X, Hao Z, Yan N, Han J. Research Progress of Machine Learning in Deep Foundation Pit Deformation Prediction. Buildings. 2025; 15(6):852. https://doi.org/10.3390/buildings15060852

Chicago/Turabian Style

Wang, Xiang, Zhichao Qin, Xiaoyu Bai, Zengming Hao, Nan Yan, and Jianyong Han. 2025. "Research Progress of Machine Learning in Deep Foundation Pit Deformation Prediction" Buildings 15, no. 6: 852. https://doi.org/10.3390/buildings15060852

APA Style

Wang, X., Qin, Z., Bai, X., Hao, Z., Yan, N., & Han, J. (2025). Research Progress of Machine Learning in Deep Foundation Pit Deformation Prediction. Buildings, 15(6), 852. https://doi.org/10.3390/buildings15060852

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