Next Article in Journal
Analysis and Optimized Location Selection of Comprehensive Green Space Supply in the Central Urban Area of Hefei Based on GIS
Previous Article in Journal
Configuration Optimization for Sustainable Temporary Houses Employing BIM Procedure
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Bridge Condition Deterioration Prediction Using the Whale Optimization Algorithm and Extreme Learning Machine

1
State Key Laboratory of Mountain Bridge and Tunnel Engineering, Chongqing Jiaotong University, Chongqing 400074, China
2
College of Engineering and Technology, Southwest University, Chongqing 400715, China
3
Chongqing Yuhe Expressway Co., Ltd., Chongqing 400799, China
4
Guangxi Nanbai Expressway Co., Ltd., Nanning 530029, China
*
Authors to whom correspondence should be addressed.
Buildings 2023, 13(11), 2730; https://doi.org/10.3390/buildings13112730
Submission received: 2 September 2023 / Revised: 21 October 2023 / Accepted: 26 October 2023 / Published: 29 October 2023

Abstract

:
To address the problem in model computations and the limited accuracy of current bridge deterioration prediction methods, this paper proposes a novel bridge deterioration prediction meth-od using the whale optimization algorithm and extreme learning machine (WOA-ELM). First, we collected a dataset consisting of 539 sets of bridge inspection data and determined the necessary influencing factors through correlation analysis. Subsequently, the WOA-ELM algorithm was applied to establish a nonlinear mapping relationship between each influencing factor and the bridge condition indicators. Furthermore, the extreme learning machine (ELM), back-propagation neural network (BPNN), decision trees (DT), and support vector machine (SVM) were employed for comparison to validate the superiority of the proposed method. In addition, this paper provides further substantiation of the model’s exceptional predictive capabilities across diverse bridge components. The results demonstrate the accurate predictive capability of the proposed method for bridge conditions. Compared with ELM, BPNN, DT, and SVM, the proposed method exhibits significant improvements in predictive accuracy, i.e., the correlation coefficient is increased by 4.1%, 11.4%, 24.5%, and 33.6%, and the root mean square error is reduced by 7.3%, 18.0%, 14.8%, and 18.1%, respectively. Moreover, the proposed method presents considerably enhanced generalization capabilities, resulting in the reduction in mean relative error by 11.6%, 15.3%, 6%, and 16.2%. The proposed method presents a robust framework for proactive bridge maintenance.

1. Introduction

The number of highway bridges in China exceeded 960,000 in 2023. With the passage of time, these bridge structures inevitably experience performance degradation, caused by the coupled effects of external service environment factors and internal material deterioration [1,2,3]. Accurately predicting bridge performance evolution holds great theoretical and practical importance for scientific maintenance and extending structural service life [4,5,6].
Extensive research has been conducted by a considerable number of scholars on the establishment of bridge condition prediction models, which are broadly categorized into deterministic and probabilistic models [7]. The former category assumes a fixed and deterministic degradation trend for bridge condition, and utilizes historical periodic inspection data to perform regression fitting of predefined deterioration decay equations. Through this process, the degradation rate of bridge performance under different conditions is estimated. For instance, Yang et al. [8] employed detection data from 398 reinforced concrete bridges to fit a bridge condition degradation model that reveals the changing characteristics of bridge performance during different operational phases. Similarly, Sahar et al. [9] established a degradation regression model for the superstructure of bridges based on extensive bridge inspection data. Subsequently, the model considered eight influencing factors, including service time, span, and traffic volume, and the researchers also conducted sensitivity analysis on these factors. While deterministic models are relatively straightforward to construct, they can be adjusted and updated for different bridges. However, they still struggle to account for the stochastic nature of bridge degradation and demand high-quality historical inspection data. In contrast, the second type of model considers the degradation rate as a random variable and utilizes the theory of stochastic processes to simulate the deteriorating trends of bridge structural conditions. Moreover, most probability models have implemented Markov processes [7]. For example, Zhang et al. [10] used five years of continuous bridge inspection data from 445 hollow slab bridges and developed a bridge condition degradation prediction model based on a multi-stage Markov chain. Furthermore, their findings revealed that the state transition probability matrix in the model closely matched actual conditions. Additionally, Wellalage et al. [11] proposed a Metropolis–Hastings optimized Markov chain Monte Carlo method to calculate the state transition matrix of the typical components of railway bridges. Moreover, they compared it with regression and Bayesian models to demonstrate its superiority. In addition, Thanh et al. [12] addressed data insufficiency issues in Markov processes by incorporating a physical-empirical model. The results indicated that the model could derive the state transition matrix using the least squares method. Nevertheless, probabilistic models remain dependent on subjective engineering judgments and necessitate ongoing updates, constraining their potential for further optimization to ensure predictive efficacy.
In recent years, owing to the rapid development and extensive application of machine learning, various scholars have started adopting the extreme learning machine (ELM) model to enhance the predictive performance of models. For instance, Jiang et al. [13] utilized the ELM model to indirectly predict the remaining lifespan of lithium batteries, achieving an error control within 5%. Furthermore, He et al. [14] demonstrated that the ELM model could achieve a 94.44% accuracy in circuit fault prediction in just one millisecond, highlighting the significant advantages of ELM in predictive performance. Subsequently, researchers discovered that optimizing the initial weights and thresholds could further improve ELM’s predictive capabilities.
The whale optimization algorithm (WOA) is a novel swarm intelligence and bio-inspired optimization algorithm proposed by Mirjalili et al. [15] in 2016. It draws inspiration from the hunting behavior of humpback whales and simulates their unique spiral bubble-net hunting strategy, aiming to achieve optimization for complex problems. Additionally, WOA incorporates three independent population update mechanisms: search for prey, encircling prey, and spiral update. Effectively, WOA eliminates the need for manually setting various control parameter values. Consequently, this approach significantly enhances algorithm efficiency and reduces application complexity. In this context, Lu et al. [16] established a microgrid fault analysis model using the whale optimization algorithm-enhanced extreme learning machine (WOA-ELM). When compared to the backpropagation neural network (BPNN), radial basis function neural network, and conventional ELM, WOA-ELM demonstrated faster learning speed, stronger generalization capability, and higher recognition accuracy. Similarly, Li et al. [17] conducted experiments comparing various optimization algorithms for ELM prediction models, and their findings revealed that WOA-ELM outperformed ELM, genetic algorithm-optimized ELM, cuckoo search-optimized ELM, and dandelion algorithm-optimized ELM in terms of predictive performance. Certainly, there are many other effective metaheuristic algorithms. For instance, Nadimi-Shahraki et al. [18] analyzed the performance of the MTDE algorithm based on the multi-trial vector-based differential evolution method for problems such as the pressure vessel, welded beam, tension/compression spring, and three-bar truss. Their analysis demonstrated that the MTDE algorithm exhibits improved performance and high precision in finding the optimal solution. Liu et al. [19] conducted research on the agricultural drone route-planning problem using the grey wolf optimization algorithm. They discovered that this algorithm can effectively generate drone trajectories that meet agricultural operational requirements, and exhibits improved performance and high precision in finding optimal solutions.
Considering the high data quality requirements, limited applicability, and the subjective influence on model updates in existing methods, this paper proposes a bridge deterioration prediction model based on WOA-ELM. To enhance the model’s applicability beyond a single bridge, the study utilizes a dataset comprising 539 sets of diverse bridge inspection data. It establishes nonlinear mapping relationships between 11 influencing factors, including time, bridge type, span, and others, and the indicators representing the bridge’s condition. By comparing the results of this paper’s approach with various machine learning prediction models, its superiority is confirmed.

2. Extreme Learning Machine

The ELM [20,21,22] is a machine learning algorithm based on the construction of a feedforward neural network. Its fundamental principle involves randomly generating connection weights between the input layer and the hidden layer, as well as thresholds for the hidden layer nodes, and then obtaining the optimal solution through straightforward matrix computations. Compared to traditional feedforward neural network algorithms, ELM exhibits strong learning capabilities, superior generalization performance, and simplicity in parameter configuration. The network structure of ELM is illustrated in Figure 1.
In consideration of the single-hidden-layer ELM network architecture illustrated in Figure 1, we assume the existence of n arbitrary samples (Xi, Yi). In this context, X i = [ x i 1 , x i 2 , , x i n ] T R n represents the input matrix, and Y i = [ y i 1 , y i 2 , , y i m ] T R m signifies the output matrix. The input layer of the ELM comprises n nodes, while the hidden layer consists of l nodes, and the output layer encompasses m nodes. The mathematical representation of the ELM can be succinctly articulated as follows:
i = 1 l β i g ( ω i x j + b j ) = y j , j = 1 , 2 , , n
In this equation, the symbol ω i = [ ω i 1 , ω i 2 , , ω i n ] T signifies the input weight matrix, while β i = [ β i 1 , β i 2 , , β i m ] T represents the output weight matrix. Additionally, the notations g ( x ) and b i are employed to denote the activation function and bias of the hidden layer neurons correspondingly.
The primary objective of learning in a single-hidden-layer neural network is to minimize the output error. This objective necessitates identifying distinctive values for β i , ω i , and b i that satisfy the requirements in Equation (2). Consequently, these values can be succinctly represented using matrices as follows:
H β = Y
H ( ω 1 , , ω l ,   x 1 , , x l ,   b 1 , , b l ) = g ( ω 1 x 1 + b 1 ) g ( ω l x 1 + b l ) g ( ω 1 x N + b 1 ) g ( ω l x N + b l ) N × l
In this expression, β l × m = [ β 1 , β 2 , , β l ] T represents the output weight matrix, and T N × m = [ T 1 , T 2 , , T N ] T corresponds to the desired output matrix.
The learning process of ELM can be approximated as solving a nonlinear optimization problem. When the activation function is infinitely differentiable, the input weights and biases of ELM are stochastically determined. Simultaneously, the output matrix of the hidden layer becomes uniquely determined throughout the training process. Consequently, the ELM learning process is analogous to finding the least squares solution, which can be mathematically expressed as follows:
β ^ = H + Y
In this equation, H + stands for the Moore–Penrose pseudoinverse of the hidden layer output matrix.

3. Optimization of the WOA Algorithm

Given the unknown nature of the optimal initial weights and thresholds for ELM, the present study employs WOA for optimization. By considering the optimal position of an individual within the initial whale population as the best candidate set for the target position, two essential steps are achieved. Firstly, the optimal individual’s position serves as a reference for identifying the best candidate set. Secondly, the remaining individuals progressively converge towards this identified best candidate set, while iterative position updates are conducted to iteratively approach the optimal solution [23]. The mathematical expression for this stage is presented below:
X ( t + 1 ) = X * ( t ) A D ,   A = 2 a r a D = C X * ( t ) X ( t ) ,   C = 2 r ,   a = 2 ( 1 t / T )
In this equation, X(t + 1) represents the position vector of the individual whale after iterative updates at the current iteration. X(t) denotes the position vector of the individual whale at the current iteration. X*(t) signifies the position vector of the optimal individual within the current whale population. D stands for the random distance vector between the whale and the target. A and C are coefficient vectors. a represents the linearly decreasing attenuation coefficient of 2 0 . r is a random value between 0 and 1. t represents the current iteration number, and T denotes the maximum number of iterations.
During each iteration update, a random individual whale is selected, and the distance between this whale and the target is calculated. Subsequently, a spiral equation is established between the individual whale and the target based on this distance calculation. The mathematical expression for this spiral equation is as follows:
X ( t + 1 ) = X * ( t ) + D e b l cos ( 2 π l ) ;   D = X * ( t ) X ( t )
In the provided equation, D represents the distance vector between the current individual whale and the target. The constant b defines the logarithmic spiral curve, and l is a random variable between 0 and 1.
In this study, a probability threshold p is set to simultaneously achieve both of the aforementioned approaches. This ensures that the sperm whale randomly selects either of the two models with equal probabilities. The final mathematical expression for this stage is presented below:
X ( t + 1 ) = X * ( t ) A D p < 0.5 X * ( t ) + D e b l cos ( 2 π l ) p 0.5
In this equation, p is a random variable between −1 and 1.
To enhance the search capability further, this study calculates the magnitude of A in real time during each iteration. When A is below the threshold 1, the selection of the optimal individual from the whale population as the target for position updates, in accordance with Equation (7), exemplifies the algorithm’s local search capability. Additionally, when the magnitude of A surpasses a specific threshold of 1, the algorithm enhances its global search capability. This enhancement is achieved by adopting a strategy that involves randomly selecting a whale individual as the target position and updating the positions of other individuals accordingly. The mathematical expression for this process is provided below:
X ( t + 1 ) = X r a n d ( t ) A D ; D = C X r a n d ( t ) X ( t )
In this formula, the symbol X r a n d ( t ) represents the position vector of a randomly selected whale individual from the current whale population.

4. Bridge Condition Deterioration Prediction Model Based on WOA-ELM

The objective of this study is to establish a data-centric bridge health prediction model. In this context, a substantial amount of bridge inspection data are utilized within this study. However, the ELM model’s initial weights and thresholds exhibit randomness and lack of consistency, thereby constraining the further enhancement of model accuracy. To address this challenge, WOA is introduced as a remedy. The initial phase entails data preprocessing. During this phase, 539 sets of bridge inspection data are organized into a dataset to facilitate training and testing with WOA-ELM. The subsequent phase involves leveraging the training set to calculate optimal hyperparameters for the ELM predictive model and establish the network topology. Following that, WOA is applied, utilizing the training set and network topology, to compute the most suitable model weights for this dataset. In the ultimate phase, optimized initial weights and thresholds are incorporated into the ELM model for training, culminating in the development of a bridge deterioration prediction model. Figure 2 illustrates the workflow of the regional bridge deterioration prediction model based on WOA-ELM.

5. Performance Metrics for Evaluation

To assess the performance of the model, this study employs the mean absolute error (MAE), mean relative error (MRE), root mean square error (RMSE), and correlation coefficient (R) as evaluation metrics for the predictive model [24,25]. The computations for each performance evaluation metric are as follows:
M A E = 1 N i = 1 N y i y ^ i
M R E = 1 N i = 1 N y i y ^ i y i
R M S E = 1 N i = 1 N y i y ^ i 2
R = N i = 1 N y i y ^ i i = 1 N y i i = 1 N y ^ i N i = 1 N y i 2 i = 1 N y i 2 N i = 1 N y ^ i 2 i = 1 N y ^ i 2
where MAE measures the absolute deviation between the predicted values and the expected values. It effectively addresses the issue of error cancellation and serves as an indicator of the model’s generalization capability. MRE measures the relative deviation between the predicted and expected values, providing valuable insights into the model’s generalization ability. RMSE assesses the fluctuations in deviation between the predicted and expected values, thus serving as a reflection of the model’s accuracy. R signifies the goodness of fit and predictive accuracy of the model. Here, y i denotes the actual value of the ith sample, and y ^ i represents the model’s predicted value for the same sample. The variable N corresponds to the total number of samples, and R < 0.4 denotes a low-degree linear correlation. A correlation coefficient value within the range 0.4 < R < 0.7 indicates a moderate correlation, whereas a value within the range 0.7 < R < 1 signifies a high-degree linear correlation.

6. Method Validation

6.1. Dataset

Establishing a comprehensive bridge condition database serves as an essential foundation for investigating the evolutionary patterns of bridge deterioration. This article gathers documentary materials, including sets of periodic inspection reports, construction design drawings, repair drawings, and maintenance records, for 539 urban bridges situated from 2011 to 2019.

6.1.1. Data Preprocessing

When dealing with multi-source data, a key-value pair collection approach is employed to represent and store each individual bridge entity. The former specifies the specific features, while the latter assigns corresponding data to these features [26]. Bridge entity attributes should encompass information from three aspects: the route level, bridge level, and component level. Different attributes have varying data formats, such as text-based or numerical data. Text-based data typically represent the name or label of the subject under study, while numerical data indicate quantitative relationships between data points.
However, the integrated raw database cannot be directly used for subsequent analyses. This is primarily due to disparities in the quality of historical raw data, such as limited preservation time for paper-based records and instances of missing data. These issues significantly affect the continuity and traceability of data representation. Additionally, the storage of electronic data is constrained by technical standards and management practices, resulting in inconsistent storage formats, information gaps, and inconsistencies.
Therefore, it is necessary to preprocess the initial raw data to maximize the elimination of data noise’s impact on subsequent evaluations and ensure the reliability and applicability of the database. The construction process of the regional bridge condition database proposed in this paper is illustrated in Figure 3. Common data cleaning methods include deletion, analogy filling, and mean filling.

6.1.2. Mathematical Representation of Bridge Condition Data

The bridge condition database encompasses diverse data types. The input variables adopted for modeling encompass numerical variables, such as bridge age and length. Moreover, textual variables are included in region and bridge type. Additionally, Boolean variables are employed to signify maintenance conditions. To ensure numerical stability and avert gradient explosions, the normalization technique will be applied to standardize the numerical variables, and eliminate their influence on the model. Concerning the textual variables, there is no explicit correlation or ordinal relationship among distinct values. Therefore, one-hot encoding will be utilized to transform them into 1 × N binary vectors, where N denotes the number of categories for each variable.
For instance, in the context of bridge type, predefined categories will be used for encoding. These categories include hollow slab beam, T-beam, and box girder, which will be encoded as (1, 0, 0), (0, 1, 0), and (0, 0, 1), respectively, thereby serving as input neurons. Similarly, the area variable will be divided into three major regions within the primary urban area: Region 1, Region 2, and Region 3. These regions possess diverse climatic, spatial, geographical, and environmental characteristics. They will be encoded using the same methodology as previously mentioned. Furthermore, for the Boolean variable maintenance condition, a value of 1 will signify a year with maintenance performed, and a value of 0 will represent a year without maintenance.

6.1.3. Establishment of Bridge Condition Database

Secondary encoding, such as minimum-maximum normalization and one-hot encoding, will be performed on the data to prepare the input variables suitable for network training. The dataset will be randomly divided into a training set comprising 80% of the samples (430 cases) and a test set with 20% of the samples (109 cases). The ranges of values for each variable are presented in Table 1. The complete dataset is shown in Appendix A and Appendix B.

6.2. Data Normalization

For numerical variables, there are significant differences in value ranges among different features [27]. Consequently, unequal weights are assigned to the variables, which leads to the phenomenon of feature dilution in variables with smaller value ranges. To address this, the minimum-maximum normalization method is employed to map the feature values of variables into the [0, 1] interval, as shown in Equation (13):
x i j   = x i j x i min x i max x i min   i = 1 , 2 , , m   j = 1 , 2 , , n
where m denotes the number of variables; n represents the number of samples for each variable; x i j is the original value of the jth sample for the ith variable; x i j   is the normalized value corresponding to the variable after processing; and x i max and x i min are the lower and upper bounds, respectively, for the variable values.

6.3. Determination of Influencing Factors

Selecting the appropriate input variables is pivotal for ensuring accurate predictions of BCI. Inadequate input variables cannot adequately capture the core aspects of bridge degradation issues, while an excess of variables can lead to challenges like overfitting and model incongruity, simultaneously elevating the model’s computational complexity [28]. Consequently, this study adheres to the methodology described in references [29,30,31], utilizing statistical analysis and mutual information correlation coefficients for the meticulous selection of input variables customized for diverse bridge components. Because whether the bridge structure has undergone maintenance is a crucial influencing factor in this study, we will focus on selecting variables from the remaining factors in the variable selection process.
The scatterplot distribution of sample feature variables and BCI established in this study is depicted in Figure 4.
Subsequently, an exploration of the relationships between various variables and the output was conducted. Appropriate correlation coefficients were chosen for statistical correlation analysis. We employed coefficients to determine the correlation between two categorical variables, used the Pearson correlation coefficient for computing the correlation between two interval variables, and typically applied eta-squared coefficients for the correlation between mixed variables involving both categorical and interval data. These findings are presented in Figure 5.
Figure 5 depicts the correlation between bridge ratings, determined using statistical correlation coefficients, and various variables. Notably, a strong correlation is observed between the bridge deck, superstructure, and substructure variables and the overall structural rating. This correlation aligns with the bridge assessment methodology that takes into account the component weights. When examining the correlations between bridge decking, superstructure, and substructure, the highest correlations are observed in the following order: [bridge decking, superstructure], [superstructure, substructure], and [bridge decking, substructure]. This pattern emerges because, during the operational phase, the bridge decking and superstructure act as a unified entity, sharing the load, which results in the highest correlation among all combinations. Conversely, the superstructure and substructure are typically connected through supports, characterized by load transmission rather than simultaneous loading, resulting in slightly lower correlation coefficients. Additionally, the bridge decking and substructure lack a direct mutual interaction relationship, which accounts for the lower observed correlation. These findings reflect the inherent structural characteristics and common interaction patterns in bridges. Furthermore, it is worth noting that the overall structural rating is significantly affected by its service life. This is evident from correlation coefficients exceeding 0.6 for all variables, except for the substructure. Bridge age emerges as the primary factor influencing structural performance degradation. Additionally, the bridge type and structural form contribute to the rating to varying degrees. Effective combinations of hollow box girders, T-beams, box girders, simple supports, and continuous beams can enhance the bridge’s service life throughout its full lifespan and provide sufficient performance reserves. Notably, the overall structural rating decreases with increasing bridge width and lane count, indirectly reflecting the unique contribution of traffic volume to the bridge deterioration process.
The aforementioned correlation analysis reveals the interdependencies between bridge age, region, bridge type, structural form, span, bridge length, bridge width, lane count, and the ratings for the bridge decking, superstructure, substructure, and overall structural performance. It highlights the unique contributions of each variable to the deterioration of bridge performance, forming the basis for extrapolation and prediction in long-term structural performance assessment. However, it is worth noting that some of the correlation coefficients are relatively low, indicating either weak or very weak correlations. This can be attributed, in part, to variations in rating data stemming from differences in inspection personnel’s habits and cognitive levels in describing bridge defects. This leads to data inaccuracies and instability, resulting in pronounced data variability. Furthermore, Pearson correlation coefficients are inherently sensitive to linear data and may struggle to quantify and identify potential nonlinear relationships between variables. This may account for the lower correlation coefficients observed in certain cases.
The discrete distribution characteristics of the bridge inspection sample data are illustrated in Figure 6, which serves as an example of visualizing inherent relationships among variables. It is evident that a pronounced linear relationship exists between bridge age, span, superstructure, and the BCI of overall bridge structure, as indicated by robust Pearson correlation coefficients. Conversely, for bridge type and bridge length, the data exhibit a scattered and disorganized distribution, reflecting some nonlinear relationships. These nonlinear associations can be effectively identified and quantified using maximum mutual information coefficients, resulting in relatively high correlation coefficients.
Furthermore, taking into consideration the diverse correlation patterns existing among the data, we delve deeper into the intrinsic characteristics and associations among bridge data. Based on joint statistical analysis and mutual information correlation coefficients, we identify the degree of correlation between variables. Employing a correlation threshold of 0.2, variables with correlation coefficients lower than 0.2 are excluded from the subsequent modeling of bridge degradation states. This screening process results in a candidate feature set that exhibits higher correlation with bridge ratings. This serves to reduce the dimensionality and computational complexity in subsequent model training and prediction, thereby minimizing unnecessary computations. The comprehensive results of the correlation analysis, considering various correlation patterns, are presented in Figure 7. The variable candidate sets, ranked by correlation coefficient magnitude, are as follows: [bridge decking: bridge age, lane count, bridge type, structural form, bridge width, span, bridge length, region], [Superstructure: bridge age, lane count, bridge type, structural form, bridge width, span, bridge length], [substructure: bridge age, bridge type, structural form, lane count, bridge width, region], and [overall structure: bridge age, lane count, bridge width, bridge type, structural form, span, bridge length, region].
To further substantiate the robustness of the aforementioned analysis, we have employed the quantile–quantile plot to visualize the predictive outcomes, both before and after the selective removal of specific input variables in Figure 8.
From our examination of the plots, we can draw the following conclusions: for the predictions of BCI values pertaining to the bridge deck, superstructure, and substructure, data points exhibit a predominantly linear distribution along the diagonal line. This observation signifies that the predictive outcomes from the model remain largely consistent in terms of their distribution characteristics, irrespective of the inclusion or exclusion of specific input variables. More precisely, in the context of bridge deck BCI predictions, the mean difference between predictions with and without the exclusion of specific input variables is 2.1%, with a corresponding standard deviation variance of 3.7%. Similarly, for superstructure BCI value predictions, the mean difference stands at 2.7%, with a standard deviation variance of 2.0% after selective input exclusion. In the case of substructure BCI value predictions, the mean difference is 2.1%, accompanied by a standard deviation variance of 4.0% following the removal of specific inputs. These findings serve to further underline the rationality behind the removal of these specific input variables.

6.4. Establishment of the WOA-ELM Model

6.4.1. Selection of Activation Functions

Activation functions play a pivotal role in neural networks. Here are some of the most prevalent activation functions in neural networks, including the sigmoid function, the sine function, and the hardlim function [32,33], with specific details provided below:
S i g m o i d ( x ) = 1 1 + e x
S i n e ( x ) = S i n ( x )
H a r d l i m ( x ) = 0   x < 0 1   x 0
In light of the findings in Figure 9, utilizing the sigmoid function as the activation function in the extreme learning machine model demonstrates improved learning efficiency and enhanced fitting precision. Following that, the performance of the sine function is observed, while among these three activation functions, the hardlim function displays inferior performance. Therefore, we have opted for the sigmoid function as the activation function for subsequent modeling.

6.4.2. Determining the Number of Neurons in the Neural Network

In this study, we evaluated the predictive accuracy of the ELM model using the sigmoid activation function. The assessment was conducted for various numbers of neurons in the hidden layer, namely, 5, 10, 15, 20, 25, and 30. The obtained accuracy results exhibited a parabolic distribution, and it was observed that the highest accuracy was achieved when the number of neurons was set to 20 in the hidden layer. Consequently, we determined the number of neurons in the hidden layer as 20 for our model. The results are illustrated in Figure 10.

6.5. Forecasting Results and Comparisons

6.5.1. Prediction of BCI of Overall Bridge Structure

Before each training and testing process, a set of 430 data points was randomly chosen as training samples. Additionally, 109 data points were reserved as testing samples. Based on the previous research, the activation function of the ELM algorithm is set to the sigmoid function, with 20 hidden-layer neurons; the WOA population size is set to 20 individuals, and the maximum number of iterations is 50 times.
To mitigate the influence of random sample allocation on predictive results, the best outcome from 10 runs was adopted as the final result. Furthermore, a comparative analysis was conducted to validate the superiority of the proposed method. The analysis involved WOA-ELM, ELM, BPNN, decision trees (DT) and support vector machine (SVM) as the subjects of comparison.
The predictive model’s performance was evaluated using several metrics, including MAE, MRE, RMSE, and R. The comparison between the predicted and expected BCI is illustrated in Figure 11. The input layer of the model comprised 11 neurons, while the output layer consisted of 1 neuron.
Figure 11 reveals differences between the predictions of BCI values for the technical condition of bridges by five different algorithms and their expected values, resulting in a substantial overlap among certain data points. In practice, the predictive models based on the WOA-ELM algorithm and the ELM algorithm demonstrate remarkable proficiency in capturing sample characteristics, and exhibit especially favorable proficiency for forecasting trends in the technical state of bridges. Accurately predicting changes in bridge conditions will aid managers in taking preemptive measures to maintain bridge performance and enhance safety. Additionally, upon closer examination of the prediction error distribution for BCI values among the five algorithms, the WOA-ELM algorithm manages the magnitude of prediction errors significantly, with overall error fluctuations primarily concentrated around values near zero. Following this, the ELM algorithm exhibits relatively lower error levels. However, the SVM and BP neural networks, among the five algorithms, exhibit the most significant overall deviations in prediction errors and possess a larger number of outliers.
Figure 12 portrays scatter plots that exhibit the forecasted and anticipated BCI values, employing five algorithms: WOA-ELM, ELM, BPNN, DT, and SVM. The data points from all five models extend outward around the diagonal line. Additionally, five is a dense distribution near the diagonal, indicating a high degree of agreement between the predicted and expected values. Furthermore, the probability density distribution curves of the BCI prediction errors for the five algorithms are compared. The WOA-ELM algorithm exhibits a smaller extension range and a higher concentration of data points around the peak of the density curve. These observations indicate its superior ability to track the expected values. Moreover, the ELM and DT algorithms show a slightly lower capturing effect on the expected values, and the BPNN and SVM algorithms display a larger dispersion in the distribution of prediction data, indicating poorer control over error fluctuations.
The results depicted in Table 2 reveal significant advancements attained by the WOA-ELM model when compared to the ELM, BPNN, DT, and SVM models. In particular, the WOA-ELM model exhibits significant improvements in R, with enhancements of 4.1%, 11.4%, 24.5%, and 33.6%. Additionally, the model demonstrates reductions in MAE by 9.9%, 13.6%, 5.4%, and 15.7%, and MRE by 11.6%, 15.3%, 6%, and16.2%, respectively. Furthermore, the RMSE is lower by 7.3%, 18.0%, 14.8%, and 18.1% for the corresponding evaluations. The obtained results establish a remarkable level of consistency between the proposed WOA-ELM model and the other four models concerning the predictions of BCI values. When compared to other models, the proposed model exhibits superior performance in various aspects. It shows superiority in terms of both absolute and relative deviations in predictions. Additionally, the proposed model demonstrates better performance in deviation fluctuation and goodness of fit measures. The proposed model exhibits the lowest level of deviation between predicted and expected values. This signifies its high prediction accuracy and remarkable generalization capability. As a result, the model enables the effective forecasting of bridge states under various time points and feature variables. These achievements can be primarily attributed to the optimization of the initial weights and thresholds of the extreme learning machine through the whale optimization algorithm. Following this, the network undergoes training and testing on the dataset with the optimized initial weights and thresholds. As a consequence, commendable performance is achieved in both accuracy and generalization capability.

6.5.2. Prediction of BCI of Bridge Components

Similarly, employing the WOA-ELM model with consistent parameters, predictions were made for the degradation scores of the bridge deck, superstructure, and substructure. A comparative analysis between the predicted BCI and the expected values is presented in Figure 12, Figure 13 and Figure 14. Specifically, the bridge deck model incorporates an input layer consisting of nine neurons, the superstructure model features an input layer comprising eight neurons, and the substructure model is equipped with an input layer comprising seven neurons. Each of these models has an output layer consisting of one neuron.
According to Figure 13, Figure 14 and Figure 15, the WOA-ELM algorithm demonstrates excellent generalization performance and fitting accuracy in the evaluation of various components and overall ratings of bridges. It also exhibits a minimal presence of outliers and high applicability across diverse data features. While the DT model shows low error variance and dispersion in predicting BCI values for upper structural elements, there is room for improvement in other performance aspects. It is worth noting that the model exhibits relatively lower fitting accuracy in the evaluation of lower structural components. This is primarily due to the fact that, within the entire regional road network, most bridge substructures remain in good condition, with no localized minor damage or deterioration. As a result, BCI values tend to be uniformly high, and the variability is low, making the algorithm susceptible to noise interference and, thus, challenging in accurately capturing the relationship between structural states and feature variables. Especially taking bridge decks as an example, the WOA-ELM model demonstrates a significant advantage in terms of R-squared, with improvements of 9.5%, 12.7%, 16.7%, and 19.7%, respectively. Furthermore, the model exhibits reductions of 4.3%, 6.5%, 1.7%, and 12.5% in terms of MAE, and reductions of 6.4%, 6.7%, 2.8%, and 13.3% in terms of MRE. Additionally, the corresponding RMSE evaluations show reductions of 5.4%, 9.0%, 4.3%, and 12.7%, respectively.
Given that the randomness of the data can affect the model to some extent, we conducted ten random splits of the dataset and generated a box plot of the errors between predicted values and expected values, as illustrated below.
According to Figure 16, after ten runs, the WOA-ELM algorithm demonstrated that the median errors in both the overall bridge structure and component ratings were primarily within proximity to zero, reaffirming the model’s outstanding predictive performance. Additionally, WOA-ELM exhibited the lowest number of outliers among the five models, indicating strong generalization capabilities. While the BPNN and SVM models had relatively good error distributions, the presence of too many outliers was deemed unacceptable. Furthermore, despite the ELM and DT models showcasing solid generalization and accuracy under ideal conditions, an overall examination of ten runs revealed more scattered error distributions and a higher occurrence of outliers, indicative of the lower stability of these two models.

7. Conclusions

In this study, a comprehensive dataset of bridge condition deterioration was meticulously collected by the aggregation of extensive bridge inspection data. The dataset encompasses 11 significant input features, including bridge service time, region, and bridge type. Leveraging this comprehensive dataset, a data-driven WOA-ELM bridge condition deterioration prediction model was successfully constructed. To ensure the reliability and robustness of the proposed method, it was subjected to rigorous validation using a substantial volume of inspection data. The extensive validation process has enabled us to draw the following concluding insights:
(1)
The foundation of this study rests upon a comprehensive dataset of bridge inspection data, which facilitates the establishment of complex nonlinear connections between essential features and bridge conditions. This research effectively harnesses and explores the inherent data patterns within the long-term bridge inspection data. Setting itself apart from other prediction models that focus solely on individual bridges, the proposed model demonstrates exceptional proficiency in precisely forecasting the states of diverse bridges within the region.
(2)
In this study, we conducted correlation analysis, taking into consideration several key factors, including the bridge’s age, lane count, bridge width, bridge type, structural form, span, bridge length, geographic location, and maintenance status. The aim was to enhance the accuracy of BCI prediction. Furthermore, the WOA-ELM prediction model proposed in this paper outperforms the ELM, BPNN, DT, and SVM models in terms of sample fitting capability and accuracy. Specifically, the model presented in this paper exhibited improvements in R-values by 4.1%, 11.4%, 24.5%, and 33.6%, reductions in RMSE by 7.3%, 18.0%, 14.8%, and 18.1%, decreases in MAE by 9.9%, 13.6%, 5.4%, and 15.7%, and reductions in MRE by 11.6%, 15.3%, 6%, and 16.2%. These results clearly demonstrate a significant enhancement in the model’s performance for bridge condition prediction.
(3)
In the context of predicting the BCI for bridge components, we utilized Pearson correlation analysis and mutual information theory to identify the critical influencing factors that need to be taken into account for each specific component. For instance, within the realm of the bridge superstructure, it was imperative to consider variables such as bridge age, lane count, bridge width, bridge type, structural form, span, bridge length, geographic location, and maintenance status. When undertaking the prediction BCI for various bridge components, our proposed method consistently demonstrated remarkable advantages, surpassing the performance of the ELM, BPNN, DT, and SVM models in terms of predictive accuracy. Specifically, with regard to bridge decking components, our method resulted in significant improvements in R-values, with increases of 9.5%, 12.7%, 16.7%, and 19.7%. Additionally, there were reductions in RMSE by 5.4%, 9.0%, 4.3%, and 12.7%, decreases in MAE by 4.3%, 6.5%, 1.7%, and 12.5%, and reductions in MRE by 6.4%, 6.7%, 2.8%, and 13.3%. These outcomes prominently underscore the exceptional predictive prowess of our methodology across diverse bridge component conditions. The significance of this research lies in the provision of a more dependable technical assessment tool for bridge management and maintenance, poised to assume a pivotal role in practical applications.
Although our proposed method exhibits significant advantages over other models, there is still room for further improvement in the predictive performance of our model (e.g., enhancing the optimization precision and learning efficiency of meta-learning). Therefore, we will focus on exploring meta-learning algorithms to further enhance the performance of our model in the field of BCI prediction in future research.

Author Contributions

L.J. contributed to methodology, conceptualization, data curation, formal analysis, investigation, and writing. Q.T. was involved in data curation, methodology, validation and the preparation of the original draft. Y.J. contributed to conceptualization, investigation and supervision. H.C. was involved in conceptualization, the preparation of the original draft, and data collection. Z.X. participated in validation, reviewing and data collection. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (Grant No. 52278292), the Chongqing Outstanding Youth Science Foundation (Grant No. CSTB2023NSCQ-JQX0029), the Chongqing Science and Technology Project (CSTB2022TIAD-KPX0205), the Chongqing Transportation Science and Technology Project (Grant No. 2022-01), the Science and Technology Project of Guizhou Department of Transportation (Grant No. 2023-122-001), the China Postdoctoral Science Foundation (Grant No. 2023M730431), the Special Funding of Chongqing Postdoctoral Research Project (Grant No. 2022CQBSHTB2053), and the Research and Innovation Program for Graduate Students in Chongqing (Grant No. CYS23477).

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A

Table A1. Dataset.
Table A1. Dataset.
NO.ABCDEFGHIJKNO.ABCDEFGHIJK
12143353658200027112131820318000
21215110202560102721219168.3318100
31210110202561012731213168.3318000
41281102025600027422193215991100
512121102124.5611027522153215991000
61271102124.56000276131612039.5338011
71251102124.56000277131312039.5338100
8121612085318010278131012039.5338000
912141208531800027913161203331.58100
1012181205235801028013131203331.58010
1112131205235800028113101203331.58000
1212111205235800028213162204131.58100
13214345458100028313132204131.58100
14131824018031.5811028413161203531.58010
1513182302308.5210028513131203531.58100
1613132302308.5200028613101203531.58000
1713181206611300028722183199371110
1813131206611300028822143199371000
1913111206611300028912183242971100
2023183206511300029012143242971000
21231332065113000291221832417671100
22231132065113000292221432417671000
2313181205724.56110293121325076824.56100
2413131205724.56100294121025076824.56000
252133237381000295131224037932.68101
2613181258419.3401029613924037932.68000
2721334028935800029713724037932.68000
2823183242369.521102982211330350102001
2923133242369.52000299228330350102000
3023113242369.520003001219230234318000
3113181202924.561003011214230234318000
3213131202924.5610030213162205931.58110
332120340100163000303131622012531.58110
342115340100163100304222032011182010
352114340100163100305122011619271000
36211234010016300030613162209531.5811
3711201203531610030713132209531.58000
3811151203531600030813112209531.58000
3911141203531600030921432519492100
401112120353160003102143245792000
41213323738100031113162209431.58011
4211203205431601031213132209431.58100
431115320543161003132243286292000
4411123205431600031422433426392100
4511202253831600031522432923692000
4611152253831610031622433512292000
471114225383161103172243365292000
4811122253831600031822433526592000
492143352758100031922182209431.58000
50213330429200032022152209431.58100
5121333511192000321221832829471000
5223632720782000322221532829471100
532133337292000323221833828892000
5421332442092000324221533828892100
552233209092000325221433513371100
56213337.537311.5200032622143331535.51000
572133246871000327221832417671010
5821332740792000328221532417671100
5921433546592000329221833326292010
6023633715082000330221533326292000
612343374916100033122183232049.52100
6223634617111.7200033222153232049.52000
6321533244313300033322143232049.52100
6423633014282000334221832314014.53000
652323333917100033522183282949.52000
6623632711891000336121832429132000
6723632928992000337221833828892010
6823633823812.82000338221832829471100
6923434052671000339221832417671100
702343506607100034022532515781000
712323392287100034122532627081000
722343394007100034222532817181000
73232336530710003432253252513.53000
742343396187100034422533024381000
752323323707100034522533130181000
762323386459200034622532823381000
772323505809200034722113202929.52000
7823233023871000348221232010992000
7923433614771000349121124043024.56000
802343504659.5200035012724043024.56000
81214336350102000351112012058316100
82213332452276000352111712058316000
83215332103892000353121912031318000
8411333046408000354121612031318100
852363542859.52000355121412031318010
8621433511517.5400035623433071356000
87114336151358000357121712070164000
8821434016835800035822173301509.52000
8921434016835800035922933222019.54000
9021433532535800036022934031119.54000
9121433518017.54000361129235437204000
921143363964080003622293301209.52000
9321333525937800036322933325819.54000
942133283401020003642193222792000
9521333514511.5200036521934714892000
9621333147511.5200036621933212692000
9721334213011.5200036721933040092000
9811324029621400036821933318292000
992133303679200036921933534592110
100213331729200037021933517092000
1012133353219200037121933010692000
10221333532892000372219330165018.54000
103132022016215.8411037321933035318.54100
10421533012481000374219330156018.54000
10521533511533800037521933362618.54100
1062153321288100037621733811311.52100
1072143301208100037721433811311.52000
108114336617378000378217340153721.54000
10921433528581000379214340153721.54000
1102233301979200038021734024511.52100
1112233303739200038121434024511.52000
1122233317038800038221733019081100
113131824026031.580103832113330343101100
114131324026031.5810038421732914381100
115131124026031.58000385211332315581100
11613141202820410038621133222768.51100
117131212028204000387211333031081100
118131824040031.580003882193236181100
119131324040031.580103892163236181000
120131124040031.5800039021932518081100
12113181202031800039121632518081000
12213131202031811039221933317181100
12313111202031800039321633317181000
12413181162732.581003942193257481000
12513131162732.581003952163257481000
12613111162732.580003962193259281100
12723183244039.520003972163259281000
12823183244199.5200039821932519181100
12913181167331.5800039921632519181000
130231832413815.8410040021933027881101
131231332413815.8400040121633027881000
132231132413815.8400040221932510081000
133211032510012.5200040321632510081000
1341317120373181014042211333907.81000
1351312120373180004052211330907.81000
1361310120373180004062211330307.81000
13713171307419410040722113304017.84000
13813121307419400040822113304017.84000
13913101307419400040922113351107.81000
14013181253029810041022113333507.81000
1411313125302980104112211330307.81000
1421311125302980004122273403749.52000
1431218120203081004132273384409.52100
1441213120203080104142243384409.52000
1451211120203080004152273187081000
1461318113133181014162273173881000
14713131131331800041721113358041.58000
148131111313318000418219330105338000
1491116120503181104192163204082000
15011141205031800042021933025282000
15111191205016410042123932510031.58100
1521114120501640114222393319812.52110
15311111205016400042321634530524.56000
15411191205016400142421634590142010
15511141205016410042521634697142000
15612151166012.3300142611732512592100
15712101166012.33010427211333090224000
1581291166012.330004282112333450132000
15912151162412.33000429221433078132100
16012101162412.331004302214330210142100
1611291162412.330004312111345255204000
16212121208012.33001432111311340256100
1631271208012.33000433111532760174010
1641261208012.33000434111532760174000
165121512010912.330014352111333298174000
166121012010912.331104361111330170174000
16712912010912.33000437111112020102000
16812151102012.33101438114326286235000
16912101102012.3300043911432525143000
1701291102012.3310044021433018692000
1711215110203981104411115130111336000
172121011020398110442111512040336100
1731291102039800044321733841792100
174121412012012.3310144421533841792000
17512912012012.3301044521733537092000
17612812012012.3300044621733525992000
1771291203212.3301044721533525992000
17812151102012.3311044821733518292000
17912101102012.3300044921533518292000
1801313320408.5100045021733834092000
181139320408.5100145121733024692000
18222133205019400045221732516792000
183229320501940004531117120152112100
1842213320401320014541117230150112100
185229320401320004551117230485174000
186228320401320004561117120248174000
18722734414181000457217330907.81000
188223344141810004582173321727.81000
18912732525810004592173301617.81000
1901233252581000460219330120154000
19122734414181000461219327757.81000
192223344141810004622193303187.81000
193121333545810014632193301107.81000
194129335458100046421932710010.51000
1952213336260810004651117120573214000
196229336260810004661118120393214000
19713181201321540114671120220420112110
1981314120132154000468117320258.82000
1991312120132154000469211712017292000
200131712014615.54110470211712017292000
201131312014615.5400047121933018092000
202131112014615.54000472111922091325100
203131623018031800147321533212582000
2041312230180318010474214325300112000
205131023018031800047521733822517.84000
206131623034731801147621433010091000
207131223034731800047722333523381000
2081310230347318000478211133019092010
209131623019031801047921734044218.54000
210131223019031800048012101203224.56010
211131023019031800048112723025424.56000
212131624028831800048211121205192000
213131224028831800048311131205031.56000
214131024028831800048412161820318000
215121612550358100485211232353102000
21612121255035800048621733419681000
2171217130240318101487131623070194000
2181213130240318000488231612584194010
219121113024031800048913131166031.58000
22012191164523400049023133244039.52000
221121712074388011491131324018031.58100
22212131207438811049223133244199.52000
22312111207438810049321334697142000
22411201819318010494213346305244000
2251116181931810049523632510035.56000
2261114181931800049621334590142000
2271320130603181004972153281009.52000
228131613060318100498111312050316000
22913141306031801049911121279132.56000
2301120169.3246010500111312040163000
2311116169.3246100501228320509.752000
2321114169.3246010502111034819092000
23312183202718.54000503211132353102000
23412163202718.540005042119220280132110
23512181206531810050521933090224010
236121412065318001506115320258.82000
2371212120653180105072153321727.81000
238111612543388110508215330907.81000
239117325125408000509211512330092010
240113325125408000510211512217292010
2411116325150920105112153301617.81000
2421112325100920005122115123152112010
24311171301113381005131115230150112000
2441320120283281105142115119193174110
2451316120283280005152115120248174000
2461314120283280005161118120420112010
24713172401403180015171115120573244000
24813132401403181105181116120393244010
249131124014031810051923113244199.52010
250131724015031800152013111166031.58000
251131324015031810052123111244039.52010
2521311240150318100522131124018031.58010
253131725028031.58111523131522584194000
254131325028031.58000524131523071194000
255131125028031.58000525121513040328000
25623133241169.252000526121512570358000
2572393241169.25200052721734815892000
2582373241169.25200052821533218292000
25923163281108.5111052921533534592000
26023123281108.5100053021533517092000
26123103281108.5100053121533010692000
26223133252788.5110053221733040092000
2632393252788.51000533111533030328000
2642373252788.5100053422151209511.52011
26523133251598.5100053521733229817.54000
2662393251598.510005361218230240446011
26723162303478.51000537226330109102000
26823142303478.5100053812523025424.56000
269131612017931.5800053911141254238.58000
27012191820318110------------
In this Appendix, A represents Structural Style, B represents District, C represents Age of Bridge, D represents Type of Bridge, E represents Span, F represents Length of Bridge, J represents Width of Bridge, H represents Number of Lanes, I represents Maintenance of Bridge Deck, J represents Maintenance of Superstructure, K represents Maintenance of Substructure. In column A, 1 represents Simply Supported Beam, 2 represents Continuous Beam. In column B, 1, 2, and 3 represent three different regions, respectively. In column D, 1 represents Plate Girder, 2 represents T-Girder, 3 represents Box Girder. In columns I, J, and K, 0 represents no maintenance, and 1 represents maintenance conducted during that year.

Appendix B

Table A2. BCI Values Set.
Table A2. BCI Values Set.
NO.BCINO.BCINO.BCINO.BCINO.BCINO.BCINO.BCINO.BCI
197.826992.6813787.9320582.1427383.8434196.0640996.7247792.19
288.927094.6813890.7520686.0727487.2634297.4141094.8847896.71
389.167195.9413990.7820782.6827589.8834393.5941193.0647989.76
480.577291.3514086.7220883.2227688.8934499.6641297.8548088.36
594.787394.5214187.2420982.9627787.6534599.2941394.1448187.74
686.057495.3914281.6121080.227890.2234695.0141493.4648287.59
785.647594.7414387.1821181.1727985.534792.6941589.7148385.46
893.297691.7614486.6521289.0228085.9934889.9641689.7848483.66
983.577798.5714580.8721389.1328183.5734987.9641791.7748587.62
1085.957897.1814687.921489.3728284.2935089.4741888.8748694.65
1185.167992.7114781.7621583.0928386.1335181.4541997.0848788.98
1286.888091.7114885.3121687.5528486.5735284.6342089.3748888.18
1393.128195.614989.1321785.1728584.235385.9442193.9548995.3
1494.298292.4215083.2421884.8228680.2135486.7442293.2549089.42
1588.888392.5115188.121986.5628783.6135587.7442394.7349193.98
1685.428485.0715289.422083.1828882.9735698.3942493.4149287.98
1781.738588.3615388.6422189.2928985.6535789.5142590.349398.13
1891.388693.4515487.1822283.7829087.1535888.7242689.3249497.38
1991.868788.3115586.7522384.3229182.2335989.5642789.4349597.08
2083.638891.4915688.642248629284.263608842889.9549699.33
2191.388996.3115788.1522588.1829384.4736189.9642982.3849795.43
2291.229094.8215886.4322686.6329488.836289.9243084.4949886.59
2386.549193.9715985.9722788.2829587.0436389.0343195.7349988.88
2481.599296.0716091.4722888.1529682.5136489.3443285.8950085.51
2599.759393.1816188.7822992.3229784.3936592.3943390.6150190.6
2688.139494.8116289.5523087.3629891.8736693.9743490.850294.36
2796.639593.3816388.3423184.7729991.8536793.2943589.7250385.17
2889.649697.5816492.423287.8830084.6636887.6343690.7550487.46
2985.599789.2816589.4623387.5730186.7136989.7443788.6550589.24
3086.649884.7116685.3823487.530290.1737089.2343896.1250692.94
3183.229994.9416782.923585.4330389.4137188.743990.1850799.2
3288.6610099.0516887.2323686.7230482.937288.8944089.5650895.61
3389.2910198.6416983.9323784.6630583.9637389.444181.4450985.25
3489.0310291.317083.3723886.330687.1437489.2344284.751086.89
3587.1410387.9417189.3423989.8830783.0137590.1744388.9551197.84
3692.9710489.2917288.9124092.5230886.6437698.0744489.6951287.72
3785.6310593.4217382.6724189.0230997.0837797.4444589.8451387.73
3884.7110694.0717489.3124288.7431097.4137895.5244696.9251489.79
3986.5210795.2517587.424388.1131186.4137996.0144798.551584.39
4088.5910895.3117684.2124486.7331285.5838098.5144896.4451684.4
4199.7510996.1417786.3224580.2531390.938197.1244996.8551788.92
4288.6911094.6717889.6524680.8531495.0538293.5445095.0551889.19
438811195.5517986.524785.5531594.6538389.145198.951994.49
4489.4311298.9218089.0724883.0231696.0638493.6245294.0852089.86
4590.0411388.7918192.352498231790.0838589.1545389.6652195.46
4691.911486.7218291.2625088.7531894.6638686.9245488.0952294.79
4791.8411587.7618393.525187.631984.1938789.7845589.4852384.33
4885.6811684.1918490.725286.6932086.3938897.2645689.552489.6
4998.3611783.7518591.725392.2832186.1238999.6345797.1652585.47
5092.0411881.4718697.2525482.0432288.5439089.7345898.1652689.6
5196.5511986.0718791.2825584.0532380.6639196.9845998.6452794.24
5297.0512084.6718898.2425697.9932485.0439288.7646096.952891.83
5394.8512181.6418995.4325797.9632587.0639396.2746194.9252990.54
5495.2412290.2119097.9825898.9932687.3439493.2146293.253088.42
5591.7112385.5819196.9425989.8932791.5639595.946396.2253189.8
5692.9612483.7119298.2826086.7132893.2539689.8846495.1853290.8
5797.9212583.3819389.526187.6332984.523979446589.1753388.32
5898.9812689.5619488.1226296.3433085.4639895.8446688.7953498.5
5991.9112788.6819582.0426396.0333181.6639995.4646789.5853595.33
6094.1812888.919689.3526499.5533282.8440096.9346892.7153685.6
6194.2112988.1219787.6326595.7433384.6740193.9746987.5153793.27
6296.313088.6719882.1626696.5933485.7240289.7647088.1153890.12
6393.8413187.1719987.3326785.3633584.340396.8547190.7353982.58
6494.613287.8220084.6126897.7133688.3740489.6947283.75--
6593.3813387.220181.8826986.933786.5640594.2647395.71--
6687.7313489.5420281.0527088.5433884.8240693.5147492.71--
6794.5213583.3620382.4927183.8633987.7540796.0647593.02--
6889.913689.1320483.6327286.4134099.3340894.647691.49--

References

  1. Xin, J.; Zhou, C.; Jiang, Y.; Tang, Q.; Yang, X.; Zhou, J. A signal recovery method for bridge monitoring system using TVFEMD and encoder-decoder aided LSTM. Measurement 2023, 214, 112797. [Google Scholar]
  2. Tang, Q.; Jiang, Y.; Xin, J.; Liao, G.; Liu, S.; Zhou, J.; Yang, X. A novel method for the recovery of continuous missing data using multivariate variational mode decomposition and fully convolutional networks. Measurement 2023, 220, 113366. [Google Scholar] [CrossRef]
  3. Wang, D.; Yang, S.X. Intelligent feature extraction, data fusion and detection of concrete bridge cracks: Current development and challenges. Intell. Robot. 2022, 2, 391–406. [Google Scholar] [CrossRef]
  4. Tang, Q.; Xin, J.; Jiang, Y.; Zhou, J.; Li, S.; Fu, L. Fast identification of random loads using the transmissibility of power spectral density and improved adaptive multiplicative regularization. J. Sound Vib. 2022, 534, 117033. [Google Scholar] [CrossRef]
  5. Xin, J.; Zhou, J.; Zhou, F.; Yang, S.X.; Zhou, Y. Bearing capacity model of corroded RC eccentric compression columns based on hermite interpolation and fourier fitting. Appl. Sci. 2019, 9, 24. [Google Scholar] [CrossRef]
  6. Tao, T.; He, J.; Wang, H.; Zhao, K. Efficient simulation of non-stationary nonhomogeneous wind field: Fusion of multi-dimensional interpolation and NUFFT. J. Wind Eng. Ind. Aerod. 2023, 236, 105394. [Google Scholar] [CrossRef]
  7. Martinez, P.; Mohamed, E.; Mohsen, O. Comparative study of data mining models for prediction of bridge future conditions. J. Perform. Constr. Fac. 2020, 34, 04019108. [Google Scholar] [CrossRef]
  8. Yang, L.; Sun, L. Analysis of performance decay characteristics of reinforced concrete bridges. Highway 2015, 60, 132–135. [Google Scholar]
  9. Hasan, S.; Elwakil, E. Stochastic regression deterioration models for superstructure of prestressed concrete bridges in California. J. Struct. Integr. Maint. 2019, 4, 97–108. [Google Scholar] [CrossRef]
  10. Zhang, Y.; Huang, Y.; Ren, C. Multi-stage degradation model of bridge technical condition based on inspection and evaluation big data. Highway 2018, 63, 87–91. [Google Scholar]
  11. Wellalage, N.K.; Zhang, T.; Dwight, R. Calibrating Markov chain-based deterioration models for predicting future conditions of railway bridge elements. J. Bridge Eng. 2015, 20, 04014060. [Google Scholar] [CrossRef]
  12. Thanh, N.L.; Hackl, J.; Adey, B. Determination of Markov transition probabilities to be used in bridge management from mechanistic-empirical models. J. Bridge Eng. 2017, 22, 01017063. [Google Scholar]
  13. Jiang, Y.; Liu, Z.; Luo, H. ELM indirect prediction method for the remaining life of lithium-ion battery. J. Electron. Meas. Instrum. 2016, 30, 179–185. [Google Scholar]
  14. He, X.; Wang, H.; Lu, J. Analog circuit fault diagnosis method based on preferred wavelet packet and ELM. Chin. J. Sci. Instrum. 2013, 34, 2614–2619. [Google Scholar]
  15. Mirjalili, S.; Lewis, A. The whale optimization algorithm. Adv. Eng. Softw. 2016, 95, 51–67. [Google Scholar] [CrossRef]
  16. Lu, X.; Li, C.; Wu, Z. Microgrid fault diagnosis based on extreme learning machine optimized by whale algorithm. Smart Power 2022, 50, 15–67. [Google Scholar]
  17. Li, L.; Sun, J.; Tseng, M. Extreme learning machine optimized by whale optimization algorithm using insulated gate bipolar transistor module aging degree evaluation. J. Expert Syst. Appl. 2019, 127, 58–67. [Google Scholar] [CrossRef]
  18. Nadimi-Shahraki, M.H.; Taghian, S.; Mirjalili, S.; Faris, H. MTDE: An effective multi-trial vector-based differential evolution algorithm and its applications for engineering design problems. J. Appl. Soft. Comput. 2020, 97, 106761. [Google Scholar] [CrossRef]
  19. Liu, X.; Li, G.; Yang, H.; Zhang, N.; Wang, L.; Shao, P. Agricultural UAV trajectory planning by incorporating multi-mechanism improved grey wolf optimization algorithm. J. Expert Syst. Appl. 2023, 233, 120946. [Google Scholar] [CrossRef]
  20. Huang, G.; Zhu, Q.; Siew, C.K. Extreme learning machine: A new learning scheme of feedforward neural networks. In Proceedings of the IEEE International Joint Conference on Neural Networks, Budapest, Hungary, 25–29 July 2004; Volume 2, pp. 985–990. [Google Scholar]
  21. Cao, J.; Zeebaree, D.Q.; Chen, Q. Breast cancer diagnosis using hybrid AlexNet-ELM and chimp optimization algo-rithm evolved by Nelder-mead simplex approach. Biomed. Signal Process. Control. 2023, 85, 105053. [Google Scholar]
  22. Wang, Y.; He, Q.; Zhang, D. Improving Li-ion battery health: Predicting remaining useful life using IWBOA-ELM algorithm. J. Energy Storage 2023, 72, 108547. [Google Scholar] [CrossRef]
  23. Wu, L.; Chen, E.; Guo, Q. Smooth exploration system: A novel ease-of-use and specialized module for improving exploration of whale optimization algorithm. Knowl.-Based Syst. 2023, 272, 110580. [Google Scholar] [CrossRef]
  24. Li, S.; Xin, J.; Jiang, Y. Temperature-induced deflection separation based on bridge deflection data using the TVFEMD-PE-KLD method. J. Civ. Struct. Health Monit. 2023, 13, 781–797. [Google Scholar] [CrossRef]
  25. Tong, K.; Zhang, H.; Zhao, R. Investigation of SMFL monitoring technique for evaluating the load-bearing capacity of RC bridges. Eng. Struct. 2023, 293, 116667. [Google Scholar] [CrossRef]
  26. Liu, S.; Jiang, Y.; Qiao, K.; Peng, L.; Liu, D. Record-based simulation of three-component long-period ground motions: Hybrid of surface wave separation and multivariate empirical mode decomposition. Soil. Dyn. Earthq. Eng. 2023, 172, 108037. [Google Scholar] [CrossRef]
  27. Liu, M.; Peng, L.; Huang, G.; Yang, Q.; Jiang, Y. Simulation of stationary non-Gaussian multivariate wind pressures using moment-based piecewise Hermite polynomial model. J. Wind Eng. Ind. Aerod. 2020, 196, 104041. [Google Scholar] [CrossRef]
  28. Jiang, Y.; Zhao, N.; Peng, L.; Zhao, L.; Liu, M. Simulation of stationary wind field based on adaptive interpolation-enhanced scheme. J. Wind Eng. Ind. Aerod. 2019, 195, 104001. [Google Scholar] [CrossRef]
  29. Liang, J.; Feng, C.; Song, P. A Survey on Correlation Analysis of Big Data. Chin. J. Comput. 2016, 39, 18. [Google Scholar]
  30. Sun, L.; Shang, Z.; Xia, Y. Development and Prospect of Bridge Structural Health Monitoring in the Context of Big Data. China J. Highw. Transp. 2019, 32, 1–20. [Google Scholar]
  31. Reshef, D.N.; Reshef, Y.A.; Finucane, H.K. Detecting novel associations in large data sets. Science 2011, 334, 1518–1524. [Google Scholar] [CrossRef]
  32. Zhou, K.; Wang, X.; Wang, K. Research on Motor Short—Circuit Fault Prediction Based on Grey Limit Learning Machine. Comput. Simul. 2021, 38, 488–492. [Google Scholar]
  33. Zhang, N.; Li, Q.; Li, C. Rock and soil catastrophe early warning research based on extreme learning machine and entropy method. Sci. Technol. Eng. 2019, 19, 251–258. [Google Scholar]
Figure 1. Extreme learning machine network structure.
Figure 1. Extreme learning machine network structure.
Buildings 13 02730 g001
Figure 2. Construction process of bridge state deterioration prediction model based on WOA-ELM.
Figure 2. Construction process of bridge state deterioration prediction model based on WOA-ELM.
Buildings 13 02730 g002
Figure 3. Bridge condition database construction process.
Figure 3. Bridge condition database construction process.
Buildings 13 02730 g003
Figure 4. Scatter plot of dataset samples.
Figure 4. Scatter plot of dataset samples.
Buildings 13 02730 g004
Figure 5. Bridge rating and variable correlation degree based on statistical correlation coefficients. (a) Bridge decking rating and correlation with variables; (b) superstructure rating and correlation with variables; (c) substructure rating and correlation with variables; (d) overall structural rating and correlation with variables.
Figure 5. Bridge rating and variable correlation degree based on statistical correlation coefficients. (a) Bridge decking rating and correlation with variables; (b) superstructure rating and correlation with variables; (c) substructure rating and correlation with variables; (d) overall structural rating and correlation with variables.
Buildings 13 02730 g005
Figure 6. Discrete distribution characteristics of correlation analysis variables.
Figure 6. Discrete distribution characteristics of correlation analysis variables.
Buildings 13 02730 g006
Figure 7. Discrete distribution characteristics of correlation analysis variables. (a) Bridge decking rating and correlation with variables; (b) superstructure rating and correlation with variables; (c) substructure rating and correlation with variables; (d) overall structural rating and correlation with variables.
Figure 7. Discrete distribution characteristics of correlation analysis variables. (a) Bridge decking rating and correlation with variables; (b) superstructure rating and correlation with variables; (c) substructure rating and correlation with variables; (d) overall structural rating and correlation with variables.
Buildings 13 02730 g007
Figure 8. Quantile–quantile plot of BCI values. (a) Quantile–quantile plot of BCI values for bridge deck; (b) quantile–quantile plot of BCI values for superstructure; (c) quantile–quantile plot of BCI values for substructure.
Figure 8. Quantile–quantile plot of BCI values. (a) Quantile–quantile plot of BCI values for bridge deck; (b) quantile–quantile plot of BCI values for superstructure; (c) quantile–quantile plot of BCI values for substructure.
Buildings 13 02730 g008
Figure 9. Different Activation Functions’ ELM Prediction Accuracy.
Figure 9. Different Activation Functions’ ELM Prediction Accuracy.
Buildings 13 02730 g009
Figure 10. ELM prediction accuracy of different numbers of hidden layer neurons.
Figure 10. ELM prediction accuracy of different numbers of hidden layer neurons.
Buildings 13 02730 g010
Figure 11. (a) Comparing the predicted overall structure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted overall structure BCI values from the ELM model with the expected values; (c) comparing the predicted overall structure BCI values from the BPNN model with the expected values; (d) comparing the predicted overall structure BCI values from the DT model with the expected values; (e) comparing the predicted overall structure BCI values from the SVM model with the expected values; (f) box plot of model error.
Figure 11. (a) Comparing the predicted overall structure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted overall structure BCI values from the ELM model with the expected values; (c) comparing the predicted overall structure BCI values from the BPNN model with the expected values; (d) comparing the predicted overall structure BCI values from the DT model with the expected values; (e) comparing the predicted overall structure BCI values from the SVM model with the expected values; (f) box plot of model error.
Buildings 13 02730 g011
Figure 12. (a) Comparative analysis of deviation between predicted and expected BCI using the WOA-ELM model; (b) comparative analysis of deviation between predicted and expected BCI using the ELM model; (c) comparative analysis of deviation between predicted and expected BCI using the BPNN model; (d) comparative analysis of deviation between predicted and expected BCI using the DT model; (e) comparative analysis of deviation between predicted and expected BCI using the SVM model; (f) probability density analysis of prediction errors among the WOA-ELM, ELM, BPNN, DT, and SVM models.
Figure 12. (a) Comparative analysis of deviation between predicted and expected BCI using the WOA-ELM model; (b) comparative analysis of deviation between predicted and expected BCI using the ELM model; (c) comparative analysis of deviation between predicted and expected BCI using the BPNN model; (d) comparative analysis of deviation between predicted and expected BCI using the DT model; (e) comparative analysis of deviation between predicted and expected BCI using the SVM model; (f) probability density analysis of prediction errors among the WOA-ELM, ELM, BPNN, DT, and SVM models.
Buildings 13 02730 g012aBuildings 13 02730 g012b
Figure 13. (a) Comparing the predicted bridge deck BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted bridge deck BCI values from the ELM model with the expected values; (c) comparing the predicted bridge deck BCI values from the BPNN model with the expected values; (d) comparing the predicted bridge deck BCI values from the DT model with the expected values; (e) comparing the predicted bridge deck BCI values from the SVM model with the expected values; (f) box plot of model error in the bridge deck BCI ratings.
Figure 13. (a) Comparing the predicted bridge deck BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted bridge deck BCI values from the ELM model with the expected values; (c) comparing the predicted bridge deck BCI values from the BPNN model with the expected values; (d) comparing the predicted bridge deck BCI values from the DT model with the expected values; (e) comparing the predicted bridge deck BCI values from the SVM model with the expected values; (f) box plot of model error in the bridge deck BCI ratings.
Buildings 13 02730 g013
Figure 14. (a) Comparing the predicted superstructure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted superstructure BCI values from the ELM model with the expected values; (c) comparing the predicted superstructure BCI values from the BPNN model with the expected values; (d) comparing the predicted superstructure BCI values from the DT model with the expected values; (e) comparing the predicted superstructure BCI values from the SVM model with the expected values; (f) box plot of model error in the superstructure BCI ratings.
Figure 14. (a) Comparing the predicted superstructure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted superstructure BCI values from the ELM model with the expected values; (c) comparing the predicted superstructure BCI values from the BPNN model with the expected values; (d) comparing the predicted superstructure BCI values from the DT model with the expected values; (e) comparing the predicted superstructure BCI values from the SVM model with the expected values; (f) box plot of model error in the superstructure BCI ratings.
Buildings 13 02730 g014
Figure 15. (a) Comparing the predicted substructure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted substructure BCI values from the ELM model with the expected values; (c) comparing the predicted substructure BCI values from the BPNN model with the expected values; (d) comparing the predicted substructure BCI values from the DT model with the expected values; (e) comparing the predicted substructure BCI values from the SVM model with the expected values; (f) box plot of model error in the substructure BCI ratings.
Figure 15. (a) Comparing the predicted substructure BCI values from the WOA-ELM model with the expected values; (b) comparing the predicted substructure BCI values from the ELM model with the expected values; (c) comparing the predicted substructure BCI values from the BPNN model with the expected values; (d) comparing the predicted substructure BCI values from the DT model with the expected values; (e) comparing the predicted substructure BCI values from the SVM model with the expected values; (f) box plot of model error in the substructure BCI ratings.
Buildings 13 02730 g015
Figure 16. (a) Box plot of model error in the overall structure BCI ratings; (b) box plot of model error in the bridge deck BCI ratings; (c) box plot of model error in the superstructure BCI ratings; (d) box plot of model error in the substructure BCI ratings.
Figure 16. (a) Box plot of model error in the overall structure BCI ratings; (b) box plot of model error in the bridge deck BCI ratings; (c) box plot of model error in the superstructure BCI ratings; (d) box plot of model error in the substructure BCI ratings.
Buildings 13 02730 g016
Table 1. Prediction model variable representation and value ranges.
Table 1. Prediction model variable representation and value ranges.
VariableValue Ranges
Bridge Condition Index: y[0, 100]
The service life of the bridge t/years[0, 20] rounding
The regions {Region 1, Region 2, Region 3} Ta{1, 0, 0}, {0, 1, 0}, {0, 0, 1}
The bridge types {Slab beam, T-beam, Box girder} Tb{1, 0, 0}, {0, 1, 0}, {0, 0, 1}
The structural forms {Simply supported beam, Continuous beam} Tc{0, 1}
Crossing l/m[6, 54]
Bridge Length L/m[8, 1650]
Bridge Width B/m[7, 44]
Number of Lanes N[1, 8] rounding
Maintenance Condition {No maintenance, Maintenance performed} M{0, 1}
Table 2. Summary of predictive performance indicators of different models.
Table 2. Summary of predictive performance indicators of different models.
CategoryPrediction ModelMAEMRE (%)RMSER
Overall structureWOA-ELM2.4122.6323.0030.768
ELM2.6762.9783.2410.738
BPNN2.7913.1063.6610.689
DT2.5492.8003.1510.616
SVM2.8623.143.6670.575
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

Jiang, L.; Tang, Q.; Jiang, Y.; Cao, H.; Xu, Z. Bridge Condition Deterioration Prediction Using the Whale Optimization Algorithm and Extreme Learning Machine. Buildings 2023, 13, 2730. https://doi.org/10.3390/buildings13112730

AMA Style

Jiang L, Tang Q, Jiang Y, Cao H, Xu Z. Bridge Condition Deterioration Prediction Using the Whale Optimization Algorithm and Extreme Learning Machine. Buildings. 2023; 13(11):2730. https://doi.org/10.3390/buildings13112730

Chicago/Turabian Style

Jiang, Liming, Qizhi Tang, Yan Jiang, Huaisong Cao, and Zhe Xu. 2023. "Bridge Condition Deterioration Prediction Using the Whale Optimization Algorithm and Extreme Learning Machine" Buildings 13, no. 11: 2730. https://doi.org/10.3390/buildings13112730

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