Next Article in Journal
Physicochemical and Preliminary Biological Properties of Thin Films Based on Fluoride-Doped Hydroxyapatite in a Dextran Matrix for Biomedical Applications
Previous Article in Journal
Understanding the Chamber Wall-Deposited Thin Film of Plasma Deposition Equipment for the Efficiency of In Situ Dry-Cleaning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Optimized Data Preprocessing and Model Selection for TBM Cutter Wear Prediction

1
Institute of Systems Engineering and Collaborative Laboratory for Intelligent Science and Systems, Macau University of Science and Technology, Macao 999078, China
2
School of Mechanical and Electrical Engineering, Lingnan Normal University, Zhanjiang 524037, China
3
School of Advanced Manufacturing, Guangdong University of Technology, Guangzhou 510000, China
4
Guangzhou Metro Engineering Consultant Co., Ltd., Guangzhou 510000, China
*
Author to whom correspondence should be addressed.
Coatings 2025, 15(5), 564; https://doi.org/10.3390/coatings15050564
Submission received: 15 April 2025 / Revised: 2 May 2025 / Accepted: 6 May 2025 / Published: 9 May 2025

Abstract

:
The estimation of disc cutter life is important due to the high equipment replacement cost in tunnel boring machines (TBMs). In this paper, we propose a comprehensive method for predicting disc cutter wear, integrating dimensionality reduction in shield tunneling parameters, data input preprocessing, and optimized model selection. First, we select core TBM operation parameters as model inputs through principal component analysis (PCA) and PCA directly. And, then, based on the characteristics of the operation parameters, we propose a data preprocessing method for time series models. This method uses excavation rings as units, providing a more accurate representation of the actual shield excavation process. Furthermore, by evaluating the prediction accuracy, training efficiency, and inference efficiency of various models, we demonstrate that the combined PCA data + Min Max Scaler + gated recurrent unit (GRU) method achieves the most accurate prediction results while offering real-time prediction capabilities.

1. Introduction

With the rapid urbanization and high concentration of humans, utilizing underground space can be an efficient method to solve the problem in the area of urban transportation, water, energy, and other services [1]. Shield tunneling is currently the primary method for underground tunnel construction, and disc cutters are essential components of the cutter head on a shield tunneling machine during rock breaking and excavation. Their overall condition directly affects the efficiency and quality of shield tunneling [2,3].
In the TBM tunneling process, the disc rolling cutters make contact with the rock and penetrate the rock continuously until the rock slabs. In this process, the cutters will inevitably be worn [4,5]. When a worn disc reaches its threshold and is not replaced in time, the surrounding cutters will be worn quickly. Furthermore, the failure of seals and bearings may occur which results in damage to the cutter head [6]. If the TBM continues to excavate, some risks may occur including project delay, TBM stoppage, equipment damage, etc. [7]. Excessively frequent shutdowns for maintenance can increase economic and time costs, while excessively long tool-changing distances can reduce the efficiency of shield tunneling [8]. As pointed out by Wang et al. [9] and Wan et al. [10], nearly one-third of the project cost and construction time are occupied by the maintenance and replacement of disc cutters in TBMs. Therefore, accurately identifying and predicting the wear condition of disc cutters at different tunneling stages is of great significance for reducing the number of cutter changes, shortening the tunneling duration, and lowering construction risks and costs. Existing reports demonstrate that intelligent models have already been embedded in TBM control systems. For example, Wei et al. [11] employed a GA-BP model to predict real-time excavation speed, while Lin et al. [12] and Armaghani et al. [13] developed systems based on GRU and PSO-ANN models, respectively, to forecast TBM cutter head torque and penetration rate in real time, thereby informing engineering decisions. Nevertheless, manual inspection and expert judgment remain the principal means of disc cutter management, and current approaches to predicting cutter wear can be broadly classified into empirical models and soft computing models.
Most empirical models use linear models and analytical and numerical methods to predict the disc cutters’ wear. Representative models include the Colorado School of Mines (CSM) model and the Norwegian University of Science and Technology (NTNU) model [14,15]. Many scholars have also analyzed the wear patterns of disc cutters in specific scenarios by establishing finite element models or constructing experimental setups. Collecting and analyzing wear data from various projects to extract key factors influencing wear is also a common research approach. Sun et al. [8] use a disc cutter scaled to 1/10 of the actual cutter and a test device to study the relationship between cutter wear and abrasive stratum. Hassanpour et al. [16] summarize that most empirical models for disc cutter life rely on a single factor, such as the Cerchar abrasivity index (CAI), uniaxial compressive strength (UCS), or the cutter life index (CLI). Yang et al. [17] perform a statistical examination of the correlation between geological parameters and the life cycle of cutters. Zahiri et al. [18] use multiple linear regression methods and find the relationship between UCS and wear life. Soft computing techniques use data-driven solutions in assisting engineer decisions, it they offer an effective method for investigating more intricate, nonlinear connections among disc cutter wear, geological conditions, and shield operational parameters. The above methods have achieved valuable results by considering shield tunneling parameters such as the disc cutter structure, cutter head thrust, penetration depth, and torque as factors influencing wear. However, due to the numerous assumptions required for boundary conditions in these algorithms, they often yield good results only in tunneling environments with uniform geological strata.
Machine learning (ML) technology provides an effective means for exploring more complex nonlinear relationships between disc cutter wear, geological conditions, and shield tunneling operation parameters [19]. Elbaz et al. [20] apply group method of data handling (GMDH)-type neural networks to model cutter wear. Afradi et al. [21] use supporting vector regression (SVR) and neural networks to predict the TBM penetration rate and the number of consumed disc cutters. Mahmoodzadeh et al. [22] use a 5-fold cross-validation method to evaluate the model and search model hyperparameters. Ding et al. [23] developed a BPNN model using Guangzhou Metro monitoring data to derive an empirical formula model. Similarly, Akhlaghi et al. [24], Shin et al. [25], and Bai et al. [26] used Gaussian process regression (GPR), extreme gradient boosting (XGBoost), particle swarm optimization (PSO), and the genetic algorithm (GA) to study the wear pattern of disc cutters. Compared with empirical models, the application of ML methods is more flexible, as they can combine multiple algorithms to reveal the impact of different factors on disc cutter wear. However, tunneling is a continuous excavation process, and the aforementioned models lack the utilization of time series information. Therefore, time series models are one of the most suitable neural networks for studying disc cutter wear, which can also be supported by the research by Shahrour et al. [1], Zhou et al. [27], and Xie et al. [28]. It should be noted that “time series models” usually refer to methods such as ARIMA and SARIMAX in classical statistics; however, in the field of machine learning, recurrent neural networks (RNNs), like LSTM and GRU, are also broadly regarded as “time series models”. To avoid any ambiguity, in this paper, all subsequent “time series models” refer to “RNN-based time series models”.
Previous research has provided valuable insights, yet limitations persist. (1) The parameters used as model inputs are derived from theoretical studies and empirical formulas. However, current shield tunneling parameters are sourced from onsite monitoring systems, encompassing over 171 features such as grouting amount, foam system, advance jack oil pressure, synchronized grouting pressure, shield tail seal grease compartment pressure, etc. Apart from the explicit influencing factors, there may also be parameters that indirectly exert significant impacts on disc cutter wear. (2) The limitations of different models stem from their structural characteristics, making it unreasonable to apply the same preprocessing methods to heterogeneous data and models. For instance, in classical ML models, the common practice is to simply average shield operation parameters; this approach may ignore the effects of short-term extremes. By contrast, time series models use a sliding window input format that can alleviate this oversight. Therefore, further research is necessary to explore the optimal combination of input data obtained through various preprocessing techniques paired with different prediction models.
In this study, we explore the practical approach for predicting disc cutter wear by combining various normalization and dimensionality reduction methods with multiple machine learning and recurrent neural networks based on a practical case project in Guangzhou, China.

2. Background and Methodology

2.1. Problem Description

This study uses the tunneling data from line 18 of Guangzhou Metro, which is located on the coast of the Pearl River Delta of Guangdong, China. Line 18 starts from Wangqingsha Station in Nansha District to Guangzhou Dong Railway Station in Tianhe District. The total length is 61.3 km. It was designed to have nine stations with an average distance of 7.6 km between two adjacent stations. The maximum distance between the two stations is 25.9 km, while the minimum is 2.3 km, as shown in Figure 1.
The segment investigated in this study is located between Nancun Wanbo and Panyu Square stations. The total length of the line studied is 3413.7 m, with the left metro line having a length of 1703.0 m and the right metro line having a length of 1710.7 m. Before excavations, geological surveys were carried out to investigate the features of different layers [29]. Figure 2 depicts the geology of Guangzhou as complex as the karst geology. The geological environment is also difficult for tunneling. The analyzed section goes through the geological layers containing granite-weathered layers in slightly, moderately, or highly weathered conditions.
Through UCS testing of samples from the borehole, it was found that the UCS of slightly weathered granite ranged from 44.9 to 101.6 MPa, marking a significant increase compared to that of moderately weathered granite, which ranged from 21.2 to 36.7 MPa. The geological differences affecting some operational features, for example, the cutter head torque and force on the right metro line, change when switching between granite types, as shown in Figure 3. Thus, the UCS is a non-negligible factor when discussing disc wear in this project.
This structure is the same in the TBM of the right metro line and the left metro line. Each cutter head contains 59 cutters in two sizes. S1–S12 cutters are 17 inches, and the other S13–S58AB cutters are 19 inches. Figure 4 shows a schematic section of the cutter head and disc cutter arrangements of the shield. The TBM has a length of 12.94 m, and the cutter head has a diameter of 8.84 m.
The field data are acquired from the monitors in the TBM every minute. These data specifically include thrust force (TF), cutter head torque (CT), penetration depth (PD), cutter head rotation speed (CRS), etc. The TBM field monitors categorize the working states into “Excavation”, “Segments”, and “Shutdown” when collecting data. For this study, data from the two tunnels were collected for more than 50,000 min in the “Excavation” states, encompassing a total of 263 features, and Figure 3 shows some of the shield operation parameters concatenated in series under this state. The geological exploration, operational data collection, and cutter structure constitute the three main aspects that affect the extent of cutter wear [18,30,31]: (1) the geological conditions (e.g., UCS, CAI); (2) real-time TBM performance parameters (e.g., CT, PD, CRS); and (3) cutter structure (e.g., dimensions and placing).

2.2. Research Method

Data preprocessing is placed in the first place to guarantee the quality of the dataset before model training. The following step is to divide the dataset into training, validation, and testing sets, which are used for training and evaluating TBM cutter wear prediction models.
The prediction models in this study can be classified into three kinds: (1) traditional machine learning algorithms, including SVR, decision tree (DT), and random forest (RF); (2) fully connected neural networks (multilayer perceptron, MLP); and (3) time series models, including recurrent neural networks, long short-term memory models (LSTMs), and GRUs. Among these models, some model metrics are used to evaluate the model’s performance. The flowchart of this study is displayed in Figure 5.
Among the aforementioned 7 models, constrained by their structures, the input forms of data can be categorized into two major types. The first type includes machine learning and fully connected neural networks, in which input data are relatively discrete and need to be represented as a set of feature vectors. The second type is the time series model. Compared with the input of the first category of models, this type of model adds the time information of the input data. In actual excavation, the shield tunneling process is a continuous operation, and the wear of the disc cutter is continuously generated as the TBM advances. Therefore, for the first model type, the disc cutter wear data needs to be summed and averaged before being used as input. Below, take the input of MLP as an example: a disc cutter experiences a shield excavation at a distance of 50 rings (assuming 3000 min) under the action of [Feature 1, Feature 2, Feature 3, …, Feature k] (each feature is collected at a frequency of once per min), and its wear increases from 10 mm to 14 mm. Therefore, before inputting, it should sum and average the 3000 data points, and the corresponding Y label is 4 mm, as shown in Figure 6.
Such a processing method may be undesirable because it will ignore the data of certain special cases in the continuous signal. In comparison, time series models can better reflect the actual tunneling and disc cutter wear processes. This study employs three time series models, the RNN, LSTM, and GRU, respectively. Among them, the RNN is the basic recurrent neural network architecture [32]; LSTM solves the gradient vanishing problem of the RNN by introducing the input gate, forget gate, output gate, and cell state. It has long-term memory ability and is suitable for processing long sequence data, but the computational complexity is high [33]. GRU merges the forget gate and input gate of LSTM into an update gate, sets up a reset gate, removes the cell state, simplifies the model structure, and reduces the computational complexity [34,35]. Hyperparameters are critical prerequisites that determine model performance. In this work, we focus on evaluating the interaction between different preprocessing methods and models; accordingly, all time series models were configured with a single hidden layer and the tanh activation function. For each model, four settings of hidden layer node numbers (64, 128, 258, and 512) were explored. Combined with the data characteristics of this project, with GRU as an example, the format of the input data for the time series models is shown in Figure 7.
Time series models, owing to their sliding window input format, can retain considerably more consecutive shield operation information than the models discussed above. Nevertheless, using the raw shield parameters directly is impracticable. Take the right line as an example. More than 25,000 valid data were collected for each parameter, whereas only 11 corresponding geological records exist, yielding a pronounced imbalance of approximately 2290:1 between dense shield operation data and geological data. Directly inputting these data into the network would risk causing the model to overlook the influence of geological conditions on disc cutter wear, an effect that is crucial and cannot be disregarded. Thus, to enable the model to recognize disc cutter wear as a continuous process while preventing crucial factors (geological and cutter structural parameters) from being obscured by discrepancies in data volume, we adopt a ring-based summation averaging strategy, as defined in Equation (1).
x n = 1 r n r ( n 1 ) r ( n 1 ) r n x r k
where rn represents the end time of each excavation ring.
Based on the aforementioned assumption, raw data with a distance of 50 rings (assuming 3000 min) can be transformed into a [k × 50] input matrix. Each column of this matrix corresponds to the operational parameter’s status of one excavation ring, and they are sequentially input to the GRU model as time steps according to the actual shield occur. The disc cutter wear is the result of the combined effects of the preceding 50 time steps. During GRU training, the update gate (zn) and the reset gate (rn) are first calculated according to Equations (2) and (3). The outputs of these gates will control the update of the hidden state and the retention of historical information.
z n = σ ( W z [ h n 1 , x n ] + b z )
r n = σ ( W r [ h n 1 , x n ] + b r )
where Wz, bz, Wr, and br are the parameter matrix and bias vector of the update gate and reset gate, respectively; hn−1 is the hidden state of the previous excavation ring; xn is the shield parameter of the current ring; and σ is the Sigmoid activation function.
Then, GRU uses the reset gate to control the dependence on the previous hidden state and calculates the candidate hidden state as follows:
h ˜ n = tanh ( W [ r n h n 1 , x n ] + b )
The last step combines the update gate to calculate the hidden state passed to the next step as follows:
h n = z n h n 1 + ( 1 z n ) h ˜ n

3. Data Preprocessing

Data preprocessing contains the following basic steps. (1) Drop out the feature columns containing more than 10% of missing data. (2) Use the linear interpolation method to fill the missing data. (3) Use PCA to reduce the dimension of features with the same meaning but collected in different sensors. (4) Use different scalers to transform the feature data. The scales include the Min Max Scaler, standardization, and Max Absolute (Max Abs) Scaler. (5) Integrate the features of TBM operational data (field data), geological features, and cutter information to generate the merged dataset. (6) Divide the dataset into a training dataset, validation dataset, and testing dataset.

3.1. Data Analysis

By organizing the information about cutter wear in both the right and left lines, we have compiled a total of 886 wear measurement records. Among these, there are only a few instances of abnormal cutter wear, specifically 26 records. Among the 26 abnormal wear records, nearly 20 involve the double-edged disc cutters installed around the center of the cutter head. Owing to their small gyration radius, these cutters undergo both sliding and rolling motions and are subjected to large axial forces, which leads to uneven wear of the cutter rings. Because wear measurement can only be taken manually when the TBM shuts down, it is impossible to determine the exact moment or precise position at which the abnormal wear occurs. To avoid the imbalance between normal and abnormal wear records from interfering with subsequent model training, we have excluded these data points from further analysis.
Figure 8 illustrates the average cutter wear extent in two lines. The average cutter wear extent is calculated as the average extent of the interval between cutter wear measurements. The cutters near the center of the cutter head are less likely to be worn than the others in the outer cutter head. The original wear extent is used as a predictive variable in the time series model, and the average wear extent is used in traditional machine learning and MLP models.
To avoid model overfitting and estimate the performance, we simulate the real scenario of the TBM excavation process; the last two measurements of the cutter wear extent results are extracted and treated as a testing dataset. The remaining data are randomly divided into training datasets and validation datasets. The ratio of the training dataset, validation dataset, and testing dataset is about 7:2:1. Figure 9 displays the average cutter wear extent distributions for the training, validation, and testing datasets based on the aforementioned statistics. The wear in all three datasets is predominantly concentrated in the 0~0.3 mm range with consistent peaks, while a small number falls within 0.3~0.5 mm. Their distribution shapes and frequency scales closely match, indicating that the data split maintained distributional consistency and thus provided a solid foundation for fair model performance evaluation.

3.2. Operation Parameter Feature Reduction

There are 171 features in the parameters of the TBM excavation operation. Initially, features with missing data exceeding 10% of the entire dataset are removed, leaving 110 features. The operational parameters are collected once every minute by sensors distributed across various key components of the TBM, with sensors on each component categorized into groups. Due to the influence of complex working conditions, information collected by the sensors may inevitably have missing values. To address this issue, we employ the linear interpolation method to fill in the missing data. These remaining 110 features primarily originate from 18 sensor groups. To enhance the prediction model to better focus on core features, we further utilize PCA for dimensionality reduction in the current operational features.
As a Karhunen–Loeve transformation, PCA is also widely used in feature selection [36]. It transforms n vectors in a d-dimensional space (x1, x2, …, xn) into n new vectors, which are in a new d′-dimensional space (x1, x2, …, xn) as follows:
x i = k = 1 d a k , i e k ,   d d
where ek is the eigenvectors corresponding to the d′ largest eigenvalues λk for the scatter matrix S and ak,i are the projections of the original vector xi on the eigenvectors ek. The calculation of the scatter matrix can be defined as follows:
S = E x i x j T ,   for   i   =   1   to   n
Generally, the cumulative explained variance should be up to 80% after PCA. The PCA scaler first fits the data in the training dataset and validation dataset. The scaler later transforms the whole dataset to reduce dimensions. After transformation, feature group data are merged together as the new dataset. The PCA features dimension reduction result is shown in Table 1.

3.3. Data Normalization

Previous research has shown that different data normalization methods have different effects on data analysis [37]. However, few studies discuss different data normalization methods on TBM data. To fully use the information of the original dataset and avoid the effects of data normalization methods, three methods are used in this study, including the Min Max Scaler, standardization, and the Max Absolute Scaler.
(1)
The Min Max Scaler method is calculated as follows:
X t r a n s f o r m , i = X o r i g i n a l , i X min o r i g i n a l , i X max o r i g i n a l , i X min o r i g i n a l , i ,   for   i   =   1   to   d   or   d
where i denotes each feature in vector X.
(2)
Similarly, the standardization method is calculated as follows:
X t r a n s f o r m , i = X o r i g i n a l , i X ¯ o r i g i n a l , i s d ( X o r i g i n a l , i ) ,   for   i   =   1   to   d   or   d
(3)
And the Max Absolute Scaler method is calculated as follows:
X t r a n s f o r m , i = X o r i g i n a l , i X max o r i g i n a l , i ,   for   i   =   1   to   d   or   d
In addition, the direct PCA method is also applied in the feature dimension reduction directly instead of the above feature groups. Table 2 lists the explained variance ratios for the selected components and the scree plots as shown in Figure 10. Under the same normalization, the geological and cutter geometry features are merged into datasets.

4. Method Performance and Comparison

In this study, we utilize an SVR with an RBF kernel function and an RF algorithm where the maximum depth of the tree is explored between 10 and 21, and the minimum sample split parameter ranges from 2 to 5, to predict the extent of cutter wear. Additionally, traditional neural networks (MLP) and time series neural network models (RNN, LSTM, and GRU) are employed for learning and predicting the disc cutter wear. It is worth noting that while the predictive variable used in the time series model is the wear extent between measurement intervals, the predictive variable used in traditional machine learning algorithms (SVR, RF, and MLP) is the average cutter wear in the corresponding interval.
To verify the performance of the models, the coefficient of determination R2 and the mean absolute percentage error (MAPE) describe the error between the predicted and actual values.
R 2 = 1 i ( w e a r i w e a r i ) 2 i ( w e a r i w e a r ¯ i ) 2
M A P E = 1 N i = 1 N w e a r i w e a r i w e a r i × 100 %
where weari represents the actual wear value, w e a r i is the predicted wear value of the model, w e a r ¯ represents the average of the actual wear values, and N is the number of samples in the training or test dataset. R2 represents the proportion of the total variance in wear explained by the model; the closer R2 is to 1, the better the wear predictions. The MAPE measures the mean absolute percentage error of those predictions; the smaller the MAPE, the more accurate the wear forecasts.
Traditional machine learning algorithms are performed on an ACER E5-572G-528R laptop with an i5-4210M CPU, 2.60 GHZ, and 8.00GB of RAM memory. Neural networks are run in the cloud server AutoDL with an E5-2680 v4@ CPU, 2.40 GHz, 20 GB of memory, and a 12 GB RTX 3060 GPU.

4.1. Traditional Machine Learning

In this section, we attempt to establish a predictive model by three traditional machine learning models (SVR, DT, and RF) and test their performance under different datasets and normalization methods. Among them, with SVR using RBF kernel’s best hyperparameters, the value of “C” tends to be large and “gamma” tends to be small; the optimal hyperparameters for DT and RF are “max_depth = 20, min_samples_split = 5”, and “max_depth = 10, min_samples_split = 5, n_estimators = 60”, respectively. Different models’ model metrics are listed in Table 3.
As shown in Table 3, (1) random forest ranks first among these methods. (2) Although the decision tree outperforms random forest on the training dataset, the performance of decision tree even is worse than the average model (i.e., R2 less than 0 on the testing dataset). Therefore, further exploration of the random forest model metric of different datasets under three kinds of normalization is listed in Table 4.
As shown in Table 4, the (1) PCA directly dataset outperforms the other two datasets across three normalization methods, and the performance of the PCA dataset is the worst. (2) For normalization methods, no obvious difference between test R2 and test MAPE is found within these three datasets.

4.2. Neural Networks

The MLP models train various kinds of datasets, and the validation datasets are used as the model’s early stopping criterion. Different hidden layer numbers and activation functions are the hyperparameters of these models. Table 5 lists the running time of two hidden layer MLP models, whose test R2 ranks first in all the hyperparameter settings. (1) Under Max Absolute or Min Max Scaler, MLP on the raw dataset fits the training dataset with a smaller number of hidden layers than the other dataset (i.e., PCA, PCA directly). (2) The PCA dataset requires fewer epochs and less time to fit the data.
The model metrics of MLP models, as shown in Table 6, indicate several observations. (1) Under standardization, the models generally achieve better R2 values compared to other normalization methods. However, not all the corresponding MAPE values are the smallest. (2) Unlike the raw dataset, the other three kinds of datasets require more neurons in the hidden layer to effectively fit the dataset. (3) With standardization, both the raw dataset and PCA dataset exhibit the best performance among these models. However, as seen from the above table, the PCA dataset takes less time to train the model.

4.3. Time Series Model

We evaluate time series models with different structures and hyperparameters on various datasets under three types of normalization, as detailed in Appendix A. For each experimental configuration, an early stopping mechanism was implemented: training will terminate if model performance fails to improve for 10 consecutive epochs. Table 7 and Table 8 list the running time of these models that achieved the best score on the testing dataset after model fitting and evaluation using the validation dataset. (1) As for the training time, standardization methods use less time than the other two normalization methods. (2) PCA directly takes less time than the other three datasets for model fitting. (3) The training time of the time series model is longer than that of the ANN model listed above.
Table 8 lists the model metrics of the time series models with the best score on the testing dataset after model fitting and evaluation using the validation dataset. (1) The R2 value of the time series model is greater than the R2 of the MLP model and traditional machine learning model. The test MAPE of the time series model is better than that of MLP. These two results mean the predictive performance of the time series model is superior to the other two types of models. (2) The models using a standardization scaler perform worse than the other two methods in the time series model. This result is different from the MLP model. (3) The performance of the GRU model to fit and predict the cutter wear extent is usually better than the other two time series models. (4) The PCA dataset achieves the best performance under the Min Max Scaler with the GRU model. The R2 of the model is 0.712, and the MAPE is 0.471. The other three datasets cannot predict the cutter wear extent to achieve the R2 metric value greater than 0.710. The second-best performance is achieved by the raw dataset under the Min Max Scaler.

4.4. Comparison and Discussion

Based on the comparison of various dataset dimensions, normalizations, and models, the result shows that the time series models proved to be an effective model to predict the cutter wear extent. Feature size cannot always correlate with the model training time. The feature size is raw > PCA > PCA directly. For the time series models, the PCA directly dataset takes the least time for model training, but the raw dataset does not take the longest time. Similar patterns also emerge in MLP models. Generally, raw datasets take the longest time to train when using machine learning models or MLP. This rule breaks in the time series model, which can be a result of information loss in feature dimension reduction. The reduced feature sometimes needs more epochs or hidden layer numbers for model training.
There are three kinds of dimension reduction strategies. Among these strategies, the PCA dataset has high interpretations of the feature, as this method keeps all the features. However, the PCA datasets seldom achieve better performance than the other two strategies. The PCA directly dataset has the poorest explainability of the feature since the components are calculated according to the covariance matrix.
The most proper normalization methods for models are different. MLP models predict the cutter wear extent well under standardization methods. However, the Max Absolute Scaler is more proper than standardization for time series models, even though the model trains the dataset under the standardization method more quickly.
The model with a large value of R2 does not always result in a small value of the MAPE. Take Table 8 as an example. In the PCA dataset, the model obtains the highest R2 under Min Max normalization but the smallest MAPE under Max Absolute normalization. This phenomenon results from different scales of each cutter’s wear extent in the denominator of Equation (12). MLP and the time series neural network have proved to be more effective than the traditional machine learning models. In the hidden layer, different interactions of input features are calculated to predict the cutter wear extent. As Shahrour et al. [1] discuss, the potential mechanism under these interactions still needs to be figured out.

5. Conclusions

This project focuses on regression prediction for disc cutter wear in TBM using Guangzhou Metro Line 18 data, aiming to reduce inspection and replacement costs while preventing cutter head damage. This study improves soft computing models by exploring feature dimension reduction and normalization and comparing model performance across traditional ML, MLP, and time series neural networks. Based on the results, the main conclusions of this study can be summarized as follows:
(1)
The results indicate that all the time series models have proven to be more effective than traditional machine learning models and fully connected neural networks in predicting the extent of cutter wear. The PCA + Min Max + GRU yielded the best results (R2 = 0.712, MAPE = 0.471), surpassing the strongest RF and MLP baselines by 42% and 24%, respectively.
(2)
Min Max normalization applied to either the raw or the PCA data consistently yielded the best or second-best predictive accuracy. Max Abs scaling provided stable but rarely top-ranking results, whereas standardization tended to cause overfitting in a large number of neuron models.
(3)
All experimental models achieve inference times on the order of milliseconds, rendering runtime differences negligible for engineering applications. Nevertheless, the GRU model trained on the PCA-compressed feature set retained the highest accuracy while reducing the input dimensionality by 86%, thereby simplifying downstream storage and deployment.
(4)
A hidden-state size of 256 consistently provided the best trade-off between accuracy and generalization across the tested time series models, whereas enlarging it to 512 offered no further gain. Because a disc cutter usually advances no more than roughly 200 rings in a single service cycle, 256 units are sufficient for the network to capture all influential information throughout the cutter’s entire operational life.
The geological condition of Guangzhou Metro Line 18 is simple and only contains three kinds of granite-weathered layers. In the future, more datasets need to be merged to train a more stable model that can be widely used.

Author Contributions

Conceptualization, L.B. and Z.C.; methodology, L.B. and D.M.; investigation, H.L. and W.H.; writing—original draft, Z.C.; writing—review and editing, D.M.; supervision, L.B.; funding acquisition, L.B. and W.H. All authors have read and agreed to the published version of the manuscript.

Funding

The research was funded by the Science and Technology Development Fund (FDTC), Macau SAR (No. 0027/2022/AGJ), the Science and Technology Planning Project of Guangdong Province (2023A0505020007), China, the Science and Technology Planning Project of Zhanjiang (2021A05038, 2024B01087), China, and the Characteristic Innovation Project of Lingnan Normal University (TL2407), China.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data is contained within the article.

Conflicts of Interest

Author Weiran Huang was employed by Guangzhou Metro Engineering Consultant Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Appendix A

DatasetNorm.ModelHidden Num.EpochTrain Time (s)Infer Time (s)Train R2Train MAPEValid R2Valid MAPETest R2Test MAPE
RawMax AbsGRU64214374.4010.0090.730.420.780.400.680.50
12885131.6880.0110.710.450.780.410.680.51
256115843.0710.0110.720.450.780.420.670.51
51280731.9480.0120.710.460.780.430.670.53
LSTM642793100.6450.0100.740.410.790.390.690.48
128122744.7950.0090.720.400.790.360.700.44
256206073.4240.0100.750.400.790.370.670.49
512130151.3450.0110.730.420.770.390.700.51
RNN64242988.1590.0110.730.410.660.410.640.50
128219081.5910.0110.770.380.660.390.630.51
2564383163.2290.0110.750.380.710.380.630.51
5123566131.3620.0110.720.420.680.420.590.54
Min MaxGRU642899109.7540.0110.740.410.790.390.660.49
128233489.0080.0110.740.420.780.400.680.49
25669426.6520.0110.720.420.780.380.700.48
51265126.3650.0110.730.430.790.400.690.50
LSTM64109242.8500.0110.730.430.760.400.680.49
12871826.8000.0110.720.440.760.390.660.51
256155960.8510.0110.740.430.770.410.690.51
512108744.9580.0120.710.450.770.420.660.52
RNN644986183.2510.0110.740.410.640.410.620.53
1284500170.3740.0110.740.390.660.400.690.47
256186770.0990.0110.740.420.680.410.670.50
512223584.9540.0110.760.360.680.370.640.50
StandardGRU643119108.6020.0090.770.340.700.380.620.54
128135047.1960.0090.750.380.710.370.640.52
2563970137.9460.0090.820.320.690.420.600.57
51241615.6030.0110.760.370.690.380.650.50
LSTM64155955.7650.0100.770.350.750.400.620.52
12854219.9800.0100.770.350.710.380.660.50
2563076111.3820.0100.830.280.710.440.510.54
512105041.0350.0110.780.340.730.410.570.54
RNN644294143.3180.0100.830.300.630.450.460.58
128122441.4970.0090.770.360.640.390.600.57
25670023.9590.0090.760.370.650.390.660.51
51246615.3960.0090.760.380.660.410.630.53
PCAMax AbsGRU64291693.3350.0080.750.390.770.390.670.50
1283528114.9640.0080.720.420.790.400.660.52
25690529.1320.0080.720.430.790.400.660.51
512151954.9380.0100.760.370.800.370.650.51
LSTM64282292.5990.0090.770.380.770.390.650.51
12859919.7070.0080.730.430.780.400.670.51
2564182137.7710.0080.780.350.750.370.640.51
512131447.9400.0100.750.410.670.410.610.51
RNN643478127.4570.0110.750.410.670.400.640.51
1283235123.2760.0110.770.380.690.400.620.53
256150756.7950.0110.760.420.670.430.620.55
51268826.5690.0110.730.410.680.410.660.54
Min MaxGRU64222883.5850.0110.710.440.790.400.700.50
1283970148.2900.0110.760.380.800.380.660.48
25691827.7750.0100.770.420.800.380.710.47
512149761.1340.0110.720.410.790.380.690.49
LSTM64157358.8200.0110.720.430.790.390.680.48
12894636.5180.0110.720.460.790.410.680.53
256157258.8370.0110.740.410.790.370.670.49
51277429.5700.0120.710.470.790.410.660.55
RNN64163960.8230.0110.740.410.650.410.630.53
128230087.1060.0110.740.400.660.400.640.50
2563982151.9840.0110.750.390.710.420.610.55
512160060.4370.0110.730.430.690.380.670.50
StandardGRU642727105.1430.0110.780.350.750.390.650.50
128240692.0170.0110.780.370.760.380.680.49
25632913.5090.0110.740.380.760.380.660.48
51269528.3620.0110.770.350.750.390.590.52
LSTM6466325.0740.0110.770.350.750.380.640.52
128157260.5720.0110.810.320.730.380.490.57
2563627143.0200.0110.820.290.730.430.540.55
51225110.1160.0120.730.400.680.400.680.49
RNN64185568.2080.0110.790.350.650.400.570.52
12857020.8820.0110.750.370.640.390.640.52
256118945.5130.0110.780.350.640.420.590.54
51231511.5110.0110.730.450.660.440.690.54
PCA directlyMax AbsGRU64162361.4570.0110.720.440.770.420.660.51
1282644101.6550.0110.720.430.790.410.670.53
256107641.5750.0110.750.420.780.410.700.50
51293036.0910.0100.750.370.790.380.680.48
LSTM64125648.5260.0110.750.400.780.380.660.51
128140155.0490.0110.750.410.770.400.620.53
25661123.8410.0110.720.410.790.370.680.48
51255021.8810.0110.720.430.760.390.650.51
RNN64280091.1280.0090.700.490.670.470.680.55
1284945161.8170.0090.760.360.650.380.690.49
2563324118.3470.0100.770.340.670.370.630.50
512115944.0630.0110.760.380.700.390.660.51
Min MaxGRU643764124.7170.0090.720.430.790.380.660.50
128176557.2010.0090.740.380.780.380.670.48
25673925.8770.0090.720.420.790.400.680.49
512139152.6340.0100.760.370.790.370.680.47
LSTM642843111.8310.0110.760.360.770.380.660.49
12881831.5900.0110.740.420.770.390.680.49
25637615.1870.0110.710.450.730.440.670.55
51259524.3120.0120.710.450.760.420.670.53
RNN644849156.4930.0080.760.380.660.400.630.51
128303797.1450.0080.750.400.660.400.680.51
256204765.6250.0080.750.420.680.410.650.53
5123382108.7390.0080.760.400.710.400.680.51
StandardGRU64165263.2540.0110.790.350.760.390.650.51
1282682102.8190.0110.770.380.730.380.670.49
25644317.3090.0110.750.380.760.370.670.48
5121907.7150.0110.720.420.760.390.670.50
LSTM64106040.6950.0110.770.350.740.370.640.51
1285002194.0570.0110.740.390.740.400.610.52
2564032157.1760.0110.830.320.740.440.510.56
5124490177.8410.0110.750.370.750.380.640.49
RNN644148157.1470.0110.790.330.660.390.610.55
1284472168.3980.0110.770.360.650.410.640.52
2563772141.3690.0110.720.430.650.450.620.58
51256120.9090.0110.770.380.660.400.660.52

References

  1. Shahrour, I.; Zhang, W. Use of soft computing techniques for tunneling optimization of tunnel boring machines. Undergr. Space 2021, 6, 233–239. [Google Scholar] [CrossRef]
  2. Lehmann, G.; Käsling, H.; Hoch, S.; Thuro, K. Analysis and prediction of small-diameter TBM performance in hard rock conditions. Tunn. Undergr. Space Technol. 2024, 143, 105442. [Google Scholar] [CrossRef]
  3. Li, Q.; Xia, J.; Zhou, M.; Deng, S.; Dong, B. Risk assessment of metro tunnel evacuation in devastating urban flooding events. Tunn. Undergr. Space Technol. 2024, 144, 105540. [Google Scholar] [CrossRef]
  4. Yang, H.Q.; Liu, B.; Wang, Y.; Li, C. Prediction Model for Normal and Flat Wear of Disc Cutters during TBM Tunneling Process. Int. J. Geomech. 2021, 21, 6021002. [Google Scholar] [CrossRef]
  5. Du, L.; Yuan, J.; Bao, S.; Guan, R.; Wan, W. Robotic replacement for disc cutters in tunnel boring machines. Autom. Constr. 2022, 140, 104369. [Google Scholar] [CrossRef]
  6. Yu, H.; Tao, J.; Huang, S.; Qin, C.; Xiao, D.; Liu, C. A field parameters-based method for real-time wear estimation of disc cutter on TBM cutterhead. Autom. Constr. 2021, 124, 103603. [Google Scholar] [CrossRef]
  7. Grasmick, J.; Mooney, M. A Probabilistic Geostatistics-Based Approach to Tunnel Boring Machine Cutter Tool Wear and Cutterhead Clogging Prediction. J. Geotech. Geoenviron. Eng. 2021, 147, 5021014. [Google Scholar] [CrossRef]
  8. Sun, Z.; Zhao, H.; Hong, K.; Chen, K.; Zhou, J.; Li, F.; He, R. A practical TBM cutter wear prediction model for disc cutter life and rock wear ability. Tunn. Undergr. Space Technol. 2019, 85, 92–99. [Google Scholar] [CrossRef]
  9. Wang, L.; Li, H.; Zhao, X.; Zhang, Q. Development of a prediction model for the wear evolution of disc cutters on rock TBM cutterhead. Tunn. Undergr. Space Technol. 2017, 67, 147–157. [Google Scholar] [CrossRef]
  10. Wan, Z.C.; Sha, M.Y.; Zhou, Y.L. Study on disc cutters for hard rock application of TB880E TBM in Qinling tunnel. Mod. Tunn. Technol. 2002, 39, 1–11. [Google Scholar]
  11. Wei, M.; Wang, Z.; Wang, X.; Peng, J.; Song, Y. Prediction of TBM penetration rate based on Monte Carlo-BP neural network. Neural Comput. Appl. 2021, 33, 603–611. [Google Scholar] [CrossRef]
  12. Lin, S.S.; Shen, S.L.; Zhou, A. Real-time analysis and prediction of shield cutterhead torque using optimized gated recurrent unit neural network. J. Rock Mech. Geotech. Eng. 2022, 14, 1232–1240. [Google Scholar] [CrossRef]
  13. Armaghani, D.J.; Mohamad, E.T.; Narayanasamy, M.S.; Narita, N.; Yagiz, S. Development of hybrid intelligent models for predicting TBM penetration rate in hard rock condition. Tunn. Undergr. Space Technol. 2017, 63, 29–43. [Google Scholar] [CrossRef]
  14. Rostami, J. Development of a Force Estimation Model for Rock Fragmentation with Disc Cutters Through Theoretical Modeling and Physical Measurement of Crushed Zone Pressure; Colorado School of Mines: Golden, CO, USA, 1997; Volume 38, pp. 56–64. [Google Scholar]
  15. Zare, S.; Bruland, A. Applications of NTNU/SINTEF drillability indices in hard rock tunneling. Rock Mech. Rock Eng. 2013, 46, 179–187. [Google Scholar] [CrossRef]
  16. Hassanpour, J.; Rostami, J.; Azali, S.T.; Zhao, J. Introduction of an empirical TBM cutter wear prediction model for pyroclastic and mafic igneous rocks; a case history of Karaj water conveyance tunnel, Iran. Tunn. Undergr. Space Technol. 2014, 43, 222–231. [Google Scholar] [CrossRef]
  17. Yang, Y.; Sun, Z.; Zhang, B.; Yan, C. Disc cutter wear evaluation method based on regression analysis of multiple TBM engineering data. China Mech. Eng. 2021, 32, 1370–1376. [Google Scholar]
  18. Zahiri, M.; Goshtasbi, K.; Khademi Hamidi, J.; Ahangari, K. A Numerical Investigation of TBM Disc Cutter Life Prediction in Hard Rocks. J. Min. Environ. 2020, 11, 1095–1113. [Google Scholar]
  19. Mo, D.; Bai, L.; Huang, W.; Wu, N.; Lu, L. TBM disc cutter wear prediction using stratal slicing and IPSO-LSTM in mixed weathered granite stratum. Tunn. Undergr. Space Technol. 2024, 148, 105745. [Google Scholar] [CrossRef]
  20. Elbaz, K.; Shen, S.; Zhou, A.; Yin, Z.; Lyu, H. Prediction of disc cutter life during shield tunneling with AI via the incorporation of a genetic algorithm into a GMDH-type neural network. Engineering 2021, 7, 238–251. [Google Scholar] [CrossRef]
  21. Afradi, A.; Ebrahimabadi, A.; Hallajian, T. Prediction of the Penetration Rate and Number of Consumed Disc Cutters of Tunnel Boring Machines (TBMs) Using Artificial Neural Network (ANN) and Support Vector Machine (SVM)-Case Study Beheshtabad Water Conveyance Tunnel in Iran. Asian J. Water Environ. Pollut. 2019, 16, 49–57. [Google Scholar] [CrossRef]
  22. Mahmoodzadeh, A.; Mohammadi, M.; Ibrahim, H.H.; Abdulhamid, S.N.; Ali, H.F.H.; Hasan, A.M.; Mahmud, H. Machine learning forecasting models of disc cutters life of tunnel boring machine. Autom. Constr. 2021, 128, 103779. [Google Scholar] [CrossRef]
  23. Ding, X.; Xie, Y.; Xue, H.; Chen, R. A new approach for developing EPB-TBM disc cutter wear prediction equations in granite stratum using backpropagation neural network. Tunn. Undergr. Space Technol. 2022, 128, 104654. [Google Scholar] [CrossRef]
  24. Akhlaghi, M.A.; Bagherpour, R.; Hoseinie, S.H. Real-Time Prediction of Disc Cutter Wear in Low-Abrasive Rocks: Integrating Physico-Mechanical Properties and Signal Processing Features Through Machine Learning Methods. Arab. J. Sci. Eng. 2024, 1–25. [Google Scholar] [CrossRef]
  25. Shin, Y.J.; Kwon, K.; Bae, A.; Choi, H.; Kim, D. Machine learning-based prediction model for disc cutter life in TBM excavation through hard rock formations. Tunn. Undergr. Space Technol. 2024, 150, 105826. [Google Scholar] [CrossRef]
  26. Bai, X.D.; Cheng, W.C.; Li, G. A comparative study of different machine learning algorithms in predicting EPB shield behaviour: A case study at the Xi’an metro, China. Acta Geotech. 2021, 16, 4061–4080. [Google Scholar] [CrossRef]
  27. Zhou, C.; Gao, Y.; Chen, E.J.; Ding, L.; Qin, W. Deep learning technologies for shield tunneling: Challenges and opportunities. Autom. Constr. 2023, 154, 104982. [Google Scholar] [CrossRef]
  28. Xie, X.; Huang, M.; Liu, Y.; An, Q. Intelligent tool-wear prediction based on informer encoder and bi-directional long short-term memory. Machines 2023, 11, 94. [Google Scholar] [CrossRef]
  29. Cui, Q.; Shen, S.; Xu, Y.; Wu, H.; Yin, Z. Mitigation of geohazards during deep excavations in karst regions with caverns: A case study. Eng. Geol. 2015, 195, 16–27. [Google Scholar] [CrossRef]
  30. Karami, M.; Zare, S.; Rostami, J. Introducing an empirical model for prediction of disc cutter life for TBM application in jointed rocks: Case study, Kerman water conveyance tunnel. Bull. Eng. Geol. Environ. 2021, 80, 3853–3870. [Google Scholar] [CrossRef]
  31. Karami, M.; Zare, S.; Rostami, J. Tracking of disc cutter wear in TBM tunneling: A case study of Kerman water conveyance tunnel. Bull. Eng. Geol. Environ. 2021, 80, 201–219. [Google Scholar] [CrossRef]
  32. Pu, X.; Jia, L.; Shang, K.; Chen, L.; Yang, T.; Chen, L.; Gao, L.; Qian, L. A new strategy for disc cutter wear status perception using vibration detection and machine learning. Sensors 2022, 22, 6686. [Google Scholar] [CrossRef] [PubMed]
  33. Shen, S.L.; Atangana Njock, P.G.; Zhou, A.; Lyu, H.M. Dynamic prediction of jet grouted column diameter in soft soil using Bi-LSTM deep learning. Acta Geotech. 2021, 16, 303–315. [Google Scholar] [CrossRef]
  34. Zhang, N.; Shen, S.L.; Zhou, A. A new index for cutter life evaluation and ensemble model for prediction of cutter wear. Tunn. Undergr. Space Technol. 2023, 131, 104830. [Google Scholar] [CrossRef]
  35. Shan, F.; He, X.; Armaghani, D.J.; Xu, H.; Liu, X.; Sheng, D. Real-time forecasting of TBM cutterhead torque and thrust force using aware-context recurrent neural networks. Tunn. Undergr. Space Technol. 2024, 152, 105906. [Google Scholar] [CrossRef]
  36. Malhi, A.; Gao, R.X. PCA-based feature selection scheme for machine defect classification. IEEE Trans. Instrum. Meas. 2004, 53, 1517–1525. [Google Scholar] [CrossRef]
  37. Ahsan, M.M.; Mahmud, M.A.; Saha, P.K.; Gupta, K.D.; Siddique, Z. Effect of data scaling methods on machine learning algorithms and model performance. Technologies 2021, 9, 52. [Google Scholar] [CrossRef]
Figure 1. Schematic illustration of the tunnel project.
Figure 1. Schematic illustration of the tunnel project.
Coatings 15 00564 g001
Figure 2. Geological profile along the tunnel. (a) Right metro line; (b) left metro line.
Figure 2. Geological profile along the tunnel. (a) Right metro line; (b) left metro line.
Coatings 15 00564 g002
Figure 3. Part of the operational features during the entire excavation process (right metro line).
Figure 3. Part of the operational features during the entire excavation process (right metro line).
Coatings 15 00564 g003
Figure 4. TBM shield of cutter head components.
Figure 4. TBM shield of cutter head components.
Coatings 15 00564 g004
Figure 5. The research flowchart.
Figure 5. The research flowchart.
Coatings 15 00564 g005
Figure 6. Input data for first-type models (take BP as an example).
Figure 6. Input data for first-type models (take BP as an example).
Coatings 15 00564 g006
Figure 7. Input data for first-type models (take GRU as an example).
Figure 7. Input data for first-type models (take GRU as an example).
Coatings 15 00564 g007
Figure 8. The average cutter wear extent in two metro lines.
Figure 8. The average cutter wear extent in two metro lines.
Coatings 15 00564 g008
Figure 9. Average cutter wear extent in different datasets.
Figure 9. Average cutter wear extent in different datasets.
Coatings 15 00564 g009
Figure 10. PCA component variance ratios across normalizations.
Figure 10. PCA component variance ratios across normalizations.
Coatings 15 00564 g010
Table 1. The PCA result of each feature group.
Table 1. The PCA result of each feature group.
No.Feature GroupsNum. of FeaturesNum. of PCA ComponentsExplained Ratio (%)
1Grouting amount3196.79
2Real-time accumulation of loop mixture6199.75
3Real-time accumulation of air6193.76
4Foam system2199.97
5Horizontal and vertical trend2191.95
6Earth pressure6193.06
7Advance jack oil pressure6285.11
8Synchronized grouting pressure3181.62
9Shield tail seal grease front compartment pressure10291.75
10Shield tail seal grease middle compartment pressure10294.36
11Shield tail seal grease rear compartment pressure10291.07
12Grouting channel grouting times2190.50
13Main bearing outer seal grease (EP2) grease counter2197.70
14Advance jack stroke6298.71
15Articulating cylinder stroke4282.17
16Front tail shield horizontal and vertical deviation4194.23
17Front rear shield coordinates6199.59
18Shield front and rear mileage2199.99
Table 2. Directly PCA for Dimension Reduction.
Table 2. Directly PCA for Dimension Reduction.
Norm. MethodNum. of ComponentsTotal Explained Variance Ratio (%)
Min Max1491.01
Standardization1688.90
Max Abs1489.29
Table 3. Average model metric of different models.
Table 3. Average model metric of different models.
ModelTrain R2Train MAPEValid R2Valid MAPETest R2Test MAPE
RBFSVR0.400.760.370.620.370.97
Decision Tree0.850.190.020.48−0.100.67
Random Forest0.810.260.430.390.470.54
Table 4. Model metric of random forest.
Table 4. Model metric of random forest.
DatasetNormalizationTrain R2Train MAPEValid R2Valid MAPETest R2Test MAPE
RawMax Abs0.800.260.440.390.470.55
Min Max0.800.270.440.390.460.55
Standard0.800.270.440.390.460.55
PCAMax Abs0.800.260.380.410.430.51
Min Max0.800.260.390.400.450.52
Standard0.810.250.440.390.460.55
PCA directlyMax Abs0.810.260.480.390.500.53
Min Max0.820.250.440.390.490.54
Standard0.830.250.450.390.470.55
Table 5. Running time of MLP models with two hidden layers (s).
Table 5. Running time of MLP models with two hidden layers (s).
DatasetNormalizationNum. of Hidden LayersActivation FunctionEpochTotal Training TimeInference Time
RawMax Abs8 × 8linear × linear14754.3930.0003
Min Max8 × 8linear × linear14814.2870.0003
Standard64 × 64relu × relu14234.4330.0004
PCAMax Abs32 × 16relu × linear14964.7570.0004
Min Max8 × 32relu × relu10913.5110.0004
Standard64 × 32relu × relu14604.5400.0004
PCA directlyMax Abs64 × 32relu × relu14964.9100.0004
Min Max64 × 32relu × relu14905.3150.0005
Standard8 × 32relu × relu14924.8860.0004
Table 6. Model metric of MLP models with two hidden layers.
Table 6. Model metric of MLP models with two hidden layers.
DatasetNormalizationNum. of Hidden LayerTrain R2Train MAPEValid R2Valid MAPETest R2Test MAPE
RawMax Abs8 × 80.4380.5760.4330.5080.5450.648
Min Max8 × 80.4390.5770.4230.4970.5390.667
Standard64 × 640.5370.4240.4790.3700.5760.486
PCAMax Abs32 × 160.5050.5080.4540.4390.5470.568
Min Max8 × 320.4370.5200.4410.4430.5710.573
Standard64 × 320.5390.4430.4700.3830.5630.555
PCA directlyMax Abs64 × 320.4990.5200.4500.4540.5500.549
Min Max64 × 320.5000.5070.4500.4540.5470.598
Standard8 × 320.5020.5070.4630.4360.5760.604
Table 7. Running time of time series models (s).
Table 7. Running time of time series models (s).
DatasetNormalizationModelNum. of Hidden LayersEpochTotal Training TimeInference Time
RawMax AbsLSTM512130151.3450.0109
Min MaxGRU25669426.6520.0108
StandardRNN25670023.9590.0092
PCAMax AbsGRU64291693.3350.0082
Min MaxGRU25691827.7750.0099
StandardRNN51231511.5110.0109
PCA directlyMax AbsGRU256107641.5750.0107
Min MaxLSTM12881831.5900.0112
StandardGRU5121907.7150.0110
Table 8. Model metric of time series models.
Table 8. Model metric of time series models.
DatasetNormalizationModelNum. of Hidden LayersTrain R2Train MAPEValid R2Valid MAPETest R2Test MAPE
RawMax AbsLSTM5120.7260.4210.7730.3890.7000.506
Min MaxGRU2560.7170.4230.7840.3830.7020.479
StandardRNN2560.7600.3670.6520.3900.6580.507
PCAMax AbsGRU640.7500.3910.7730.3910.6720.497
Min MaxGRU2560.7650.4170.8010.3770.7120.471
StandardRNN5120.7330.4480.6590.4400.6860.545
PCA directlyMax AbsGRU2560.7520.4210.7810.4110.6950.505
Min MaxLSTM1280.7350.4150.7750.3910.6850.490
StandardGRU5120.7170.4200.7650.3890.6740.495
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

Bai, L.; Mo, D.; Li, H.; Huang, W.; Cai, Z. Optimized Data Preprocessing and Model Selection for TBM Cutter Wear Prediction. Coatings 2025, 15, 564. https://doi.org/10.3390/coatings15050564

AMA Style

Bai L, Mo D, Li H, Huang W, Cai Z. Optimized Data Preprocessing and Model Selection for TBM Cutter Wear Prediction. Coatings. 2025; 15(5):564. https://doi.org/10.3390/coatings15050564

Chicago/Turabian Style

Bai, Liping, Deyun Mo, Hongshu Li, Weiran Huang, and Zelun Cai. 2025. "Optimized Data Preprocessing and Model Selection for TBM Cutter Wear Prediction" Coatings 15, no. 5: 564. https://doi.org/10.3390/coatings15050564

APA Style

Bai, L., Mo, D., Li, H., Huang, W., & Cai, Z. (2025). Optimized Data Preprocessing and Model Selection for TBM Cutter Wear Prediction. Coatings, 15(5), 564. https://doi.org/10.3390/coatings15050564

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