Next Article in Journal
Eco-Friendly Self-Compacting Concrete Incorporating Waste Marble Sludge as Fine and Coarse Aggregate Substitute
Next Article in Special Issue
Research Review of Reaction Mechanism and Mechanical Properties of Chemically Solidified Silt
Previous Article in Journal
Intuitive and Participatory Tool for Project Constraints in Co-Creation with Vulnerable Groups in the Brazilian Semi-Arid Region
Previous Article in Special Issue
Efficient Hyperparameter Optimization Using Metaheuristics for Machine Learning in Truss Steel Structure Cross-Section Prediction
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Explainable Prediction of UHPC Tensile Strength Using Machine Learning with Engineered Features and Multi-Algorithm Comparative Evaluation

by
Zhe Zhang
1,
Tianqin Zeng
1,
Yongge Zeng
2,* and
Ping Zhu
3
1
School of Civil and Environmental Engineering, Hunan University of Technology, Zhuzhou 412007, China
2
School of Civil and Architectural Engineering, University of Shaoyang, Shaoyang 422000, China
3
National Key Laboratory of Bridge Safety and Resilience, College of Civil Engineering, Hunan University, Changsha 410082, China
*
Author to whom correspondence should be addressed.
Buildings 2025, 15(17), 3217; https://doi.org/10.3390/buildings15173217
Submission received: 29 July 2025 / Revised: 4 September 2025 / Accepted: 4 September 2025 / Published: 6 September 2025
(This article belongs to the Special Issue Research on Structural Analysis and Design of Civil Structures)

Abstract

To explore a direct predictive model for the tensile strength of ultra-high-performance concrete (UHPC), machine learning (ML) algorithms are presented. Initially, a database comprising 178 samples of UHPC tensile strength with varying parameters is established. Then, feature engineering strategies are proposed to optimize the robustness of ML models under a small-sample condition. Further, the performance and efficiency of algorithms are compared under default hyperparameters and hyperparameter tuning, respectively. Moreover, the utilization of SHapley Additive exPlanations (SHAP) enables the analysis of the relationships between UHPC tensile strength and its influencing factors. The quantitative analysis results indicate that ensemble algorithms exhibit superior performance, indicated by R2 values of above 0.92, under default hyperparameters. After hyperparameter tuning, both conventional and ensemble models achieve R2 values exceeding 0.94. However, Bayesian ridge regression (BRR) consistently demonstrates a suboptimal performance, irrespective of hyperparameter tuning. Notably, Categorical Boosting (CatBoost) requires a substantial duration of 1208 s, which is notably more time-consuming than that of other algorithms. The most influential feature identified is fiber reinforcement index with a contribution of 37.5%, followed by the water-to-cement ratio, strain rate, and cross-sectional size. The nonlinear relationship between UHPC tensile strength and the top four factors is visualized, and the critical thresholds are identified.

1. Introduction

Ultra-high-performance concrete (UHPC) has demonstrated considerable promise in the fields of bridge structures, marine structures, and high buildings due to its excellent mechanical properties and durability [1]. Although compressive strength constitutes the primary characteristic of most concretes, including UHPC, tensile properties play a significant role in their practical applications, especially in cases where tensile strength is a decisive requirement [2,3,4]. The tensile strength directly determines the crack control ability and ductility performance of a UHPC-based structure [5,6]. The tensile strength of UHPC is typically determined through either time-consuming and labor-intensive experimental testing or by estimation using empirical relationships. Given the enhanced tensile strength and strain-hardening of UHPC compared with normal concretes, it is imperative to explore a more direct predictive model for the tensile strength of UHPC.
The unique composition and microstructure of UHPC present significant challenges for the prediction of its tensile strength [7,8]. Conventionally, experimental testing has been the prevailing method of obtaining the tensile strength. Nevertheless, it usually requires a specialized experimental setup and equipment, which are cost-consuming and labor-intensive [9]. To reduce the dependence on experimental testing, various empirical formulas have been developed for estimating the tensile strength of UHPC [10,11,12,13,14]. However, these formulas have obvious limitations when dealing with component-tailored UHPC materials [9]. In addition, the prediction accuracy of empirical formulas has been questioned, since they are typically derived from limited experimental data and may not fully account for the potential influence of all relevant factors [7,8,15,16,17].
Recently, machine learning (ML) technology has attracted significant attention in the field of material strength prediction due to its efficiency, accuracy and advanced data-processing capabilities [18,19,20,21,22]. ML is capable of extracting complex nonlinear relationships from massive experimental data, providing substantial support for the prediction of material properties. This process enhances prediction efficiency and accuracy while reducing the time and cost consumption required for traditional experimental methods. ML methods have been successfully applied to predict the compressive, flexural, and tensile properties of UHPC [9,15,23]. Notably, their applications have expanded to the prediction of long-term performance in advanced cement-based sensors [24].
A variety of studies have demonstrated the potential of ML algorithms in predicting the tensile strength of UHPC with an acceptable accuracy [18,25,26,27,28]. For instance, Sun et al. [26] employed the XGBoost algorithm to predict the splitting tensile strength of a basalt fiber-reinforced coral aggregate concrete, utilizing three optimization algorithms for hyperparameter calibration. Abellan-Garcia et al. [27] estimated the uniaxial tensile properties of ultra-high-performance fiber-reinforced concrete (UHPFRC) using a Random Forest (RF) model. Diab et al. [28] utilized an artificial neural network (ANN) model to examine the tensile behavior of UHPC under varying strain rates. Their study revealed that both the cracking tensile stress and tensile strength increased at higher strain rates, while the strain corresponding to tensile strength remained unaffected by the strain rate.
The selection of input features constitutes a primary challenge in the ML modeling process. Typically, the selection of the most appropriate method is determined by the distinct characteristics exhibited by the samples. In most cases, Pearson’s correlation coefficient method [19,29,30] and the feature-importance-ranking method [26,28] are employed to identify the input features. Several advanced techniques, such as sequential feature selection [31], recursive feature elimination [32], and dimensionality reduction based on principal component analysis (PCA) [18], are also proposed to select the input features. Ke et al. [33] even employed a combination of RF, Maximum Information Coefficient (MIC) and Distance Correlation Coefficient (DCC) to identify optimal feature combinations.
The importance of hyperparameter optimization has been emphasized by numerous scholars [18,26,30,34,35,36]. Abbas et al. [37] pointed out that there is a tendency toward overfitting under the default hyperparameters. Thus, it is necessary to adjust the hyperparameters through fine-tuning to optimize model performance, while hyperparameter tuning is among the most time-consuming tasks in ML projects [8]. Researchers have developed a range of hyperparameter sampling algorithms [8,16,38], and it is found that several algorithmic models exhibit notably improved performance metrics after hyperparameter tuning [32].
Despite their ability to provide highly precise predictions, the “black box” nature of ML models significantly restricts their application in engineering field. In response to the inherent nature of ML models, interpretability methods such as SHapley Additive exPlanations (SHAP) have been widely adopted in recent years [21,33,39,40,41]. The SHAP framework utilizes quantitative methods to identify the key factors influencing the mechanical properties of concrete through additive feature attribution methods, thereby providing intuitive model interpretations.
Despite significant progress in predicting the mechanical properties of UHPC using ML methods, their application remains in an emergent phase of development. At present, existing research is deficient in the implementation of systematic solutions with regard to feature engineering, algorithm selection, and model interpretability. First, research on feature engineering for ML methods with small samples is relatively inadequate. The prediction of UHPC tensile strength is a paradigmatic example of a small-sample problem.
Although some feature engineering techniques such as feature fusion have been proven to directly affect model performance [42], there are few application cases in predicting the tensile strength of UHPC. Second, the optimal algorithm is not a consensus topic among researchers. Ensemble algorithms are generally considered to perform better [16,36,43,44,45], though some studies have shown that ANNs outperform the least absolute shrinkage and selection operator (LASSO), support vector regression (SVR), and tree-based ensemble algorithms [15,46]. There is even inconsistent evaluation within ensemble algorithms [19,29,41,45]. Moreover, further investigations are required to determine the balance between the computational resource consumption caused by hyperparameter tuning and the resulting performance gains [33]. Finally, the limited interpretability of ML models restricts their practical applications in engineering [15], and the utilization of interpretability methods such as SHAP in the analysis of UHPC tensile strength requires further exploration.
This study aims to explore the potential of ML in predicting the tensile strength of UHPC from three aspects, namely, modeling algorithms, performance comparison of multiple algorithms, and interpretable engineering insights. Initially, a series of feature engineering strategies are proposed to optimize model robustness and generalization ability under small-sample conditions. Additionally, several ML algorithms are selected to compare the model performance and operational efficiency of various algorithms with and without hyperparameter optimization, respectively. The selection of ML algorithms is conducted for the purpose of predicting the tensile strength of UHPC using a comparative evaluation analysis of multiple algorithms. Finally, the influencing factors of UHPC tensile strength are analyzed using a combination of SHAP analysis and the Partial Dependence Plot (PDP) method. The nonlinear relationship between the key influencing factors and the UHPC tensile strength is interpreted through the utilization of visualization curves.

2. Materials and Methodologies

2.1. Database Preparation and Pre-Processing

2.1.1. Experimental Database Acquisition and Engineered Feature Selection

The database of UHPC tensile strength is established through a systematic literature review method. In total, 17 scientific papers [12,25,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61] are identified as the sources of the dataset, and a total of 178 experimental samples of UHPC tensile strength are collected.
As previously mentioned, a multitude of factors influence the tensile strength of UHPC, including the properties and proportions of matrix components, fiber characteristics and dosage, the mixing program employed, the curing conditions, specimen dimensions, and testing conditions, among others. To balance model accuracy and practical implementation, the amount of input features is streamlined with rationality and efficiency. From the perspective of material science, the present study examines the component ratios of the matrix, fiber type, fiber volume fraction and aspect ratio. Additionally, it assesses specimen cross-section sizes and strain rate of testing as the input features contributing to the UHPC tensile strength. Given Ground Granulated Blast-furnace Slag (GGBS), the ash fly and the glass powder are deemed auxiliary cementitious materials, and they are classified into a single feature named reactive powder. Silica powder, quartz powder and micro-limestone powder in the UHPC primarily serve the function of filling the voids. Consequently, these powders are combined into a single feature and designated as inert powder. According to a relevant study [49], the volume fraction of fiber and the fiber aspect ratio should be incorporated into the fiber reinforcing factor as a novel feature. In addition, the specimen’s cross-sectional height and width should be included as a new feature of the area. Following the aforementioned processing, ten input features are selected for further analysis (see Table 1).
It is worth noting that the dosages of water, sand, inert powder, reactive powder, silica fume, and water reducer are all proportioned relative to the cement content (by mass). The dataset in Table 1 contains both numeric and categorical data types, which are denoted by N and C, respectively. This study includes four fiber shapes: straight (S), hook-end (H), twisted (T), and no fiber (N). All the features in the dataset are of the numerical data type, except for the steel fiber type. The target variable in the dataset is tensile strength, ranging from 4.4 to 24.9 MPa.
Figure 1 shows Pearson’s correlation coefficient heatmap between the target variable and each feature employed. A positive value in the plot is indicative of a positive correlation, and vice versa, with larger absolute values corresponding to stronger correlations. Alyami et al. [29] posited that the correlation coefficient between the variables should be constrained to an absolute value not exceeding 0.8 to circumvent the issue of multicollinearity. As shown in Figure 1, it is demonstrated that the correlation coefficient between RP/C and S/C reaches 0.83. A thorough examination of the raw data reveals that the substantial increase in the relative amount of sand is attributable to the substitution of cement with GGBS and glass powder. The correlation coefficient would decrease if an absolute amount of each input feature is utilized. Nonetheless, in the present study, an objective is to minimize the number of input features for an efficient application. To this end, cement dosage is not considered an independent feature; rather, the ratio of other materials (with the exception of fiber) to the cement dosage is taken as an input feature. As illustrated in Figure 1, the fiber characteristic index, FRI, exhibits the strongest association with the tensile strength of UHPC, with a correlation coefficient of 0.62.

2.1.2. Data Preprocessing

The initial step in this process is the imputation of missing values. A total of 85 samples from the established database have reported loading rate data, but strain rate data are absent. Additionally, 10 samples have reported no data at all [52]. With regard to the 85 samples, the strain rate is derived as follows:
ε = v l 0 ,
where ε is the strain rate (1/s), v represents the loading rate (mm/s), and l0 denotes the gage length (mm). With regard to the 10 samples that lacked both parameters, it is hypothesized that they undergo pseudo-static loading, with ε set to 9.416 × 10−6 s−1 corresponding to a loading rate of 0.1 mm/min. Furthermore, for nine samples with unspecified water reducer state (solid/liquid) and anomalously high dosages [25,55,62], the values are adjusted to 30% solid-content equivalent. An additional nine samples, which exhibit an absence of water reducer data [53], are designated as a default agent-to-cement mass ratio of 0.0054. Five samples with undefined steel fiber shapes [55] are imputed as straight fibers (type S).
The following is a discussion of the methods employed for the management of data outliers. The preliminary analysis of residuals from the multilayer perceptron (MLP) is not included, as it is designed to identify physically implausible outliers. The utilization of interquartile range and Z-score methods has been demonstrated to be ineffective in establishing meaningful thresholds. Manual inspection verifies two counter-intuitive yet valid cases in which steel-fiber-reinforced specimens exhibit lower strength than plain samples, thereby confirming the findings of Donnini et al. [58]. The final dataset encompasses all 178 samples to maximize data utility in the present study, with exclusions limited to cases deemed physically unjustifiable.
Data standardization is achieved through the implementation of a formula for Z-score standardization as follows:
Z = ( X μ ) σ ,
where Z is the standardized value (Z-score), X denotes the original data value, μ is the mean of the dataset, and σ signifies the standard deviation of the dataset.
Data standardization is selectively applied in accordance with the requirements of the underlying algorithm. In the case of distance- or gradient-based methods, such as SVR, ANN, and Bayesian Ridge Regression (BRR), the process of feature scaling plays an essential role. It ensures the standardization of numerical ranges, addresses the issue of magnitude dominance, and enhances model convergence. Conversely, tree-based algorithms such as RF, Gradient Boosting Regression Tree (GBRT), Lightweight Gradient Booster (LightGBM), and Categorical Boosting (CatBoost) employ raw features since their splitting mechanisms are impervious to variations in feature scale. Notably, the CatBoost model’s inherent capacity to manage multiscale features renders standardization particularly unnecessary. This methodology ensures algorithmic integrity while maximizing computational efficiency during the comparative analysis.
The fiber shape type, as defined in the dataset under consideration, is a categorical feature devoid of intrinsic ordering. As such, one-hot encoding is implemented for algorithms such as BRR, SVR, ANN, RF, GBRT, and LightGBM. Given that CatBoost possesses a built-in categorical feature processing function, the program eliminates the necessity for one-hot encoding or other encoders to process the “Fiber type”. This preserves the original format of the feature data and utilizes the advanced categorical processing functionality of CatBoost at its full capacity.

2.2. Algorithm Selection and Hyperparameter Optimization

2.2.1. Algorithm Selection

For the purpose of comparison, seven ML algorithms are selected, BRR, SVR, ANN, RF, GBRT, LightGBM, and CatBoost. The principles of the algorithms are briefly described below.
(1)
Bayesian Ridge Regression (BRR)
BBR is a probabilistic method that incorporates L2 regularization into linear regression within a Bayesian framework [63]. The model assumes Gaussian-distributed observation noise through the following relationship:
y = X β + ϵ ,   ϵ ~ N ( 0 , σ 2 I ) ,
where y is the response vector; X represents the design matrix; β denotes the vector of coefficients; and ϵ signifies the error term, which follows a multivariate normal distribution. N denotes the multivariate normal distribution with mean zero and a covariance matrix σ 2 I , where σ 2 is the common variance in each error term and I represents the identity matrix.
(2)
Support Vector Regression (SVR)
SVR uses an ε-insensitive loss function to construct a “Margin Band” [64,65,66]. The mathematical principle states that for a given training set {(x1, y1), …, (xn, yn)}, the SVR optimization objective takes the following form:
m i n ( 1 / 2 | | w | | 2 + C ( ξ i + ξ i ) ) ,
s . t . | y i ( w · φ ( x i ) + b ) | ε + ξ i ,
ξ i , ξ i 0 ,
where min signifies that the objective is to minimize the given expression;   w represents the weight defining the separation boundary; C is the penalty coefficient; ξ i and ξ i are the slack variables associated with the i-th training sample, quantifying the deviations above and below the ε-tube, respectively; “s.t.” stands for the abbreviation of “subject to”, introducing the constraints that the solution must satisfy; y i signifies the i-th value of the observed response value; x i is the i-th value of feature vector; φ(.) indicates the kernel function mapping; b is the bias; and ε corresponds to the insensitivity parameter. Through the Lagrangian dyadic transformation, the final solution f ( x ) can be expressed as follows:
f ( x ) = ( α i α i ) K ( x i , x j ) + b ,
where α and α i are the Lagrange multipliers; and K is the kernel function, which is defined by K ( x i , x j ) = φ ( x i ) · φ ( x j ) .
(3)
Artificial Neural Network (ANN)
An ANN constructs multilayer nonlinear mapping relationships by modeling the structure of biological neural networks [64,67].
Its neuron model is given by:
z = σ ( ω i x i + b )
where z is the output value of the neuron; σ signifies the activation function; ω i represents the i-th value of synaptic weight; x denotes the i-th value of input signal; and b is the bias term. This study employs the Rectified Linear Unit (ReLU) as the activation function. ReLU has been shown to be effective in addressing nonlinear regression tasks, such as predicting tensile strength. This is largely due to its high computational efficiency and ability to accelerate gradient descent convergence. As a result, ReLU is well suited for single-hidden-layer ANN models. The loss function is the mean square error (MSE) or Huber loss, etc. Its backpropagation algorithm calculates the gradient via the chain rule through the following expression:
L / ω i j l = δ i l + 1 · a j l ,
where L represents the loss function; ω i j l is the weight parameter connecting the j-th neuron in layer l to the i-th neuron in the subsequent layer l + 1; δ i l + 1 signifies the error term for the i-th neuron in layer l + 1; a j l denotes the output (activation) of the j-th neuron in layer l after applying the activation function. It is combined with regularization techniques such as Dropout and Batch Normalization to prevent overfitting.
An ANN guarantees the ability to fit arbitrary functions by the universal approximation theorem and is capable of automatic feature learning. Its performance is highly dependent on the hyperparameter configuration (number of layers, number of nodes, learning rate, etc.), and it has a powerful nonlinear modeling capability.
(4)
Random Forest (RF)
The core innovation of RF lies in data sampling randomization (Bootstrap) and feature selection randomization [68]. The construction process is to generate n Bootstrap samples from the original dataset with putback sampling, construct a decision tree for each sample, with m features randomly selected when the node splits, and integrate the results by voting (classification) or averaging (regression). The RF regression prediction value takes the following form:
ŷ = ( 1 / k ) t = 1 k T t ( x ) ,
where ŷ denotes the final predicted value; k represents the total number of trees; Tt is the predicted value of the tree; and x signifies the feature vector of an input sample. RF is capable of handling high-dimensional data and is insensitive to missing values.
(5)
Gradient Boosting Regression Tree (GBRT)
GBRT adopts the Additive Model and Forward Stepwise Algorithm to reduce the residuals step by step by iteratively constructing a decision tree. The core idea is to use the prediction residuals of the weak learner as a new learning objective [69].
The GBRT optimization process is as follows. First, the negative gradient of the current model is calculated in the m-th iteration:
r m = [ L y i , F ( x i ) / F ( x i ) ] F = F m 1
where r m is referred to as the pseudo-residual; L denotes the loss function; F represents the prediction of the current ensemble model; y i denotes the i-th value of observed response; and x i is the i-th coordinate value of feature vector. Then, a new decision tree is fitted to approximate these residuals. Finally, the model is updated through the following expression:
F m ( x ) = F m 1 x v h m ( x ) ,
where v is the learning rate (shrinkage coefficient); and h m ( x ) denotes the m-th decision tree. GBRT has a high prediction accuracy and feature combination capability, but its sequential training is difficult to parallelize and sensitive to outliers.
(6)
Lightweight Gradient Booster (LightGBM)
LightGBM uses a histogram-based algorithm (HBA) to discretize continuous features into buckets and a grow-by-leaf (LWG) strategy that selects only the leaf nodes with the highest loss for splitting [70]. The optimal splitting point is determined by the gain criterion:
G a i n = 1 2 G L 2 H L + λ + G R 2 H R + λ G L + G R 2 H L + H R + λ γ ,
where GL and GR are the gain sums of the left and right subtrees, respectively; HL and HR are the sums of the second-level gradients of the left and right subtrees, respectively; λ denotes the regularization parameter; and γ represents the penalty term for the number of leaf nodes.
(7)
Categorical Boosting (CatBoost)
CatBoost is an advanced GBRT framework specializing in categorical feature processing and bias reduction [71,72]. Its innovations include the following:
Ordered Target Statistics encode categorical features through permutation-isolated target statistics to prevent data leakage. The value for category k is calculated as follows:
v k = j = 1 p 1 x j i = x k i · y j + a · P j = 1 p 1 [ x j i = x k i ] + a ,
where p is the sample position, x k i denotes the value of the i-th categorical feature for the kth sample, y j represents the true label value of the j-th sample, a signifies the smoothing parameter, and P corresponds to the target prior (e.g., global mean).
Ordered Boosting trains on multiple permutations while computing gradients exclusively from preceding samples to eliminate bias:
g p = L ( y p , F x p ) L F ( x p ) F = M i ( p 1 )
where L denotes the loss function, F represents the output of the current ensemble model, y p signifies the true label value of the p-th sample, x p is the feature vector of the p-th sample, and M i ( p 1 ) represents the state of i-th model that is trained using only the samples “preceding” the p-th sample.
Symmetric Trees employ balanced structures with layer-wise identical splits, reducing prediction complexity to O(depth). The advantages of CatBoost include superior categorical handling, overfitting resistance, and fast inference, though with higher memory usage and hyperparameter sensitivity.
Seven algorithms (BRR, SVR, RF, ANN, GBRT, LightGBM, CatBoost) are selected for comparison based on three criteria: (a) model diversity across linear (BRR), kernel-based (SVR), neural network (ANN), and ensemble methods (RF, GBRT, CatBoost), (b) adaptability to UHPC data characteristics such as small sample sizes and mixed variable types, and (c) demonstrated success in material science applications, particularly for strength prediction using ensemble methods [38,45,47]. CatBoost is specifically included for its categorical feature handling and small-data robustness.

2.2.2. Hyperparameter Optimization

Bayesian optimization is utilized in this study for the purpose of hyperparameter tuning. Bayesian optimization employs a Gaussian Process (GP) as the agent model, with the collection function being Expected Improvement (EI). Table 2 presents an overview of the number and range of hyperparameter optimization for a variety of algorithms. The initial Bayesian optimization pickup points for the various algorithms are set to 5, with a total of 30 evaluations being conducted for all algorithms under consideration.

2.3. SHAP Interpretability Analysis

2.3.1. Theoretical Basis of SHAP Values

SHAP was introduced into the field of machine learning by Lundberg and Lee in 2017 [39]. The fundamental concept is to consider model prediction as the game gain derived from the cooperation of the feature participants, and to quantify the contribution of each feature to the prediction result through an equitable distribution mechanism.
For the predicted value f(x) of a given sample x, the SHAP value satisfies the additivity axiom:
f x = φ 0 + i = 1 M φ i ,
where φ 0 is the baseline value (expected output when all features are missing), φ i denotes the Shapley value of the i-th feature; and M represents the total number of input features. According to cooperative game theory, the feature φ i can be calculated as follows:
φ i = S N { i } S ! n S 1 ! n ! [ f ( S i ) f S ]
where N is the set of all features, S N { i } denotes the subset S of features that does not contain feature i, n signifies the total number of features, f(S) represents the output value of the model on the subset S of features, and f ( S { i } ) is the output value of the model on the subset S { i } of features that contains certain features.

2.3.2. Feature Importance Quantification Method

A SHAP value defines the global importance of feature i as the mean of absolute SHAP values:
G i = 1 m j = 1 m φ i , j ,
where Gi is the average magnitude of i-th attribution across the entire dataset, m signifies the number of individual predictions (rows) in the dataset, and φ i , j denotes the SHAP value of feature i for observation j.
This index can distinguish positive and negative influence features, reflect the marginal contribution of features at any given prediction point, and automatically differentiate the influence of cross features.

2.3.3. Explanatory Analysis Strategies

At the level of the dataset, SHAP has the capacity to reveal the feature action patterns through the use of feature importance plots and beeswarm diagrams. The objective of the present study is to demonstrate that the contribution of each feature and the volume and direction of its influence on the target variable can be visually represented.
Furthermore, SHAP can be utilized to detect nonlinear responses by combining it with PDP to illustrate the relationship curve between the target feature and the SHAP value. The current study investigates the relationships between the primary features (namely, fiber reinforcement index, water–cement ratio, strain rate, and specimen cross-section area) and the tensile strength of UHPC, with a focus on distinguishing the specific impact of each feature.

2.4. Experimental Setup and Evaluation Metrics

2.4.1. Sample Division and Validation Strategy

In order to prevent the adverse effects of the skewed distribution of the sample target variables, this study employs a method of equal-frequency stratified sampling to divide the data into the training set and the test set. According to the findings of previous research conducted by the authors’ team on the sensitivity of the database division ratios of training-to-testing sets of ML models [34], the training set utilizes 80% of the data, while the testing set employs the remaining 20% of the data. The sample data in the testing set are not involved in training and are exclusively used for the evaluation of model performance.
In the training set, the data are randomly partitioned into five folds. Each fold of the validation set contains 28 to 29 samples, with 113 to 114 samples in the remaining training set. Furthermore, the proportion of samples in each box (stratum) in each fold approximates the overall distribution of the training set (20%), with a maximum difference of one sample between boxes. The mean of each fold is employed as the model performance evaluation index of the training set. The efficacy of cross-validation and independent testing is demonstrated in Figure 2. In the figure, green represents the training samples, yellow denotes the validation (test) samples, while the R2, RMSE, and MAE values within the chocolate, light gray, and sand brown boxes represent the per-fold validation value, the 5-fold average validation value, and the test value, respectively.

2.4.2. Evaluation Indexes

The present study utilizes three model performance evaluation indices: the coefficient of determination (R2), the root mean square error (RMSE), and the mean absolute error (MAE).
R2 value characterizes the variance explanation ability of an ML model, which is calculated using the following formula:
R 2 = 1 i = 1 n ( y i y ^ i ) 2 i = 1 n ( y i y ¯ i ) 2 ,
RMSE is an indicator of absolute error sensitive to outliers, with its calculation formula as follows
R M S E = 1 n i = 1 n ( y i y ^ i ) 2 ,
MAE gives a robustness metric reflecting prediction bias, which is determined as follows:
M A E = 1 n i = 1 n y i y ^ i ,
In the aforementioned expressions ranging from Equations (19) to (21), y i , y ^ i and y ¯ i denote the observed value, the predicted value and the mean value, respectively, with n signifying the total number of samples. R2 evaluates the goodness of fit of an ML model, and RMSE and MAE measure the prediction errors from different perspectives, with RMSE being more sensitive to large errors. The combination of these three metrics enables a comprehensive evaluation of the accuracy and stability of an ML model.

2.5. Flow Chart

Figure 3 illustrates the flowchart frame of the present study. In the figure, the brown boxes represent the names of the four stages in the process, while the green, brown, cyan, and blue boxes correspond to the specific tasks or content of each respective stage.
This research examines small-sample ML algorithms and analyzes UHPC tensile-strength-influencing factors across four dimensions, including data processing, model establishment, performance evaluation, and feature importance analysis. The main technical procedures undertaken in the course of this study are presented as follows:
  • First, sample data are collected through a literature review.
  • Second, feature selection, feature fusion, missing value imputation, outlier handling, data standardization, data encoding, and data partitioning are performed on the sample data.
  • Third, seven ML algorithms are selected, and models are trained using five-fold cross-validation under both default hyperparameter values and hyperparameter tuning conditions, and model performance is evaluated using an independent test set.
  • Fourth, the seven algorithms’ performance is compared both with default and tuned hyperparameters and between their pre- and post-tuning states.
  • Finally, based on SHAP values, a global importance-ranking analysis of the factors influencing the UHPC tensile strength is performed, and an in-depth analysis of the nonlinear relationship between tensile strength and key influencing factors is conducted with the combination of PDP.

3. Results and Discussion

3.1. Multi-Algorithm Comparative Evaluation

In this section, an evaluation of seven ML algorithms (BRR, ANN, SVR, RF, GBRT, LightGBM and CatBoost) is conducted under both default and optimized hyperparameter conditions. This is followed by a comprehensive comparison of model performance.
A comparison of the model performance of various algorithms with default and tuned hyperparameters is presented in Figure 4. Figure 4a,b presents the grouped bar chart and radar plot, respectively, for each algorithm’s performance using default hyperparameters. Figure 4c,d displays the corresponding performance after hyperparameter tuning, with the time required for tuning indicated above the corresponding bars in Figure 4c. To enhance clarity in the representation of performance metrics, all performance values in the radar plots have undergone a process of normalization. As demonstrated in Figure 4, the following observations can be made. First, under default hyperparameters, the ensemble models (RF, GBRT, LightGBM, and CatBoost) clearly outperform conventional models (BRR, SVR, and ANN), with R2 values larger than 0.92. If utilizing CatBoost model as a benchmark, the R2 values of RF, GBRT, LightGBM, SVR, ANN, and BRR are equivalent to 99.89%, 99.58%, 97.77%, 60.83%, 63.16%, and 80.68%, respectively. Secondly, after hyperparameter tuning, the ensemble models demonstrate only marginal advancements, as evidenced by an increase percentage in the R2 values of 0.43% for RF, 1.28% for GBRT, 2.06% for LightGBM, and 0.21% for CatBoost. Conversely, SVR and ANN exhibit substantial grows, with the R2 values increasing by 66.67% and 58.82%, respectively. This results in a final performance comparable to that of the ensemble models, with SVR attaining the highest R2 value of 0.955. Upon hyperparameter tuning, the SVR, ANN and ensemble models all achieve an R2 value above 0.94. Thirdly, although BRR demonstrates some improvement after tuning, its performance remains significantly inferior to that of the other models. Finally, the hyperparameter-tuning time for CatBoost model is 1208.4 s, which is substantially longer than that of the second most computationally expensive algorithm, RF, at 55.6 s.
Ensemble models, which are predicated on tree structures, demonstrate insensitivity to feature scaling and possess the capacity to automatically capture nonlinear relationships and interactions. Furthermore, the regularization mechanisms inherent in bagging (e.g., RF) and boosting (e.g., GBRT, LightGBM, and CatBoost) ensure that these models avoid severe overfitting, even under default settings. Moreover, the default hyperparameters of contemporary ensemble learning libraries have been extensively tuned by communities and developers, rendering them well suited for a substantial range of datasets. It has been well documented within academic research communities that ensemble models frequently exhibit a superior performance in comparison to conventional models [16,34,36,43,44,45]. This phenomenon is primarily attributable to the fact that, in the majority of cases, the default hyperparameters of ensemble models already approach optimal levels, thereby leaving minimal opportunity for additional enhancement through tuning. This assertion is further substantiated by the findings of the study conducted by Ke et al. [33].
In contrast, conventional ML models frequently employ conservative default hyperparameter settings, which may result in underfitting or overfitting when applied to small-sample datasets and often fail to capture complex nonlinear relationships within the data. Therefore, to enhance the efficacy of models such as SVR, it is imperative to adjust the parameters of the penalty, the scale parameter of the radial basis function kernel, the loss function tolerance, and other associated factors. In the case of the ANN model, adjustments are required in the hidden layer neuron structures, the L2 regularization coefficient, and the initial learning rate, among other considerations. In this study, upon the process of hyperparameter tuning, the performance of conventional models exhibited a substantial enhancement, at times even surpassing that of ensemble models. This finding is consistent with previous research conducted by Kim et al. [73], which also demonstrated that, in the case of specific datasets, ANN can outperform ensemble models such as RF and XGBoost through appropriate hyperparameter optimization.
The BRR model has been demonstrated to be generally suitable for small-sample datasets and scenarios with multicollinearity. Given the modest sample size of the database constructed in the present study and the strong correlations between the amounts of cement, reactive powder, inert powder, and water in UHPC, BRR is included in the algorithm selection. However, the findings suggest that BRR does not attain a satisfactory performance, irrespective of hyperparameter tuning. This discrepancy can be attributed, primarily, to the fact that BRR is designed to capture linear relationships, whereas UHPC tensile strength exhibits complex nonlinear interactions with various factors. Moreover, an additional analysis reveals that the sample data in this study follow a non-normal distribution, while BRR assumes normality and is sensitive to noise and outliers, further contributing to its suboptimal performance. Consequently, integrating BRR with other algorithms is a common practice in research to enhance model performance [74].
Figure 4 further suggests that hyperparameter tuning enhances the performance of all algorithms to a variable extent; however, it does require additional computational resources. As demonstrated in Figure 4c, the majority of the algorithms, with the exception of CatBoost, complete hyperparameter tuning rapidly. In contrast, CatBoost requires significantly more time than other ML models despite achieving comparable performance (with the exception of BRR). This phenomenon can be attributed to the CatBoost model’s implementation of ordered boosting, a mechanism that facilitates the automatic handling of categorical features. These characteristics enhance the robustness and accuracy of ML model, and often lead to a strong performance even with default hyperparameters. However, these approaches also incur a substantially higher computational overhead. Consequently, while CatBoost has been demonstrated to outperform numerous other algorithms [34], its considerable tuning time prompts a salient inquiry regarding the trade-off between model efficiency and accuracy in specific practical scenarios.
A comparative analysis of model performance reveals several observations and insights that may offer valuable guidance for similar studies. A careful balancing of data characteristics, model complexity, computational resources, and performance requirements is paramount in the selection of an ML algorithm. If the available data are limited but exhibit clear nonlinearities and interaction effects, and sufficient computational resources are accessible, several ensemble learning algorithms (e.g., RF, LightGBM, CatBoost, and GBRT) can deliver robust and excellent performance even under default hyperparameters. When higher levels of accuracy are desired and hyperparameter tuning is feasible, conventional ML models such as SVR and ANN, after extensive tuning, can achieve a performance comparable or even superior to that of ensemble models, particularly in scenarios where model interpretability is not a major concern. Moreover, in instances where substantial linear relationships or multicollinearity are present in the data, BRR can be utilized as either a baseline model or incorporated within an ensemble framework. The findings emphasize that a single ML algorithm does not consistently perform optimally across all scenarios. A rational selection strategy is predicated on three factors: specific task requirements, data characteristics, and resource constraints. When these factors are taken into consideration, an optimal balance can be achieved between efficiency and accuracy.

3.2. Model Interpretation

Given that the CatBoost model achieves the highest R2 values under default hyperparameters, it is selected to analyze the contribution of the input features (i.e., the influencing factors) to the prediction of UHPC tensile strength.

3.2.1. Feature Importance Analysis

A ranking graph and a beeswarm diagram are employed to illustrate the global feature importance. The feature importance ranking is determined by averaging the absolute SHAP values for each feature, providing a quantitative measure of each feature’s global impact on model predictions. In the feature-importance-ranking diagram, the contribution of each variable to the prediction of the target variable is indicated on the right end of the corresponding horizontal bar. The SHAP beeswarm diagram is capable of demonstrating not only the importance and spread of each feature, but also the direction of the influence on the target variable. In the beeswarm plot, the horizontal coordinate corresponds to the magnitude of the SHAP value. In the vertical coordinate, the features are arranged from top to bottom according to the magnitude of their influence, while colors are used to indicate the magnitude of each scatter feature value.
As illustrated in Figure 5a, the most significant influencing factor, the fiber characteristic index (FRI), attains 37.5%, contributing more than one-third of the model’s predictive capacity and emerging as the predominant factor. FRI is a measure of the specific surface area, or the “effective enhancement index”, of the fibers. This finding indicates that, in the context of UHPC, the fiber content, length and diameter—which jointly determine the fiber–matrix contact area and anchorage capacity—are the most critical factors that govern tensile strength. Ouyang et al. [60] observed that fibers are responsible for the majority of the tensile load-bearing capacity due to their ability of bridging, thereby impeding crack growth and propagation. As demonstrated in Figure 5b, an increase in FRI corresponds to a growth in the SHAP value and thus in the magnitude of its effect on the tensile load carrying capacity. Consequently, an appropriate increase in the fiber volume ratio, the incorporation of longer fibers or thinner fibers (or a combination of all three) can remarkably enhance the tensile strength in UHPC design.
The water-to-cement ratio is the second factor that influences the prediction of UHPC tensile strength. Upon the hydration of cementitious components, the excess water will eventually evaporate, resulting in the formation of capillary channels in the concrete matrix. This process increases matrix porosity and thus decreases matrix compactness. The matrix strength (including tensile strength) of UHPC is achieved, to a large extent, by very low porosity. As demonstrated in Figure 5b, the red points of W/C fall within the negative zone of SHAP, indicating that an elevated water–cement ratio results in reduced tensile strength. Therefore, strict control of water consumption is imperative for achieving high tensile strength.
The third most significant factor is the strain rate, indicating that UHPC tensile strength exhibits strain rate sensitivity. In general, the test loading rate has a direct correlation with the resulting strength values. When the specimen is exposed to loading more rapidly, it typically exhibits higher measured strength values. This phenomenon can be attributed to the reduced time available for the material to undergo internal damage during the loading process. Pyo et al. [49] observed that the post-crack peak strength and pre-peak load fracture energy of UHPC both increase with an increasing strain rate. To summarize, when exposed to seismic events and impacts, UHPC demonstrates increased tensile properties, provided the conditions remain otherwise constant.
The cross-sectional area of the specimen emerges as a factor that can be more or less unexpected and is the fourth most affecting factor of UHPC tensile strength. In the case of steel-fiber-reinforced UHPC, the reduction in cross-sectional size leads to a propensity of the fibers to be oriented longitudinally during casting, thereby enhancing the tensile strength of the specimen. This finding is consistent with the experimental results reported by Wille et al. [12]. As illustrated in Figure 5b, the SHAP value increases in proportion to the decrease in the feature Section. Consequently, the size effect of the specimen requires comprehensive consideration in the UHPC tensile strength test.
The contribution of fiber shape is ranked fifth, accounting for 6.7% of the total variance. This outcome indicates that the variation in fiber shape exerts an influence on the tensile strength of UHPC. As observed by Qiu et al. [75], hook-end fibers exhibit a more pronounced strain-hardening plateau compared to straight fibers, a phenomenon attributable to their enhanced mechanical interlocking with the matrix. However, Wille et al. [12] have reported that the discrepancy in tensile strength between smooth, crooked, and twisted fibers is insignificant.
The contribution of the sand-to-cement ratio is ranked sixth. Sand, the primary aggregate of UHPC, serves as the fundamental structural element within the cement matrix. A notable observation in this study is the exclusion of cement amount as an independent feature. Given that the amounts of all components except fibers are entered as ratios to the cement content, the impact of the primary factor of cement amount is reduced in the other materials. Specifically, the sand-to-cement ratio is a critical factor in the analysis, as a higher ratio indicates a lower cement dosage and a lower tensile strength.
The incorporation of highly efficient water-reducing agents is paramount in the formulation of UHPC. However, as illustrated in Figure 5a, its contribution is minimal (4.0%). This may be attributed to its water-saving functionality, and its contribution is obscured or captured by the W/C feature. As depicted in Figure 5a, it can be interpreted that the marginal effect of the water-reducing agent may be reduced at higher dosages.
Reactive powder exhibits a low contribution of 3.0%. Nevertheless, this observation does not diminish its significance. Reactive powder has been demonstrated to be a highly advantageous auxiliary cementitious material, particularly in enhancing the strength of concrete in the later stages of development. Two factors contribute to the observed low contribution. Firstly, there is a strong correlation between the water-to-cement ratio and the sand-to-cement ratio, which serves as a point of reference. The second factor is that the contribution of this feature is diluted due to the limited number of samples with reactive powder.
The primary function of inert powder is to fill the voids between aggregate particles, thereby increasing increase the packing density of UHPC. This, in turn, enhances both the matrix strength and the bond strength of the fiber–matrix interfacial transition zone (ITZ) [53]. However, as shown in Figure 5b, an excessive IP/C ratio may result in a minimal reduction in tensile strength. This is attributed to the fact that an excessive amount of inert material can “dilute” the cementitious system and result in a weakened ITZ.
The contribution of silica fume is 2.8% of the total. The primary functions of silica fume in UHPC are to fill pores, enhance the ITZ, and promote secondary hydration. These processes contribute to a substantial increase in the strength and densification of the matrix. The minimal contribution of silica fume may be attributable to its correlation with water, which functions as a regulator of porosity, and with fiber, which endures the primary tensile force.
The preceding analysis has demonstrated that the combination of characteristic parameters of fibers, denoted by FRI, emerges as the preeminent indicator of tensile strength. This observation underscores the primary role of fibers in bridging cracks and providing tensile load-bearing capacity. The subsequent element is the water-to-cement ratio, the significance of which derives primarily from its substantial impact on matrix porosity. This emphasizes the imperative of meticulously regulating the water-to-cement ratio to attain low porosity and thus high tensile strength characteristic of UHPC. Conversely, the strain rate and cross-sectional area prompt consideration of the discrepancy between the testing conditions and the engineering application. It is imperative that further investigation be conducted into the influence of fiber shape on the tensile strength of UHPC. The sand-to-cement ratio is indicative of the effect of cement amount on tensile strength to a certain extent. The contributions of water reducer, reactive powder, inert powder, and silica fume are not fully understood, primarily due to the complex interactions among the matrix components and a limited sample size of database in this study. This feature-importance-ranking analysis provides a clear direction for optimizing the tensile properties of UHPC: the most effective method for achieving its tensile strength is to optimize the fiber parameters (i.e., volumetric percent and aspect ratio) and to control its water consumption.

3.2.2. Marginal Effect Analysis of Key Features

The top four features (i.e., fiber reinforcing index, water–cement ratio, strain rate and specimen sectional area) are now considered key elements. PDP is plotted and superimposed with the SHAP scatterplot, as shown in Figure 6. When plotting the PDP, the key feature is taken as a certain fixed value, and all samples are traversed to seek the predicted value. Finally, the predicted values of the various samples are averaged and the offset value of this value from the global mean is calculated. The PDP curve is represented in red, while the SHAP scatter plot is delineated in blue. The PDP plus SHAP scatter plot is a graphical representation that allows for the observation of various information, including the average marginal effect of a particular feature and the contribution of that feature to the model.
Figure 6a presents the PDP superimposed with a SHAP scatterplot for the feature FRI. The horizontal coordinate corresponds to the value of FRI, ranging from 50 to 250, while the vertical coordinate represents the contribution of FRI, ranging from −4 to +6. A comprehensive analysis of the PDP curve reveals its division into two segments, both of which exhibit a linear rise in response to an increase in FRI. The slope of the function is slightly less pronounced between 50 and 90 of FRI, and becomes marginally more sloped between 90 and 200, thereby confirming the increasing average marginal gain from the increase in this eigenvalue. Therefore, the PDP curve evidently demonstrates that the global average effect of FRI is considerably positive, thereby substantiating the feature as a significant positive driver. The decline in the PDP curve at 250 of FRI can be attributed to the anomalous nature of the sample and is not indicative of a general trend. Furthermore, there are evident localized deviations in this PDP curve, suggesting that the positive relationship is not smooth and implying the presence of potential feature interactions or sub-modalities in the data.
The SHAP scatter in Figure 6a provides an individual sample-level perspective, unveiling inherent complexity underlying the global average. A detailed analysis of the data reveals that the trend of the scatter plot distribution is consistent with the PDP curve. This finding serves to validate the model’s capacity to effectively capture the influence of the feature, thereby enhancing the reliability of the interpretation of the PDP curve. In the region of FRI < 125, the SHAP value is negative, indicating that a lower fiber reinforcement index may result in reduced UHPC tensile strength. Conversely, in the case of FRI > 125, the SHAP value increases gradually and is positive, suggesting that optimizing the fiber characteristics significantly enhances the tensile strength. At two specific points, designated as 90 and 250, the SHAP value of FRI exhibits a discernible dispersion with a relatively sparse distribution of scatter points. This observation signifies that there exist substantial variations among individual samples within the specified region, thereby rendering the data susceptible to the influence of external factors. The SHAP plot confirms the considerable positive influence of this feature at the individual level, thereby indicating that increasing the volume fraction Vf and the aspect ratio lf/df of the fibers can foster an enhancement in the UHPC tensile strength. A thorough examination of the data reveals that the distribution of the scattering points is predominantly centered around the PDP curve. Furthermore, the width of the vertical distribution exhibits a notable degree of concentration, suggesting that this particular feature is relatively impervious to the influence of other features. This observation underscores the preeminent role of this feature in determining the tensile strength.
Figure 6b shows the influence of feature W/C on the predicted tensile strength combining PDP curve and SHAP scatter points. The horizontal axis of the graph represents the feature W/C values, ranging from 0.1 to 0.43. The vertical axis is indicative of the contribution of the feature, ranging from −1 to +2.5. Within the PDP curve, two critical thresholds for W/C are identified. When the water-to-cement ratio, W/C, is of less than 0.20, the tensile strength of UHPC decreases sharply with an increase in the W/C ratio. For a W/C between 0.20 and 0.30, the tensile strength of UHPC decreases slowly with an increase in the W/C ratio. However, when the W/C is greater than 0.30, the relationship between the W/C ratio and the tensile strength of UHPC is not significant.
The distribution of scatter points in Figure 6b is predominantly below the PDP curve; however, the direction is largely consistent with the PDP curve. When the W/C is lower than 0.2, the SHAP value is positive, and vice versa. This indicates that a lower water-to-cement ratio is conducive to enhancing UHPC tensile strength, while an excessively high water-to-cement ratio has a detrimental effect on UHPC tensile strength. The distribution of the W/C, ranging from 0.2 to 0.31, exhibits a deviation from the PDP curve, indicating a downward trend and a degree of dispersion. This suggests that the W/C in this section may be influenced by additional factors.
As illustrated in Figure 6c, the horizontal axis of the graph represents the SR value, ranging from 0.00 to 0.10. The vertical axis denotes the contribution ranging from −1 to 2. The predicted tensile strength, as determined by the PDP curve, exhibits a positive correlation with the strain rate. The curve shows a triple fold. When the strain rate is lower than 0.001, the predicted value of tensile strength increases steeply with the growth of strain rate. For a strain rate between 0.001 and 0.01, the slope of the curve exhibits a pronounced decrease. In the case of the strain rate being larger than 0.01, the predicted value of tensile strength increases slowly with the increase in the strain rate.
The distribution direction of the SR scatter points is consistent with that of the PDP curve. Specifically, SHAP assumes a negative value when the strain rate is below 0.001, and a positive value when it is above 0.001. As the strain rate increases from 0.10, the scatterplot deviates from the PDP curve, which may indicate suboptimal model performance at elevated strain rates. As illustrated in Figure 6c, the nonlinear relationship indicates that the optimal loading rate should be determined during the test. Consequently, the tensile strength of UHPC obtained at varying loading rates may not be directly comparable.
Figure 6d shows the influence of feature Section on the combination of PDP curve and SHAP scattering points. The horizontal axis represents the feature values ranging from 625 to 5000, and the vertical axis signifies the contribution, ranging from −1 to +2. A close examination of the PDP curves reveals a discernible nonlinear relationship between the tensile strength of UHPC and the cross-sectional area of the specimens. The curve is roughly subdivided into two segments. As the cross-sectional area of UHPC specimen increases from approximately 625 to 1000, there is a decline in tensile strength. However, when the cross-sectional area is greater than 1000, UHPC tensile strength approaches a constant level, indicating an absence of correlation with the cross-sectional area.
The SHAP scatter plot of Figure 6d demonstrates a comparable trend. As the cross-sectional area of specimen is below 1000 mm2, the tensile strength of UHPC is observed to decrease with increasing specimen sectional area. Conversely, when the cross-sectional area exceeds 1000 mm2, the tensile strength becomes largely independent of further increases in size. The SHAP scatter is distributed along the alignment of the PDP curve, and the vertical width is narrow, indicating that the feature of the specimen cross-sectional area is minimally affected by the interaction of other features. Yang et al. [50] have demonstrated that the fibers in the specimen of smaller sectional sizes exhibit a higher degree of alignment in the longitudinal direction of the specimen during casting, thereby enhancing the tensile strength. However, as demonstrated in the present study, the orientation of the fibers remains largely unaffected by casting when the cross-sectional size attains a certain threshold of 1000 mm2.

4. Conclusions

A review of the existing literature is initially conducted to compile a database of the tensile strength of UHPC, comprising the experimental results of 178 UHPC-based sample with varying design parameters. Then, several feature engineering strategies of both physical and data-driven methods, including feature selection, feature fusion, outlier handling and missing value filling, are proposed to optimize the robustness and generalization ability of the model under the small-sample condition of the established database. Furthermore, seven ML algorithms, namely, BRR, ANN, SVR, RF, GBRT, LightGBM, and CatBoost, are employed to develop an optimized ML model for predicting the tensile strength of UHPC. The performance and efficiency of multiple algorithms are evaluated and compared with default hyperparameter settings and with hyperparameter tuning. The utilization of SHAP values in combination with PDP enables the analysis of the relationships between UHPC tensile strength and various influencing factors. The following conclusions can be drawn:
(1)
To maximize the utility of the limited dataset, several feature engineering strategies are implemented on the basis of material science analysis. These strategies include missing value imputation, outlier handling, feature selection, and feature fusion. This ensures that the feature variables are consistent with the physical and mechanical principles of UHPC while satisfying the data distribution and interpretability requirements of ML algorithms. Consequently, it prevents the occurrence of model bias resulting from the absence of physical laws or improper algorithm adaptation.
(2)
The quantitative evaluation of seven ML algorithms reveals that, under default hyperparameter settings, ensemble algorithms such as RF, GBRT, LightGBM, and CatBoost exhibit superior prediction performance, as indicated by an R2 value > 0.92. Conversely, traditional ML algorithms, including BRT, SVR, and ANN, demonstrate a comparatively inferior model performance. After hyperparameter tuning, the model performance of ensemble algorithms exhibits only a marginal improvement. In contrast, the conventional ML algorithms, including SVR and ANN, have shown substantial progress, attaining a model performance that is comparable to that of ensemble models. With regard to the R2 value, the performance enhancements for RF, GBRT, LightGBM, CatBoost, ANN, and SVR after hyperparameter tuning are 0.43%, 1.28%, 2.06%, 0.21%, 58.82%, and 66.67%, respectively. Both conventional and ensemble models with hyperparameter tuning consistently achieve R2 values greater than 0.94. However, the BRR algorithm demonstrates a suboptimal performance, irrespective of the application of hyperparameter tuning.
(3)
A comparison of the performance of various ML algorithms reveals that CatBoost demonstrates superior performance when evaluated under hyperparameter tuning. Through the implementation of hyperparameter tuning, a modest enhancement in performance is observed, as indicated by an increase in the R2 value of 0.21%. However, it should be noted that this process requires a substantial duration of 1208.4 s, which is notably more time-consuming in comparison to all other ML algorithms. This finding suggests that the selection of the algorithm and the tuning of hyperparameters may require a trade-off between model performance and computational cost.
(4)
Feature importance ranking indicates that the fiber reinforcing index, FRI, exerts a predominant influence on UHPC tensile strength prediction, with a contribution of 37.5%, followed by the water-to-cement ratio. Additionally, different tensile test strain rates and specimen cross-sectional dimensions can lead to different experimental results. It is imperative that such disparities be taken into consideration during the formulation of the experimental design, thereby ensuring that conclusions drawn do not deviate from the actual conditions under investigation.
(5)
The utilization of the PDP in conjunction with the SHAP scatter plot is indicative of the nonlinear relationship between UHPC tensile strength and four key factors. The critical thresholds for each factor are identified by FRI, W/C, SR, and Section.
The strategies employed in the present study for feature engineering with limited sample sizes, along with the conclusions on the accuracy and efficiency of ML algorithms, provide valuable references for related research endeavors concerning feature engineering, algorithm selection, and hyperparameter tuning. The findings of this study on the factors influencing tensile strength provide engineering guidance for identifying key elements in the design of UHPC mixes and offer practical theoretical foundations for engineering applications.
In light of the findings from this study, future research efforts will concentrate on expanding the established database through the incorporation of additional experimental samples. It is evident that, given adequate computational resources, further exploration of a comprehensive set of ML algorithms, the extension of the scope of hyperparameter tuning, and the execution of more in-depth feature analysis would contribute to a significant expansion of the conclusions of this study. Additionally, while ML has exhibited a satisfactory degree of accuracy in predicting the tensile strength of UHPC, its black-box nature poses a significant impediment to the broader implementation of ML in engineering applications. To facilitate practical implementation, subsequent research is planned to develop a lightweight graphical user interface (GUI) for predicting UHPC tensile strength. This would allow users to quickly obtain results by inputting feature values without the need for complex coding expertise. Another promising direction involves a physics-informed predictive formula by employing a Gene Expression Programming (GEP) algorithm or other interpretable modeling techniques to derive an explicit mathematical expression between tensile strength and input features, as identified by the proposed ML models.

Author Contributions

Conceptualization, methodology, Z.Z.; investigation, visualization, writing—original draft, software, data curation, T.Z.; writing—review and editing, investigation, formal analysis, Y.Z.; supervision, software, P.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Natural Science Foundation of Hunan Province, China (grant Nos. 2025JJ70224, 2023JJ30216), the Research Foundation of Education Department of Hunan Province, China (grant No. 23B0576), and the Science and Technology Plan Project of Shaoyang City (grant No. 2023GZ2007). The authors would like to express their gratitude for this financial support.

Data Availability Statement

Data are contained within this article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Gurusideswar, S.; Shukla, A.; Jonnalagadda, K.N.; Nanthagopalan, P. Tensile Strength and Failure of Ultra-High Performance Concrete (UHPC) Composition over a Wide Range of Strain Rates. Constr. Build. Mater. 2020, 258, 119642. [Google Scholar] [CrossRef]
  2. Abellan-Garcia, J.; Fernández, J.; Khan, M.I.; Abbas, Y.M.; Carrillo, J. Uniaxial Tensile Ductility Behavior of Ultrahigh-Performance Concrete Based on the Mixture Design—Partial Dependence Approach. Cem. Concr. Compos. 2023, 140, 105060. [Google Scholar] [CrossRef]
  3. Dagenais, M.-A.; Massicotte, B.; Boucher-Proulx, G. Seismic Retrofitting of Rectangular Bridge Piers with Deficient Lap Splices Using Ultrahigh-Performance Fiber-Reinforced Concrete. J. Bridge Eng. 2018, 23, 04017129. [Google Scholar] [CrossRef]
  4. Abellán-García, J.; Guzmán-Guzmán, J.S. Random Forest-Based Optimization of UHPFRC under Ductility Requirements for Seismic Retrofitting Applications. Constr. Build. Mater. 2021, 285, 122869. [Google Scholar] [CrossRef]
  5. Bae, Y.; Pyo, S. Ultra High Performance Concrete (UHPC) Sleeper: Structural Design and Performance. Eng. Struc. 2020, 210, 110374. [Google Scholar] [CrossRef]
  6. Larsen, I.L.; Thorstensen, R.T. The Influence of Steel Fibres on Compressive and Tensile Strength of Ultra High Performance Concrete: A Review. Constr. Build. Mater. 2020, 256, 119459. [Google Scholar] [CrossRef]
  7. Amran, M.; Huang, S.-S.; Onaizi, A.M.; Makul, N.; Abdelgader, H.S.; Ozbakkaloglu, T. Recent Trends in Ultra-High Performance Concrete (UHPC): Current Status, Challenges, and Future Prospects. Constr. Build. Mater. 2022, 352, 129029. [Google Scholar] [CrossRef]
  8. Akiba, T.; Sano, S.; Yanase, T.; Ohta, T.; Koyama, M. Optuna: A Next-Generation Hyperparameter Optimization Framework. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Anchorage, AK, USA, 4–8 August 2019. [Google Scholar] [CrossRef]
  9. Hiew, S.Y.; Teoh, K.B.; Raman, S.N.; Kong, D.; Hafezolghorani, M. A Generalised Predictive Model for the Mechanical Properties of Mono/Hybrid Fibre-Reinforced Ultra-High-Performance Concrete. Constr. Build. Mater. 2024, 426, 136154. [Google Scholar] [CrossRef]
  10. Tao, Z.; Qiu, M.; Wille, K.; Zhu, Y.; Pan, R.; Li, Z.; Shao, X. Effects of Specimen Thickness and Fiber Length on Tensile and Cracking Behavior of UHPFRC: Uniaxial Tensile Test and Micromechanical Modeling. Cem. Concr. Compos. 2025, 155, 105828. [Google Scholar] [CrossRef]
  11. Que, Z.; Tang, J.; Wei, H.; Zhou, A.; Wu, K.; Zou, D.; Yang, J.; Liu, T.; De Schutter, G. Predicting the Tensile Strength of Ultra-High Performance Concrete: New Insights into the Synergistic Effects of Steel Fiber Geometry and Distribution. Constr. Build. Mater. 2024, 444, 137822. [Google Scholar] [CrossRef]
  12. Wille, K.; El-Tawil, S.; Naaman, A.E. Properties of Strain Hardening Ultra High Performance Fiber Reinforced Concrete (UHP-FRC) under Direct Tensile Loading. Cem. Concr. Compos. 2014, 48, 53–66. [Google Scholar] [CrossRef]
  13. Kim, D.J.; El-Tawil, S.; Naaman, A.E. Rate-Dependent Tensile Behavior of High Performance Fiber Reinforced Cementitious Composites. Mater. Struct. 2009, 42, 399–414. [Google Scholar] [CrossRef]
  14. Teng, L.; Huang, H.; Khayat, K.H.; Gao, X. Simplified Analytical Model to Assess Key Factors Influenced by Fiber Alignment and Their Effect on Tensile Performance of UHPC. Cem. Concr. Compos. 2022, 127, 104395. [Google Scholar] [CrossRef]
  15. Nithurshan, M.; Elakneswaran, Y. A Systematic Review and Assessment of Concrete Strength Prediction Models. Case Stud. Constr. Mater. 2023, 18, e01830. [Google Scholar] [CrossRef]
  16. Song, H.; Ahmad, A.; Farooq, F.; Ostrowski, K.A.; Maślak, M.; Czarnecki, S.; Aslam, F. Predicting the Compressive Strength of Concrete with Fly Ash Admixture Using Machine Learning Algorithms. Constr. Build. Mater. 2021, 308, 125021. [Google Scholar] [CrossRef]
  17. Zhou, R.; Tang, Y.; Li, H.; Liu, Z. Predicting the Compressive Strength of Ultra-High-Performance Concrete Using a Decision Tree Machine Learning Model Enhanced by the Integration of Two Optimization Meta-Heuristic Algorithms. J. Eng. Appl. Sci. 2024, 71, 43. [Google Scholar] [CrossRef]
  18. Albaijan, I.; Mahmoodzadeh, A.; R Flaih, L.; Hashim Ibrahim, H.; Alashker, Y.; Hussein Mohammed, A. Evaluating the Tensile Strength of Reinforced Concrete Using Optimized Machine Learning Techniques. Eng. Fract. Mech. 2023, 292, 109677. [Google Scholar] [CrossRef]
  19. Li, Q.-F.; Song, Z.-M. High-Performance Concrete Strength Prediction Based on Ensemble Learning. Constr. Build. Mater. 2022, 324, 126694. [Google Scholar] [CrossRef]
  20. Thai, H.-T. Machine Learning for Structural Engineering: A State-of-the-Art Review. Structures 2022, 38, 448–491. [Google Scholar] [CrossRef]
  21. Luo, D.; Wang, K.; Wang, D.; Sharma, A.; Li, W.; Choi, I.H. Artificial Intelligence in the Design, Optimization, and Performance Prediction of Concrete Materials: A Comprehensive Review. npj Mater. Sustain. 2025, 3, 14. [Google Scholar] [CrossRef]
  22. Fan, D.; Chen, Z.; Cao, Y.; Liu, K.; Yin, T.; Lv, X.-S.; Lu, J.-X.; Zhou, A.; Sun Poon, C.; Yu, R. Intelligent Predicting and Monitoring of Ultra-High-Performance Fiber Reinforced Concrete Composites—A Review. Compos. Part A Appl. Sci. Manuf. 2025, 188, 108555. [Google Scholar] [CrossRef]
  23. Kang, M.-C.; Yoo, D.-Y.; Gupta, R. Machine Learning-based Prediction for Compressive and Flexural Strengths of Steel Fiber-reinforced Concrete. Constr. Build. Mater. 2021, 266, 121117. [Google Scholar] [CrossRef]
  24. Jang, D.; Bang, J.; Yoon, H.N.; Seo, J.; Jung, J.; Jang, J.G.; Yang, B. Deep Learning-based LSTM Model for Prediction of Long-term Piezoresistive Sensing Performance of Cement-based Sensors Incorporating Multi-walled Carbon Nanotube. Comput. Concr. 2022, 30, 301–310. [Google Scholar] [CrossRef]
  25. Zhou, Z.; Qiao, P. Direct Tension Test for Characterization of Tensile Behavior of Ultra-High Performance Concrete. J. Test. Eval. 2020, 48, 2730–2749. [Google Scholar] [CrossRef]
  26. Sun, Z.; Li, Y.; Yang, Y.; Su, L.; Xie, S. Splitting Tensile Strength of Basalt Fiber Reinforced Coral Aggregate Concrete: Optimized XGBoost Models and Experimental Validation. Constr. Build. Mater. 2024, 416, 135133. [Google Scholar] [CrossRef]
  27. Abellan-Garcia, J.; García-Castaño, E.; Fernández-Gómez, J.; Khan, M.I.; Abbas, Y.M. Modeling the Ductility Characteristics of Ultrahigh-Performance Fiber-Reinforced Concrete Using a Precise, Computation-Efficient, and Comprehensive Data-Driven Random Forests-Based Approach. Mater. Today Commun. 2023, 37, 106953. [Google Scholar] [CrossRef]
  28. Diab, A.Y.; Ferche, A.C. Prediction of Tensile Properties of Ultra-High-Performance Concrete Using Artificial Neural Network. ACI Struct. J. 2024, 121, 57–69. [Google Scholar] [CrossRef]
  29. Cakiroglu, C. Explainable Data-Driven Ensemble Learning Models for the Mechanical Properties Prediction of Concrete Confined by Aramid Fiber-Reinforced Polymer Wraps Using Generative Adversarial Networks. Appl. Sci. 2023, 13, 11991. [Google Scholar] [CrossRef]
  30. Alyami, M.; Nassar, R.-U.-D.; Khan, M.; Hammad, A.W.; Alabduljabbar, H.; Nawaz, R.; Fawad, M.; Gamil, Y. Estimating Compressive Strength of Concrete Containing Rice Husk Ash Using Interpretable Machine Learning-Based Models. Case Stud. Constr. Mater. 2024, 20, e02901. [Google Scholar] [CrossRef]
  31. Abuodeh, O.R.; Abdalla, J.A.; Hawileh, R.A. Assessment of Compressive Strength of Ultra-High Performance Concrete Using Deep Machine Learning Techniques. Appl. Soft Comput. 2020, 95, 106552. [Google Scholar] [CrossRef]
  32. Al Sarfin, M.d.A.; Banerji, S.; Zaker Esteghamati, M.; Sorensen, A. Prediction of Compressive Strength of UHPC Mix Designs Based on Mix Components Using Machine Learning Techniques. In Proceedings of the Third International Interactive Symposium on Ultra-High Performance Concrete, Wilmington, DE, USA, 4–7 June 2023; Iowa State University Digital Press: Wilmington, DE, USA, 2023. [Google Scholar]
  33. Ke, L.; Qiu, M.; Chen, Z.; Zhou, J.; Feng, Z.; Long, J. An Interpretable Machine Learning Model for Predicting of CFRP-Steel Epoxybonded Interface. Compos. Struct. 2023, 326, 117639. [Google Scholar] [CrossRef]
  34. Zhang, Z.; Zhou, X.; Zhu, P.; Li, Z.; Wang, Y. Prediction of Flexural Ultimate Capacity for Reinforced UHPC Beams Using Ensemble Learning and SHAP Method. Buildings 2025, 15, 969. [Google Scholar] [CrossRef]
  35. Bergstra, J.; Bergstra, J.; Bengio, Y.; Bengio, Y. Random Search for Hyper-Parameter Optimization. J. Mach. Learn. Res. 2012, 13, 281–305. [Google Scholar]
  36. Kamolov, S. Comprehensive Analysis of Machine Learning Models for Predicting Concrete Compressive Strength. Ann. Math. Comput. Sci. 2024, 23, 119–130. [Google Scholar] [CrossRef]
  37. Abbas, Y.M.; Khan, M.I. Robust Machine Learning Framework for Modeling the Compressive Strength of SFRC: Database Compilation, Predictive Analysis, and Empirical Verification. Materials 2023, 16, 7178. [Google Scholar] [CrossRef] [PubMed]
  38. Joy, R.A. Fine Tuning the Prediction of the Compressive Strength of Concrete: A Bayesian Optimization Based Approach. In Proceedings of the 2021 International Conference on Innovations in Intelligent Systems and Applications (INISTA), Kocaeli, Turkey, 25 August 2021; pp. 1–6. [Google Scholar]
  39. Lundberg, S.; Lee, S.-I. A Unified Approach to Interpreting Model Predictions. In Proceedings of the Conference on Neural Information Proceedings Systems (NIPS 2017), Long Beach, CA, USA, 25 November 2017; pp. 1–10. [Google Scholar] [CrossRef]
  40. Wu, Y.; Zhou, Y. Splitting Tensile Strength Prediction of Sustainable High-Performance Concrete Using Machine Learning Techniques. Environ. Sci. Pollut. Res. 2022, 29, 89198–89209. [Google Scholar] [CrossRef]
  41. Taffese, W.Z.; Zhu, Y.; Chen, G. Utilizing Ensemble Learning in the Classifications of Ductile and Brittle Failure Modes of UHPC Strengthened RC Members. Archiv. Civ. Mech. Eng. 2024, 24, 86. [Google Scholar] [CrossRef]
  42. Taffese, W.Z.; Zhu, Y.; Chen, G. Ensemble-Learning Model Based Ultimate Moment Prediction of Reinforced Concrete Members Strengthened by UHPC. Eng. Struct. 2024, 305, 117705. [Google Scholar] [CrossRef]
  43. Qian, Y.; Sufian, M.; Accouche, O.; Azab, M. Advanced Machine Learning Algorithms to Evaluate the Effects of the Raw Ingredients on Flowability and Compressive Strength of Ultra-High-Performance Concrete. PLoS ONE 2022, 17, e0278161. [Google Scholar] [CrossRef]
  44. Kirange, M.; Mahajan, L.; Department of Civil Engineering, R.C. Patel Institute of Technology Predicting Strength of Concrete by Ensemble Technique. Res. Eng. Struct. Mater. 2023, 9, 1039–1060. [Google Scholar] [CrossRef]
  45. Guo, Y. Optimized Decision Tree Algorithms to Estimate Ultimate Strain of Concrete Wrapped by Aramid Fiber-Reinforced Polymer. Multiscale Multidiscip. Model. Exp. Des. 2025, 8, 210. [Google Scholar] [CrossRef]
  46. Abellán-García, J.; Ortega-Guzmán, J.J.; Chaparro-Ruiz, D.A.; García-Castaño, E. A Comparative Study of LASSO and ANN Regressions for the Prediction of the Direct Tensile Behavior of UHPFRC. Adv. Civ. Eng. Mater. 2022, 11, 235–262. [Google Scholar] [CrossRef]
  47. Wille, K.; Xu, M.; El-Tawil, S.; Naaman, A.E. Dynamic Impact Factors of Strain Hardening UHP-FRC under Direct Tensile Loading at Low Strain Rates. Mater. Struct. 2016, 49, 1351–1365. [Google Scholar] [CrossRef]
  48. Hiew, S.Y.; Teoh, K.B.; Raman, S.N.; Hung, C.-C.; Chaen, Y.X.; Kong, D.; Hafezolghorani, M. A Unified Tensile Constitutive Model for Mono/Hybrid Fibre-Reinforced Ultra-High-Performance Concrete (UHPC). Cem. Concr. Compos. 2024, 150, 105553. [Google Scholar] [CrossRef]
  49. Pyo, S.; Wille, K.; El-Tawil, S.; Naaman, A.E. Strain Rate Dependent Properties of Ultra High Performance Fiber Reinforced Concrete (UHP-FRC) under Tension. Cem. Concr. Compos. 2015, 56, 15–24. [Google Scholar] [CrossRef]
  50. Yang, J.; Chen, B.; Wu, X.; Xu, G. Quantitative Analysis of Steel Fibers on UHPFRC Uniaxial Tensile Behavior Using X-CT and UTT. Constr. Build. Mater. 2023, 368, 130349. [Google Scholar] [CrossRef]
  51. Wang, J.-Y.; Guo, J.-Y. Damage Investigation of Ultra High Performance Concrete under Direct Tensile Test Using Acoustic Emission Techniques. Cem. Concr. Compos. 2018, 88, 17–28. [Google Scholar] [CrossRef]
  52. Wille, K.; Kim, D.J.; Naaman, A.E. Strain-Hardening UHP-FRC with Low Fiber Contents. Mater. Struct. 2011, 44, 583–598. [Google Scholar] [CrossRef]
  53. Hung, C.-C.; Chen, Y.-T.; Yen, C.-H. Workability, Fiber Distribution, and Mechanical Properties of UHPC with Hooked End Steel Macro-Fibers. Constr. Build. Mater. 2020, 260, 119944. [Google Scholar] [CrossRef]
  54. Abellán-García, J.; Fernández-Gómez, J.A.; Torres-Castellanos, N.; Núñez-López, A.M. Tensile Behavior of Normal-Strength Steel-Fiber Green Ultra-High-Performance Fiber-Reinforced Concrete. Constr. Build. Mater. 2021, 118, 127–138. [Google Scholar] [CrossRef]
  55. Paschalis, S.; Lampropoulos, A. Fiber Content and Curing Time Effect on the Tensile Characteristics of Ultra High Performance Fiber Reinforced Concrete. Struct. Concr. 2017, 18, 577–588. [Google Scholar] [CrossRef]
  56. Yoo, D.-Y.; Banthia, N.; Kang, S.-T.; Yoon, Y.-S. Size Effect in Ultra-High-Performance Concrete Beams. Eng. Fract. Mech. 2016, 157, 86–106. [Google Scholar] [CrossRef]
  57. Lin, J.-X.; Luo, R.-H.; Su, J.-Y.; Guo, Y.-C.; Chen, W.-S. Coarse Synthetic Fibers (PP and POM) as a Replacement to Steel Fibers in UHPC: Tensile Behavior, Environmental and Economic Assessment. Constr. Build. Mater. 2024, 412, 134654. [Google Scholar] [CrossRef]
  58. Donnini, J.; Lancioni, G.; Chiappini, G.; Corinaldesi, V. Uniaxial Tensile Behavior of Ultra-High Performance Fiber-Reinforced Concrete (Uhpfrc): Experiments and Modeling. Compos. Struct. 2021, 258, 113433. [Google Scholar] [CrossRef]
  59. Saqif, M.A.; El-Tawil, S. Characterization of the Tension Softening Behavior of UHPC. Constr. Build. Mater. 2023, 409, 134063. [Google Scholar] [CrossRef]
  60. Ouyang, X.; Huang, Y.; Hu, X.; Yin, J.; Shi, C. Evaluation of Tensile Failure Behavior of Ultra High Performance Concrete under Double-Edge Wedge Splitting and Direct Tension Loadings. J. Build. Eng. 2024, 90, 109480. [Google Scholar] [CrossRef]
  61. Tu, L.; Zhao, H.; Tan, C.; Cao, J.; Yi, D.; Qiu, M. Prediction of Tensile Strain Capacity of Ultra-High Performance Concrete Based on Crack Characteristics. Constr. Build. Mater. 2025, 458, 139632. [Google Scholar] [CrossRef]
  62. Song, Y.; Wang, F.; Yang, W.; Liang, R.; Zhan, D.; Xiang, M.; Yang, X.; Xu, R.; Lu, M. High-Performance Prediction of Soil Organic Carbon Using Automatic Hyperparameter Optimization Method in the Yellow River Delta of China. Comput. Electron. Agric. 2025, 236, 110490. [Google Scholar] [CrossRef]
  63. Yang, Y.; Yang, Y. Hybrid Prediction Method for Wind Speed Combining Ensemble Empirical Mode Decomposition and Bayesian Ridge Regression. IEEE Access 2020, 8, 71206–71218. [Google Scholar] [CrossRef]
  64. Ye, M.; Li, L.; Yoo, D.-Y.; Li, H.; Zhou, C.; Shao, X. Prediction of Shear Strength in UHPC Beams Using Machine Learning-Based Models and SHAP Interpretation. Constr. Build. Mater. 2023, 408, 133752. [Google Scholar] [CrossRef]
  65. Boser, B.E.; Guyon, I.M.; Vapnik, V.N. A Training Algorithm for Optimal Margin Classifiers. In Proceedings of the Fifth Annual Workshop on Computational Learning Theory; ACM: Pittsburgh, PA, USA, 1992; pp. 144–152. [Google Scholar]
  66. Solhmirzaei, R.; Salehi, H.; Kodur, V. Predicting flexural capacity of ultrahigh-performance concrete beams: Machine learning–based approach. J. Struct. Eng. 2022, 148, 04022031. [Google Scholar] [CrossRef]
  67. Ergen, F.; Katlav, M. Machine and Deep Learning-Based Prediction of Flexural Moment Capacity of Ultra-High Performance Concrete Beams with/out Steel Fiber. Asian J. Civ. Eng. 2024, 25, 4541–4562. [Google Scholar] [CrossRef]
  68. Breiman, L. Random Forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef]
  69. Friedman, J.H. Greedy Function Approximation: A Gradient Boosting Machine. Ann. Statist. 2001, 29, 1189–1232. [Google Scholar] [CrossRef]
  70. Ke, G.; Meng, Q.; Finley, T.; Wang, T.; Chen, W.; Ma, W.; Ye, Q.; Liu, T.-Y. LightGBM: A highly efficient gradient boosting decision tree. Adv. Neural Inf. Process. Syst. 2017, 30, 3146–3154. [Google Scholar]
  71. Uddin, M.N.; Ye, J.; Deng, B.; Li, L.; Yu, K. Interpretable Machine Learning for Predicting the Strength of 3D Printed Fiber-Reinforced Concrete (3DP-FRC). J. Build. Eng. 2023, 72, 106648. [Google Scholar] [CrossRef]
  72. Rahman, J.; Ahmed, K.S.; Khan, N.I.; Islam, K.; Mangalathu, S. Data-Driven Shear Strength Prediction of Steel Fiber Reinforced Concrete Beams Using Machine Learning Approach. Eng. Struct. 2021, 233, 111743. [Google Scholar] [CrossRef]
  73. Kim, J.; Lee, D. Comparative Study on Hyperparameter Tuning for Predicting Concrete Compressive Strength. Buildings 2025, 15, 2173. [Google Scholar] [CrossRef]
  74. Almutiri, T.; Alomar, K.; Alganmi, N. Integrating Multi-Omics Using Bayesian Ridge Regression with Iterative Similarity Bagging. Appl. Sci. 2024, 14, 5660. [Google Scholar] [CrossRef]
  75. Qiu, M.; Shao, X.; Zhu, Y.; Hussein, H.H.; Li, F.; Li, X. Effect of Aspect Ratios of Hooked End and Straight Steel Fibers on the Tensile Strength of UHPFRC. J. Mater. Civ. Eng. 2022, 34, 04022131. [Google Scholar] [CrossRef]
Figure 1. Pearson’s correlation heatmap of input features and tensile strength (TS) of UHPC.
Figure 1. Pearson’s correlation heatmap of input features and tensile strength (TS) of UHPC.
Buildings 15 03217 g001
Figure 2. Cross-validation and independent testing.
Figure 2. Cross-validation and independent testing.
Buildings 15 03217 g002
Figure 3. Flowchart of the present study.
Figure 3. Flowchart of the present study.
Buildings 15 03217 g003
Figure 4. Model performance comparisons of various ML algorithms.
Figure 4. Model performance comparisons of various ML algorithms.
Buildings 15 03217 g004
Figure 5. Global feature importance.
Figure 5. Global feature importance.
Buildings 15 03217 g005
Figure 6. PDP curves and SHAP values of the top 4 features.
Figure 6. PDP curves and SHAP values of the top 4 features.
Buildings 15 03217 g006
Table 1. Input features and target variable.
Table 1. Input features and target variable.
CategoryNo.NameSymbolUnitData Type and Range
Experimental condition1Strain rateSR1/sN (0.833 × 10−5~0.1)
Specimen sizes2Sectional areaSectionmm2N (390~5000)
UHPC components3Fiber typeFS-C (N, S, H, T)
4Fiber reinforcing indexFRI-N (0~487.5)
5Water/cementW/C-N (0.19~0.42)
6Water reducer/cementSP/C-N (0.005~0.033)
7Sand/cementS/C-N (0.3~3.1)
8Inert powder/cementIP/C-N (0~0.94)
9Reactive powder/cementRP/C-N (0~1)
10Silica fume/cementF/C-N (0.125~0.5)
Target variable11Tensile strengthTSMPaN (4.4~24.9)
Table 2. Bayesian optimization of hyperparameters.
Table 2. Bayesian optimization of hyperparameters.
AlgorithmKey
Hyperparameters
Physical SignificanceOptimization Search RangeType
BRRalpha_1Shape parameter of gamma prior[−8, 2]Continuous
alpha_2Inverse scale parameter of gamma prior[−8, 2]Continuous
lambda_1Shape parameter of gamma prior[−8, 2]Continuous
lambda_2Inverse scale parameter of gamma prior[−8, 2]Continuous
SVRCPenalty coefficient (regularization strength)[0.1, 100]Continuous
gammaRBF kernel function scale parameter[0.001, 1]Continuous
epsilonLoss function tolerance[0.01, 1]Continuous
tolMinimum improvement threshold[0.00001, 0.01]Continuous
max_iterMaximum iterations[1000, 10000]Integer
ANNhidden_layer_sizesHidden layer neuron structures(50, 200)Category/integer tuple
alphaL2 regularization coefficient (explicit regularization)[0.0001, 0.1]Continuous
learning_rate_initInitial learning rate[0.0001, 0.1]Continuous
tolMinimum improvement threshold[0.00001, 0.01]Continuous
max_iterMaximum number of epochs[200, 2000]Integer
RFn_estimatorsNumber of trees[50, 500]Integer
max_depthMaximum depth of single tree (structural regularization)[3, 20]Integer
min_samples_splitMinimum number of samples for node splitting[2, 10]Integer
min_samples_leafMinimum number of samples required for leaf nodes[1, 10]Integer
max_featuresMaximum number of feature subsets[0.1, 1.0]Integer
GBRTlearning_rateLearning rate (shrinkage step)[0.01, 0.3]Continuous
n_estimatorsNumber of trees[50, 500]Integer
max_depthMaximum depth of a single tree[3, 20]Integer
min_samples_splitMinimum number of samples required for a node to continue splitting[2, 10]Integer
min_samples_leafMinimum number of samples required for leaf nodes[1, 10]Integer
LihgtGBMlearning_rateLearning rate (shrinkage step)[0.01, 0.3]Continuous
n_estimatorsNumber of trees[100, 2000]Integer
max_depthMaximum depth of single tree[3, 10]Integer
num_leavesMaximum number of leaves in a single tree[20, 100]Integer
min_child_samplesMinimum number of samples required for a leaf node[5, 50]Integer
CatBoostlearning_rateLearning rate[0.01, 0.3]Continuous
depthDepth of tree[4, 10]Integer
l2_leaf_ regL2 regularization coefficient [1, 10]Continuous
border_countNumber of numerical feature bins[50, 255]Integer
iterationsNumber of iterations[100, 2000]Integer
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

Zhang, Z.; Zeng, T.; Zeng, Y.; Zhu, P. Explainable Prediction of UHPC Tensile Strength Using Machine Learning with Engineered Features and Multi-Algorithm Comparative Evaluation. Buildings 2025, 15, 3217. https://doi.org/10.3390/buildings15173217

AMA Style

Zhang Z, Zeng T, Zeng Y, Zhu P. Explainable Prediction of UHPC Tensile Strength Using Machine Learning with Engineered Features and Multi-Algorithm Comparative Evaluation. Buildings. 2025; 15(17):3217. https://doi.org/10.3390/buildings15173217

Chicago/Turabian Style

Zhang, Zhe, Tianqin Zeng, Yongge Zeng, and Ping Zhu. 2025. "Explainable Prediction of UHPC Tensile Strength Using Machine Learning with Engineered Features and Multi-Algorithm Comparative Evaluation" Buildings 15, no. 17: 3217. https://doi.org/10.3390/buildings15173217

APA Style

Zhang, Z., Zeng, T., Zeng, Y., & Zhu, P. (2025). Explainable Prediction of UHPC Tensile Strength Using Machine Learning with Engineered Features and Multi-Algorithm Comparative Evaluation. Buildings, 15(17), 3217. https://doi.org/10.3390/buildings15173217

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