banner
News center
We provide online service around the clock.

Splitting tensile strength prediction of Metakaolin concrete using machine learning techniques | Scientific Reports

Oct 18, 2024

Scientific Reports volume 13, Article number: 20102 (2023) Cite this article

1492 Accesses

1 Altmetric

Metrics details

Splitting tensile strength (STS) is an important mechanical property of concrete. Modeling and predicting the STS of concrete containing Metakaolin is an important method for analyzing the mechanical properties. In this paper, four machine learning models, namely, Artificial Neural Network (ANN), support vector regression (SVR), random forest (RF), and Gradient Boosting Decision Tree (GBDT) were employed to predict the STS. The comprehensive comparison of predictive performance was conducted using evaluation metrics. The results indicate that, compared to other models, the GBDT model exhibits the best test performance with an R2 of 0.967, surpassing the values for ANN at 0.949, SVR at 0.963, and RF at 0.947. The other four error metrics are also the smallest among the models, with MSE = 0.041, RMSE = 0.204, MAE = 0.146, and MAPE = 4.856%. This model can serve as a prediction tool for STS in concrete containing Metakaolin, assisting or partially replacing laboratory compression tests, thereby saving costs and time. Moreover, the feature importance of input variables was investigated.

Concrete is the second most consumed material in the world after water. Portland cement is the primary binder used in most concrete applications1,2,3,4. The production of cement consumes a significant amount of energy and releases approximately 7% of global carbon dioxide emissions into the atmosphere5,6,7,8. However, the demand for cement continues to rise, and it is projected that annual cement consumption will reach 6 billion metric tons by 2060. One of the methods to reduce cement consumption is to use industrial by-products or more environmentally friendly materials that require less energy during manufacturing, such as Metakaolin. Studies have found that using Metakaolin as a partial replacement for cement can reduce carbon dioxide emissions by up to 170 kg per ton of cement produced9,10. Metakaolin is a highly reactive pozzolan that reacts with calcium hydroxide to form C-S–H and aluminate phases11. Incorporating Metakaolin as a partial replacement for cement in concrete helps to reduce pore size distribution, improve pore structure, and enhance various mechanical properties 12,13,14.

Previous studies have demonstrated that the addition of Metakaolin can effectively improve the performance of concrete, including enhancing compressive strength and durability, providing better resistance to freezing, weathering, chemical erosion, and permeability, as well as improving early-age concrete properties15,16. Therefore, estimating the mechanical properties of concrete, such as splitting tensile strength (STS), based on concrete mix proportions can help save time and costs, facilitate activities such as formwork removal, and promote the application of Metakaolin in the concrete industry. Previous research has mainly focused on finding the optimal Metakaolin content required to ensure the desired mechanical properties of concrete through experimental approaches17,18. However, the experimental process is time-consuming and labor-intensive. It would be highly useful to establish an intelligent model based on previous experimental data to predict the mechanical properties under given input mix proportions, which will significantly save experimental time and testing costs.

With the development of artificial intelligence, an increasing number of algorithms and models have provided new perspectives for addressing these problems19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34. The implementation of intelligent models for predicting the mechanical properties of concrete has also gained increasing attention35,36,37,38,39,40,41,42,43,44,45,46. Wu et al. 47 achieved accurate prediction of high-performance concrete tensile strength by utilizing a combination of support vector regression (SVR) and artificial neural network (ANN) models with optimization algorithms. Sourav et al. 48 employed support vector machine (SVM) and gradient boosting machine (GBM) models to predict the tensile strength of concrete, and the results indicated that GBM outperformed SVM in terms of prediction performance. Hammad et al. 49 utilized four models, namely gene expression programming (GEP), ANN, M5P model tree algorithm, and random forest (RF), to predict the flexural strengths of concrete with metakaolin, and the results demonstrated that random forest achieved the best predictive performance. Nozar et al. 50 studied the compressive strength of concrete containing metakaolin using the Multi-Layer Perceptron (MLP) model, and the results showed that the MLP network had reliable accuracy in predicting the compressive strength of concrete with metakaolin. Furthermore, user-friendly software was developed to facilitate the use of the proposed MLP network based on machine learning methods. Huang et al. 51 proposed a hybrid machine learning model combining RF and firefly algorithm (FA) to accurately predict the compressive strength of cementitious materials containing expansive clays based on a database of 361 samples. Abdulrahman et al. 16 compared the predictive performance of multiple individual models and ensemble models in predicting the compressive strength of cementitious materials containing expansive clays, and it was found that the DT AdaBoost model and the improved bagging model achieved the best predictive performance in predicting the STS of Metakaolin concrete.

However, there is relatively limited research and analysis on using machine learning models to predict the STS of concrete containing Metakaolin. Further research is needed in this area. Therefore, this paper aims to model and compare the STS of concrete containing Metakaolin using individual and ensemble models based on variables such as cement, Metakaolin, water-to-binder ratio (w/b), fine aggregate (FA), coarse aggregate (CA), superplasticizer (SP), age, height (H), and diameter (D) of concrete column specimen. The framework of this study is illustrated in Fig. 1.

Paper framework workflow.

ANN is a useful machine learning technique based on biological neural networks, designed to simulate complex relationships between inputs and outputs. The simplest processing element in a neural network is a neuron. Each neuron i may have multiple inputs, x1, x2, …, xd, which are combined with corresponding weights, wi1, wi2, …, to produce a single output. More specifically, the propagation function combines these inputs with their weights and then applies an activation function to the resulting sum to generate the corresponding output 52. The structure of an ANN is depicted in Fig. 2.

ANN network structure.

SVM was originally proposed for studying linear problems. The basic idea behind SVM for pattern recognition is to transform the input space into a high-dimensional space through a non-linear transformation53. In this new space, the algorithm solves a convex quadratic programming problem to find the optimal linear classification hyperplane. However, when used for regression prediction, the fundamental idea is not to find an optimal classification plane that separates the samples but to find an optimal hyperplane that minimizes the distance between the hyperplane and all training samples. This hyperplane can be considered a well-fitted curve, and the approach of using SVM for function approximation is known as SVR. SVR can be summarized as using a non-linear mapping function to map the input samples to a high-dimensional feature space and learning a linear regression quantity in the feature space to obtain the estimation function. The steps for implementing SVR for regression prediction are illustrated in Fig. 3.

SVR algorithm flow54.

RF is an integrated learning model consisting of multiple decision trees. Its core idea is to improve prediction accuracy and stability by constructing multiple decision trees. As shown in Fig. 4, each decision tree is constructed based on random samples and random features, and this randomness makes Random Forest able to avoid overfitting and has good robustness. Advantages include: (1) Since random forests can utilize multiple decision trees for prediction, their prediction accuracy is higher than that of a single decision tree. (2) Random forests can handle a large number of input features, so they can be used for classification and regression problems with high-dimensional data. (3) Random forests are constructed using random samples and random features, and this randomness avoids the problem of overfitting.

Flowchart of random forest model55.

Gradient Boosting Decision Trees (GBDT) is established based on the Boosting method in ensemble learning. It requires multiple iterations and the construction of multiple decision trees to form an ensemble model. During each iteration, the decision tree learners reduce the residuals along the direction of the steepest gradient descent. The algorithm is widely applied due to its strong interpretability, fast prediction speed, and the ability to freely combine multiple influential factors. When constructing the model, there is a strong correlation between each decision tree. Each subsequent decision tree adjusts its own weights based on the training results of the previous decision tree, and this process iterates until the desired residual or the maximum number of iterations is reached. The predictive model of GBDT can be represented as:

where \(F(x)\) is the response value of the input variable x; \(\omega_{k}\) and \(\varphi_{k}\) are the weights and parameters of the k-th decision tree, respectively; and \(g(x,\varphi_{k} )\) is the predicted value of the k-th decision tree.

For machine learning models, a representative dataset is necessary and important. Therefore, this study collected a total of 204 samples from the literature17,18,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70. The descriptive statistics and histogram distributions of the variables in these samples are shown in Table 1 and Fig. 5, respectively, where the input variables include component ratio, curing age, and specimen size. It can be observed that the content of "Metakaolin" ranges from 0 to 256 across the entire dataset, indicating a high degree of data variability. Furthermore, Fig. 6 presents the Pearson correlation coefficients between the variables. It can be seen that among the 9 input features listed, the linear correlation between "cement", "w/b" and "STS" is the strongest, with correlation coefficients of 0.3776 and −0.4362 respectively. However, this correlation is still weak, indicating that relying on multiple linear regression for predicting STS is unreliable due to the existence of complex nonlinear relationships between these variables and the output. This is why this study adopts machine learning models to achieve accurate predictions of STS. Moreover, the linear correlation between the input variables is weak, which is also an important prerequisite for machine learning applications.

Distribution histogram of variables.

Pearson correlation coefficients between variables.

A total of 163 samples (80%) were randomly selected as the training set, and the remaining 41 samples (20%) were used as the test set for the trained model. After splitting the data, normalize the features to [0,1] to avoid scale effects. Referring to the literature71, tenfold cross-validation and grid search methods were used to obtain the optimal hyper-parameters. The parameter value was determined in Table 2.

Figure 7 illustrates the deviations between the predicted results and the actual results of each sample for different models. The training and testing results of different models are shown in Fig. 8. From the perspective of the coefficient of determination (R2), all four models achieve good predictive performance. Among them, the GBDT model achieved the highest correlation coefficient of 0.967, followed by 0.963 for SVR, 0.949 for ANN, and 0.947 for RF. In general, relying on a single metric for evaluation may be unreliable. Therefore, four error metrics for each model's predictions were calculated, as shown in Table 3. It can be observed that compared to the other three models, the GBDT model achieves smaller error metrics. Specifically, the MSE, RMSE, MAE, and MAPE for the GBDT model are 0.041, 0.204, 0.146, and 4.856%, respectively.

Comparison between actual and predicted values of each sample for different models.

Correlation between predicted and actual values for different models.

For a more intuitive comparison, Fig. 9 presents the histograms of different model evaluation metrics. It can be concluded that overall, the GBDT model exhibits the best predictive performance among the machine learning models. Figure 10 shows a violin plot of the relative error percentages for different models. It can be observed that, compared to other models, the GBDT model exhibits a more concentrated and closer-to-zero relative prediction error in the test dataset. The statistical analysis of the errors further underscores the positive predictive performance.

Histogram of evaluation indicator for test set.

The violin diagram for relative error percentage of different models.

Feature importance analysis is the most commonly used method for interpreting model outputs. This analysis directly indicates the degree of influence of each feature on the final predictions. The greater the impact of a feature on the model's predictions, the more significant it is. Figure 11 presents the relative importance results of various features in predicting STS output using the GBDT model. Age is the most important feature for STS, which is as expected, as different ages exhibit significant differences in mechanical performance. Normalizing the relative importance of Age to 100%, the subsequent importance rankings are Cement and Metakaolin, with their importance being approximately three-quarters of the Age. Following that, in descending order, are FA, w/b, SP, and CA. The dimensions of the specimens are less important features, accounting for 9.2% for H and 2% for D.

Feature importance analysis.

This study proposes an STS prediction method involving concrete containing Metakaolin using individual and ensemble learning models. These machine learning models demonstrate good performance in reflecting the complex nonlinear relationships between input and output parameters in the prediction of STS for concrete containing Metakaolin. Based on the correlation coefficient between the predicted results and actual values, and considering other error metrics, the GBDT ensemble model exhibits the best prediction performance and is recommended as an intelligent method for STS prediction.

In the current dataset, the feature importance analysis based on the GBDT model shows that the most influential feature affecting STS is Age, followed by Cement, Metakaolin, FA, w/b, SP, and CA. The specimen dimensions have a relatively minor impact on STS. Feature importance analysis can provide guidance for obtaining the expected STS of Metakaolin concrete.

Although the machine learning methods developed in this study have achieved good prediction results, it should be noted that the research is conducted on a specific dataset. In the future, it is necessary to expand the dataset with more samples and search for samples that encompass a wider range of input parameters. Moreover, using Shapley Additive explanations analysis to further investigate the impact of these features on the output is also a focal point of future research.

The datasets used during the current study available from the corresponding author on reasonable request.

Zhou, F. et al. Early shrinkage modeling of complex internally confined concrete based on capillary tension theory. Buildings 13, 2201 (2023).

Article Google Scholar

Zhou, F. et al. Moisture diffusion coefficient of concrete under different conditions. Buildings 13, 2421 (2023).

Article Google Scholar

Singh, A. et al. Utilization of antimony tailings in fiber-reinforced 3D printed concrete: A sustainable approach for construction materials. Constr. Build. Mater. 408, 133689. https://doi.org/10.1016/j.conbuildmat.2023.133689 (2023).

Article CAS Google Scholar

Chen, L. et al. Recent developments on natural fiber concrete: A review of properties, sustainability, applications, barriers, and opportunities. Dev. Built Environ. 16, 100255. https://doi.org/10.1016/j.dibe.2023.100255 (2023).

Article Google Scholar

Farooq, F. et al. A comparative study of random forest and genetic engineering programming for the prediction of compressive strength of high strength concrete (HSC). Appl. Sci. 10, 7330 (2020).

Article CAS Google Scholar

Aslam, F. et al. Applications of gene expression programming for estimating compressive strength of high-strength concrete. Adv. Civ. Eng. 2020, 8850535. https://doi.org/10.1155/2020/8850535 (2020).

Article Google Scholar

Tang, H., Yang, Y., Li, H., Xiao, L. & Ge, Y. Effects of chloride salt erosion and freeze–thaw cycle on interface shear behavior between ordinary concrete and self-compacting concrete. Structures 56, 104990. https://doi.org/10.1016/j.istruc.2023.104990 (2023).

Article Google Scholar

He, H. et al. Employing novel N-doped graphene quantum dots to improve chloride binding of cement. Constr. Build. Mater. 401, 132944. https://doi.org/10.1016/j.conbuildmat.2023.132944 (2023).

Article CAS Google Scholar

Jindal, B. B., Alomayri, T., Hasan, A. & Kaze, C. R. Geopolymer concrete with metakaolin for sustainability: A comprehensive review on raw material’s properties, synthesis, performance, and potential application. Environ. Sci. Pollut. Res. 30, 25299–25324. https://doi.org/10.1007/s11356-021-17849-w (2023).

Article CAS Google Scholar

Lenka, S. & Panda, K. C. Effect of metakaolin on the properties of conventional and self compacting concrete. Adv. Concr. Constr. 5, 31–48 (2017).

Article Google Scholar

Jin, M. et al. Multi-scale investigation on composition-structure of C-(A)-S-H with different Al/Si ratios under attack of decalcification action. Cement Concr. Res. 172, 107251. https://doi.org/10.1016/j.cemconres.2023.107251 (2023).

Article CAS Google Scholar

Siddique, R. & Klaus, J. Influence of metakaolin on the properties of mortar and concrete: A review. Appl. Clay Sci. 43, 392–400. https://doi.org/10.1016/j.clay.2008.11.007 (2009).

Article CAS Google Scholar

Xu, F., Wang, S., Li, T. & Li, Z. Effect of metakaolin on the mechanical properties and pore characteristics of fiber-reinforced tailing recycled aggregate concrete. Structures 35, 15–25. https://doi.org/10.1016/j.istruc.2021.10.071 (2022).

Article Google Scholar

Mohanraj, A. & Senthilkumar, V. Effect of metakaolin on the durability property of superabsorbent polymer blended self-compacting concrete. Iran. J. Sci. Technol. Trans. Civ. Eng. 46, 2099–2110. https://doi.org/10.1007/s40996-021-00660-5 (2022).

Article Google Scholar

Lahoti, M., Narang, P., Tan, K. H. & Yang, E.-H. Mix design factors and strength prediction of metakaolin-based geopolymer. Ceramics International 43, 11433–11441. https://doi.org/10.1016/j.ceramint.2017.06.006 (2017).

Article CAS Google Scholar

Bulbul, A. M. et al. In-depth analysis of cement-based material incorporating metakaolin using individual and ensemble machine learning approaches. Materials 15, 7764 (2022).

Article ADS CAS PubMed PubMed Central Google Scholar

Madandoust, R. & Mousavi, S. Y. Fresh and hardened properties of self-compacting concrete containing metakaolin. Constr. Build. Mater. 35, 752–760. https://doi.org/10.1016/j.conbuildmat.2012.04.109 (2012).

Article Google Scholar

Dinakar, P., Sahoo, P. K. & Sriram, G. Effect of metakaolin content on the properties of high strength concrete. Int. J. Concr. Struct. Mater. 7, 215–223. https://doi.org/10.1007/s40069-013-0045-0 (2013).

Article CAS Google Scholar

Nafees, A. et al. Predictive modeling of mechanical properties of silica fume-based green concrete using artificial intelligence Approaches: MLPNN, ANFIS, and GEP. Materials 14, 7531 (2021).

Article ADS CAS PubMed PubMed Central Google Scholar

Song, H. et al. Predicting the compressive strength of concrete with fly ash admixture using machine learning algorithms. Constr. Build. Mater. 308, 125021. https://doi.org/10.1016/j.conbuildmat.2021.125021 (2021).

Article CAS Google Scholar

Wu, Y. & Zhou, Y. Prediction and feature analysis of punching shear strength of two-way reinforced concrete slabs using optimized machine learning algorithm and Shapley additive explanations. Mech. Adv. Mater. Struct. 30, 3086–3096. https://doi.org/10.1080/15376494.2022.2068209 (2023).

Article CAS Google Scholar

Farooq, F. et al. A comparative study for the prediction of the compressive strength of self-compacting concrete modified with fly ash. Materials 14, 4934 (2021).

Article ADS CAS PubMed PubMed Central Google Scholar

Ahmad, A. et al. Comparative study of supervised machine learning algorithms for predicting the compressive strength of concrete at high temperature. Materials 14, 4222 (2021).

Article ADS CAS PubMed PubMed Central Google Scholar

Wang, M., Yang, X. & Wang, W. Establishing a 3D aggregates database from X-ray CT scans of bulk concrete. Constr. Build. Mater. 315, 125740. https://doi.org/10.1016/j.conbuildmat.2021.125740 (2022).

Article Google Scholar

Ahmad, A. et al. Compressive strength prediction via gene expression programming (GEP) and artificial neural network (ANN) for concrete containing RCA. Buildings 11, 324 (2021).

Article Google Scholar

Wu, Y., Wang, Y., Li, D. & Zhang, J. Two-step detection of concrete internal condition using array ultrasound and deep learning. Ndt&E Int. 139, 102945. https://doi.org/10.1016/j.ndteint.2023.102945 (2023).

Article Google Scholar

Farooq, F., Ahmed, W., Akbar, A., Aslam, F. & Alyousef, R. Predictive modeling for sustainable high-performance concrete from industrial wastes: A comparison and optimization of models using ensemble learners. J. Clean. Prod. 292, 126032. https://doi.org/10.1016/j.jclepro.2021.126032 (2021).

Article Google Scholar

Wang, Z., Wang, Q., Jia, C. & Bai, J. Thermal evolution of chemical structure and mechanism of oil sands bitumen. Energy 244, 123190. https://doi.org/10.1016/j.energy.2022.123190 (2022).

Article CAS Google Scholar

Yin, L. et al. Study on the thermospheric density distribution pattern during geomagnetic activity. Appl. Sci. 13, 5564 (2023).

Article CAS Google Scholar

Huang, H., Yuan, Y., Zhang, W. & Li, M. Seismic behavior of a replaceable artificial controllable plastic hinge for precast concrete beam-column joint. Eng. Struct. 245, 112848. https://doi.org/10.1016/j.engstruct.2021.112848 (2021).

Article Google Scholar

Huang, H., Yuan, Y., Zhang, W. & Zhu, L. Property assessment of high-performance concrete containing three types of fibers. Int. J. Concr. Struct. Mater. 15, 39. https://doi.org/10.1186/s40069-021-00476-7 (2021).

Article CAS Google Scholar

Wu, Y., Zhang, J., Gao, C. & Xu, J. Internal defect detection quantification and three-dimensional localization based on impact echo and classification learning model. Measurement 218, 113153. https://doi.org/10.1016/j.measurement.2023.113153 (2023).

Article Google Scholar

Liu, C. et al. Development of crack and damage in shield tunnel lining under seismic loading: Refined 3D finite element modeling and analyses. Thin-Walled Struct. 185, 110647. https://doi.org/10.1016/j.tws.2023.110647 (2023).

Article Google Scholar

Yao, W. et al. Experimental and theoretical investigation of coupled damage of rock under combined disturbance. Int. J. Rock Mech. Min. Sci. 164, 105355. https://doi.org/10.1016/j.ijrmms.2023.105355 (2023).

Article Google Scholar

Rajender, A. & Samanta, A. K. Compressive strength prediction of metakaolin based high-performance concrete with machine learning. Mater. Today: Proc. https://doi.org/10.1016/j.matpr.2023.03.522 (2023).

Article Google Scholar

Biswal, U. S., Mishra, M., Singh, M. K. & Pasla, D. Experimental investigation and comparative machine learning prediction of the compressive strength of recycled aggregate concrete incorporated with fly ash, GGBS, and metakaolin. Innov. Infrastruct. Solut. 7, 242. https://doi.org/10.1007/s41062-022-00844-6 (2022).

Article Google Scholar

Asteris, P. G. et al. Revealing the nature of metakaolin-based concrete materials using artificial intelligence techniques. Constr. Build. Mater. 322, 126500. https://doi.org/10.1016/j.conbuildmat.2022.126500 (2022).

Article CAS Google Scholar

Abdulalim Alabdullah, A. et al. Prediction of rapid chloride penetration resistance of metakaolin based high strength concrete using light GBM and XGBoost models by incorporating SHAP analysis. Constr. Build. Mater. 345, 128296. https://doi.org/10.1016/j.conbuildmat.2022.128296 (2022).

Article CAS Google Scholar

Hu, Y. et al. Strength evaluation sustainable concrete with waste ingredients at elevated temperature by employing interpretable algorithms: Optimization and hyper tuning. Mater. Today Commun. 36, 106467. https://doi.org/10.1016/j.mtcomm.2023.106467 (2023).

Article CAS Google Scholar

Xu, G. et al. Evaluation of properties of bio-composite with interpretable machine learning approaches: Optimization and hyper tuning. J. Mater. Res. Technol. 25, 1421–1446. https://doi.org/10.1016/j.jmrt.2023.06.007 (2023).

Article ADS CAS Google Scholar

Amin, M. N. et al. Prediction of sustainable concrete utilizing rice husk ash (RHA) as supplementary cementitious material (SCM): Optimization and hyper-tuning. J. Mater. Res. Technol. 25, 1495–1536. https://doi.org/10.1016/j.jmrt.2023.06.006 (2023).

Article CAS Google Scholar

Jiao, H. et al. A novel approach in forecasting compressive strength of concrete with carbon nanotubes as nanomaterials. Mater. Today Commun. 35, 106335. https://doi.org/10.1016/j.mtcomm.2023.106335 (2023).

Article CAS Google Scholar

Wu, Y. & Zhou, Y. Hybrid machine learning model and Shapley additive explanations for compressive strength of sustainable concrete. Constr. Build. Mater. 330, 127298. https://doi.org/10.1016/j.conbuildmat.2022.127298 (2022).

Article Google Scholar

Zheng, W. et al. Sustainable predictive model of concrete utilizing waste ingredient: Individual alogrithms with optimized ensemble approaches. Mater. Today Commun. 35, 105901. https://doi.org/10.1016/j.mtcomm.2023.105901 (2023).

Article CAS Google Scholar

Ullah, H. S., Khushnood, R. A., Ahmad, J. & Farooq, F. Predictive modelling of sustainable lightweight foamed concrete using machine learning novel approach. J. Build. Eng. 56, 104746. https://doi.org/10.1016/j.jobe.2022.104746 (2022).

Article Google Scholar

Ullah, H. S. et al. Prediction of compressive strength of sustainable foam concrete using individual and ensemble machine learning approaches. Materials 15, 3166 (2022).

Article ADS CAS PubMed PubMed Central Google Scholar

Wu, Y. & Zhou, Y. Splitting tensile strength prediction of sustainable high-performance concrete using machine learning techniques. Environ. Sci. Pollut. Res. https://doi.org/10.1007/s11356-022-22048-2 (2022).

Article Google Scholar

Ray, S., Rahman, M. M., Haque, M., Hasan, M. W. & Alam, M. M. Performance evaluation of SVM and GBM in predicting compressive and splitting tensile strength of concrete prepared with ceramic waste and nylon fiber. J. King Saud Univ. Eng. Sci. 35, 92–100. https://doi.org/10.1016/j.jksues.2021.02.009 (2023).

Article Google Scholar

Shah, H. A. et al. Application of machine learning techniques for predicting compressive, splitting tensile, and flexural strengths of concrete with metakaolin. Materials 15, 5435 (2022).

Article ADS CAS PubMed PubMed Central Google Scholar

Moradi, N. et al. Predicting the compressive strength of concrete containing binary supplementary cementitious material using machine learning approach. Materials 15, 5336 (2022).

Article CAS PubMed PubMed Central Google Scholar

Huang, J., Zhou, M., Yuan, H., Sabri, M. M. & Li, X. Prediction of the compressive strength for cement-based materials with metakaolin based on the hybrid machine learning method. Materials 15, 3500 (2022).

Article ADS CAS PubMed PubMed Central Google Scholar

Lee, S.-C. Prediction of concrete strength using artificial neural networks. Eng. Struct. 25, 849–857. https://doi.org/10.1016/S0141-0296(03)00004-X (2003).

Article Google Scholar

Wu, Y. & Li, S. Damage degree evaluation of masonry using optimized SVM-based acoustic emission monitoring and rate process theory. Measurement 190, 110729. https://doi.org/10.1016/j.measurement.2022.110729 (2022).

Article Google Scholar

Migallón, V., Penadés, H., Penadés, J. & Tenza-Abril, A. J. A machine learning approach to prediction of the compressive strength of segregated lightweight aggregate concretes using ultrasonic pulse velocity. Appl. Sci. 13, 1953 (2023).

Article Google Scholar

Zhang, K., Zhang, K. & Bao, R. Machine learning models to predict the residual tensile strength of glass fiber reinforced polymer bars in strong alkaline environments: A comparative study. J. Build. Eng. 73, 106817. https://doi.org/10.1016/j.jobe.2023.106817 (2023).

Article Google Scholar

Shafiq, N., Nuruddin, M. F., Khan, S. U. & Ayub, T. Calcined kaolin as cement replacing material and its use in high strength concrete. Constr. Build. Mater. 81, 313–323. https://doi.org/10.1016/j.conbuildmat.2015.02.050 (2015).

Article Google Scholar

Muduli, R. & Mukharjee, B. B. Effect of incorporation of metakaolin and recycled coarse aggregate on properties of concrete. J. Clean. Prod. 209, 398–414. https://doi.org/10.1016/j.jclepro.2018.10.221 (2019).

Article CAS Google Scholar

Lenkaa, S. & Panda, K. C. Effect of metakaolin on the properties of conventional and self compacting concrete. Adv. Concr. Constr. 5, 31–48 (2017).

Article Google Scholar

Kannan, V. & Ganesan, K. Evaluation of mechanical and permeability related properties of self compacting concrete containing metakaolin. Sci. Res. Essays 7, 4081–4091 (2012).

CAS Google Scholar

Güneyisi, E., Gesoğlu, M., Qays, M. A., Mermerdaş, K. & İpek, S. Fracture properties of high strength metakaolin and silica fume concretes. In Proceedings of the 3rd International Conference on Chemical, Civil and Environmental Engineering (CCEE-2016), Antalya, Turkey, 20–21 April 2016. (2016).

Al-Oran, A. A. A., Safiee, N. A. & Nasir, N. A. M. Fresh and hardened properties of self-compacting concrete using metakaolin and GGBS as cement replacement. Eur. J. Environ. Civ. Eng. 26, 379–392. https://doi.org/10.1080/19648189.2019.1663268 (2022).

Article Google Scholar

Kavitha, O. R., Shanthi, V. M., Prince Arulraj, G. & Sivakumar, P. Fresh, micro- and macrolevel studies of metakaolin blended self-compacting concrete. Appl. Clay Sci. 114, 370–374. https://doi.org/10.1016/j.clay.2015.06.024 (2015).

Article CAS Google Scholar

Guneyisi, E., Gesoglu, M. & Mermerdas, K. Improving strength, drying shrinkage, and pore structure of concrete using metakaolin. Mater. Struct. 41, 937–949. https://doi.org/10.1617/s11527-007-9296-z (2008).

Article CAS Google Scholar

Sharbatdar, M., Abadi, M. A. R. & Fakharian, P. F. Improving the properties of self-compacted concrete with using combined silica fume and metakaolin. Period. Polytech. Civ. Eng. 64, 535–544 (2020).

Google Scholar

Shehab El-Din, H. K., Eisa, A. S., Abdel Aziz, B. H. & Ibrahim, A. Mechanical performance of high strength concrete made from high volume of Metakaolin and hybrid fibers. Constr. Build. Mater. 140, 203–209. https://doi.org/10.1016/j.conbuildmat.2017.02.118 (2017).

Article CAS Google Scholar

Rashad, A. M. A preliminary study on the effect of fine aggregate replacement with metakaolin on strength and abrasion resistance of concrete. Constr. Build. Mater. 44, 487–495. https://doi.org/10.1016/j.conbuildmat.2013.03.038 (2013).

Article Google Scholar

Kannan, V. Strength and durability performance of self compacting concrete containing self-combusted rice husk ash and metakaolin. Constr. Build. Mater. 160, 169–179. https://doi.org/10.1016/j.conbuildmat.2017.11.043 (2018).

Article CAS Google Scholar

Zoe, Y., Hanif, I. M., Adzmier, H. M., Eyzati, H. H. & Noor Syuhaili, M. R. Strength of self-compacting concrete containing metakaolin and nylon fiber. IOP Conf. Series: Earth Environ. Sci. 498, 012047. https://doi.org/10.1088/1755-1315/498/1/012047 (2020).

Article Google Scholar

John, N. Strength properties of metakaolin admixed concrete. Int. J. Sci. Res. Publ. 3, 2250–3153 (2013).

Google Scholar

Guneyisi, E., Gesoglu, M., Karaoglu, S. & Mermerdas, K. Strength, permeability and shrinkage cracking of silica fume and metakaolin concretes. Constr Build Mater 34, 120–130. https://doi.org/10.1016/j.conbuildmat.2012.02.017 (2012).

Article Google Scholar

Feng, D.-C., Wang, W.-J., Mangalathu, S., Hu, G. & Wu, T. Implementing ensemble learning methods to predict the shear strength of RC deep beams with/without web reinforcements. Eng Struct 235, 111979. https://doi.org/10.1016/j.engstruct.2021.111979 (2021).

Article Google Scholar

Download references

College of Civil Engineering, Henan University of Technology, Zhengzhou, 450001, China

Qiang Li, Guoqi Ren, Haoran Wang, Qikeng Xu, Jinquan Zhao, Huifen Wang & Yonggang Ding

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

You can also search for this author in PubMed Google Scholar

Q.L.: methodology, writing-original draft preparation; G.R.: software, H.W.: formal analysis; Q.X.: formal analysis; J.Z.: validation; H.W.: resources, Y.D.: methodology, supervision. All authors have read and agreed to the published version of the manuscript.

Correspondence to Yonggang Ding.

The authors declare no competing interests.

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/.

Reprints and permissions

Li, Q., Ren, G., Wang, H. et al. Splitting tensile strength prediction of Metakaolin concrete using machine learning techniques. Sci Rep 13, 20102 (2023). https://doi.org/10.1038/s41598-023-47196-4

Download citation

Received: 05 October 2023

Accepted: 10 November 2023

Published: 16 November 2023

DOI: https://doi.org/10.1038/s41598-023-47196-4

Anyone you share the following link with will be able to read this content:

Sorry, a shareable link is not currently available for this article.

Provided by the Springer Nature SharedIt content-sharing initiative