Abstract
The use of waste foundry sand (WFS) in concrete production has gained attention as an eco-friendly approach to waste reduction and enhancing cementitious materials. However, testing the impact of WFS in concrete through experiments is costly and time-consuming. Therefore, this study employs machine learning (ML) models, including support vector regression (SVR), decision tree (DT), and AdaBoost regressor (AR) ensemble model to predict concrete properties accurately. Moreover, SVR was employed in conjunction with three robust optimization algorithms: the firefly algorithm (FFA), particle swarm optimization (PSO), and grey wolf optimization (GWO), to construct hybrid models. Using 397 experimental data points for compressive strength (CS), 146 for elastic modulus (E), and 242 for split tensile strength (STS), the models were evaluated with statistical metrics and interpreted using the SHapley Additive exPlanation (SHAP) technique. The SVR-GWO hybrid model demonstrated exceptional accuracy in predicting waste foundry sand concrete (WFSC) strength characteristics. The SVR-GWO hybrid model exhibited correlation coefficient values (R) of 0.999 for CS and E, and 0.998 for STS. Age was found to be a significant factor influencing WFSC properties. The ensemble model (AR) also exhibited comparable prediction accuracy to the SVR-GWO model. In addition, SHAP analysis revealed an optimal content of input variables in the concrete mix. Overall, the hybrid and ensemble models showed exceptional prediction accuracy compared to individual models. The application of these sophisticated soft computing prediction techniques holds the potential to stimulate the widespread adoption of WFS in sustainable concrete production, thereby fostering waste reduction and bolstering the adoption of environmentally conscious construction practices.
Similar content being viewed by others
Introduction
The construction sector stands at a pivotal juncture where embracing sustainability is not just an option but a necessity. Extensive research has investigated the compelling reasons this sector should forge ahead in its commitment to sustainability. Notably, the construction industry significantly contributes to energy consumption, waste generation, resource depletion, and greenhouse gas emissions. Addressing these environmental concerns is paramount, and the construction sector holds immense potential to minimize its ecological footprint through sustainable practices. A key focus is on resource efficiency, as this industry heavily relies on natural resources like water, raw materials, and energy. By embracing sustainable approaches such as material recycling and optimized energy usage, the industry can significantly reduce resource consumption and waste generation1,2. To address sustainability concerns in the construction industry, environment-friendly materials are produced by incorporating various types of waste or recycled materials in cementitious composites, either fully or partially substituting the main elements of concrete. For instance, supplementary cementitious materials (SCMs) such as silica fume3, fly ash4,5, rice husk ash6, and blast furnace slag7,8 are pozzolanic materials that contain rich silica content. Other sustainable concretes are those incorporating recycled aggregate9,10,11, glass sands9, waste foundry sand (WFS)12,13, tire rubber14,15, and ceramic16.
WFS, a by-product of metal foundries, is increasingly being used as a substitution for fine aggregate in the production of environmentally friendly concrete. Metal foundries generate large quantities of waste materials, with approximately 70% of the weight comprising WFS17. The escalating cost of landfilling WFS, ranging from approximately US$135 to $675 per ton, renders it economically impractical for the industries. Furthermore, WFS poses environmental hazards because it contains phenols, zinc, lead, cadmium, and iron remnants17,18. The current practices of disposing of WFS in landfills pose significant economic and environmental threats19. Experimental studies have demonstrated that waste foundry sand concrete (WFSC) maintains comparable mechanical properties to the control concrete when the fine aggregate is substituted with WFS in the 15–20% range, but a declining pattern is observed with more additions. Other studies have stated a decrease in strength properties beyond a 10% substitution level20. This behavior is influenced by multiple variables such as WFS composition, mix proportions, percentage, and concrete ingredients' physical characteristics21,22. Singh and Siddique23 observed that beyond a 15% inclusion of WFS, there was no substantial enhancement in strength, likely due to the increase in surface area of fine particles. This phenomenon potentially resulted in diminished water-cement gel within the matrix, consequently leading to insufficient binding23,24,25. The decline in strength can be attributed to the matrix's inadequate workability and the presence of binders, namely, the fine carbon and clay powder in the WFS26,27. These binders adhere to sand particles, impeding the formation of a robust bond between the cement paste and the aggregate. Siddique and Kadri28 observed that incorporating a mineral admixture, such as metakaolin into WFS-containing concrete resulted in strength improvement. Furthermore, Kaur et al.29 observed that the introduction of fungal-treated WFS led to strength enhancement, attributed to the filling of concrete pores by fungal spores or biominerals deposited within the cement-sand matrix. Moreover, it is widely recognized that a low water-cement ratio contributes to greater concrete strength. However, incorporating WFS into concrete offers minimal benefits when the water-cement ratio is below 0.5030. Salokhe et al.30 determined that concrete incorporating WFS sourced from ferrous foundries exhibited superior performance compared to concrete containing non-ferrous WFS in terms of strength enhancement. Incorporating both types of sand resulted in compact concretes with a 20% replacement. While considerable literature exists on WFSC, conducting experimental testing to optimize WFSC can be both time-consuming and costly. Therefore, the development of prediction models that correlate influential parameters and the strength properties of WFSC can effectively address the challenges associated with expensive testing procedures. Moreover, such models can facilitate the sustainable reuse of WFS in the industry. To achieve this, utilizing machine learning (ML) techniques proves to be highly beneficial and relevant.
Due to the advancement of AI, various soft-computing approaches have been utilized to forecast the characteristics of various types of concrete. For instance, ML methods have been used for predicting properties of recycled aggregate concrete31,32, fiber-reinforced concrete33, carbon fiber-reinforced concrete34,35, geopolymer concrete36,37, and concrete containing SCMs such as slag, fly ash, and silica fume38,39,40, as shown in Fig. 1. Among ML techniques, artificial neural networks (ANN)41,42,43, support vector regression (SVR)44, genetic engineering programming (GEPs)13,45,46, and decision trees (DT)47,48 have been commonly utilized. Based on the literature review, multiple studies used ML methods for the estimation of characteristics of WFSC. Iqbal et al.12 used the GEP method to forecast the elastic modulus and split tensile strength of WFSC. The GEP approach achieved higher accuracy in estimating the target properties of WFSC. Moreover, Chen et al.13 employed both GEP and MEP to forecast the properties of WFSC and reported higher accuracy of the prediction models. The MEP and GEP methods had limitations in their ability to incorporate certain divergent datasets during model development, thus limiting their applicability range. However, to optimize the performance of the models, it is imperative to eliminate the datasets that exhibited significant deviations. Furthermore, genetic algorithms encode a single expression in their programs and are more suitable for relatively simple relationships between input and output49. Furthermore, Behnood and Golafshani50 also employed the M5P technique to predict the split tensile strength (STS), compressive strength (CS), elastic modulus (E), and flexural strength (FS) of WFSC. The models proposed by the authors demonstrated high precision and enabled the derivation of reliable estimates. Similarly, Amlashi et al.51 utilized the ANN model for forecasting the characteristics of WFSC and reported better accuracy of the ANN method to estimate the output. However, ANN models are often called "black boxes" due to their inherent complexity and opacity. The black-box nature of ANNs refers to the challenge of understanding these models' internal workings and decision-making processes52. Unlike traditional algorithms, where the steps and rules are explicitly defined, ANNs learn patterns and relationships from data through interconnected layers of neurons. This complexity makes it difficult to interpret how the network arrives at its predictions or decisions53. The network's internal representations and transformations of the input data are not easily understandable or explainable. While ANNs have shown remarkable performance in various applications, their lack of interpretability poses challenges in critical domains where transparency is necessary. Above all, the mentioned studies used to predict WFSC’s characteristics are individual or single learning techniques. In contrast, by leveraging the collective intelligence of multiple models, ensemble methods can often outperform individual methods in terms of accuracy, robustness, and generalization54,55,56. Moreover, hybrid models combine the strengths of individual algorithms with optimization techniques to provide excellent prediction models. However, they may be more computationally intensive and require additional model training and combining steps57.
Accordingly, this study considered single, ensemble, and hybrid models to predict the properties of WFSC. Ensemble learning (EL) models are developed by combining multiple algorithms to leverage their diverse potentials. By utilizing a mixing mechanism, EL models can achieve higher accuracy and resilience compared to individual algorithms. ELA takes advantage of the strengths of multiple unique algorithms and combines them to enhance accuracy. The approach integrates multiple single learning methods to improve overall predictive performance57,58,59,60,61,62,63. One popular ensemble method is bagging (Bootstrap Aggregating). Bagging approach considers training multiple models independently on a training dataset, typically using the same learning algorithm. Each model is trained on random data points of the original data64. The ultimate prediction is derived by calculating the average of all individual model predictions. Boosting is another widely used ensemble method that sequentially trains models58. In boosting, models are trained iteratively, and each successive model in the boosting framework is designed to leverage the errors made by preceding models65. The ultimate prediction is achieved by aggregating the predictions with the assigned weights of all models. Boosting methods, such as gradient boosting and AdaBoost, can effectively handle complex datasets and are particularly adept at handling class imbalance problems38. In addition to single and ensemble models, hybrid models were also explored in this study to predict the properties of WFSC. Hybrid models combine the strengths of individual algorithms, such as support vector regression (SVR) or neural networks, with optimization techniques like particle swarm optimization (PSO), firefly algorithm (FFA), and grey wolf optimization (GWO). By integrating diverse methodologies, hybrid models aim to enhance predictive accuracy and robustness, offering a more comprehensive approach to addressing the complexities of WFSC prediction tasks.
Given the discussion so far, it is evident that there is a lack of robust and practical machine learning approaches for modeling the characteristics of WFSC. Hence, the main goals of this study are to address these gaps by (i) collecting an extensive data set available on STS, E, and CS published studies, (ii) developing individual ML models (DT, SVR) and EL model (AdaBoost), and hybrid models (SVR-FFA, SVR-PSO, SVR-GWO) (iii) comparative analysis of individual, ensemble, and hybrid models, and (vi) SHAP interpretation of the developed models to unveiled the reasoning and logic behind the ML models prediction.
Theory of the selected ML algorithms
Decision tree (DT)
Due to its flexibility in capturing complex non-linear relationships and ease of interpretation, the decision tree algorithm is widely utilized in various studies59. The DT algorithm is a widely employed ML method that builds a predictive model organized in a hierarchical tree shape, representing decisions and their possible consequences60. Decision trees are highly effective as they closely mimic the intuitive decision-making process of humans, resulting in enhanced understandability and interpretability. The structure of a decision tree consists of branches and nodes, as shown in Fig. 2. The root node represents the initial decision, and subsequent nodes represent the decisions made at each step. The branches represent the possible outcomes of each decision, leading to different paths or leaves in the tree, representing the final prediction or outcome61. The decision tree algorithm aims to create an optimal tree structure by selecting the most informative features to split the data at each node. One of the advantages of the DT model is its interpretability. The tree-like structure allows an understanding of the modeling process and the reasoning behind the prediction. Nonetheless, the DT model is prone to overfitting, particularly when the tree becomes too complicated, or the data contains noise. To mitigate this issue, techniques like pruning or setting a minimum number of instances per leaf can be applied62.
Support vector regression (SVR)
The SVR is a highly effective ML algorithm known for its potential in capturing complex non-linear relationships, making it a favored choice for prediction tasks. Employing feature space transformation, SVR excels in scenarios where data cannot be linearly separated, aiming to identify the optimal hyperplane for maximum separation of data points into distinct classes (Fig. 3). By maximizing the margin, SVR enhances its generalization capability and resilience when encountering unseen data63. Utilizing kernel functions like polynomial, linear, radial basis function, and sigmoid, SVR can handle complex decision boundaries, providing flexibility in modeling complex datasets64,65. The regularization parameter, denoted as C, plays a critical role, with lower values offering a wider margin but potentially higher misclassification, while higher values of C reduce the margin to improve classification accuracy, albeit with a risk of overfitting. Though computationally expensive and sensitive to parameter and kernel function selection, advancements in optimization algorithms have mitigated these challenges, making SVR a widely adopted effective ML technique66,67,68.
AdaBoost regressor (AR)
AdaBoost, developed by Freund and Schapire in 199676, combines weak learners to create a robust forecasting model. It iteratively trains weak classifiers, assigning higher weights to misclassified instances to enhance performance. The underlying principle of AdaBoost revolves around iteratively training weak classifiers and assigning greater weights to misclassified samples in subsequent iterations. This adaptiveness of AdaBoost improved its overall performance. The process begins with assigning equal weights to each training sample, and a weak classifier is trained to predict the target variable77. The weak classifier's performance is then evaluated, and the weights of misclassified samples are increased to emphasize their importance in subsequent iterations. As AdaBoost progresses, subsequent weak classifiers are trained with adjusted weights to provide more accurate predictions78. Every weak classifier has attributed a weight corresponding to its performance level, and the final model is created by combining the weak classifiers' predictions weighted by their respective weights79. The final model gives higher importance to the weak classifiers that performed better during training. The overall process of AdaBoost modeling is illustrated in Fig. 4.
Optimization algorithms
Particle swarm optimization (PSO)
Kennedy and Eberhart69 pioneered the development of an optimization approach known as PSO for addressing optimization challenges. The PSO method draws inspiration from the collective behavior of insects or birds. The PSO begins with the initialization of a population of particles, with each particle showing a potential solution to the problem. These particles possess positions within the solution space and velocities that control their movement. Throughout the optimization process, particles dynamically adjust their positions based on their own experiences and the influence of neighboring particles, ultimately converging toward optimal solutions70.
Firefly algorithm (FFA)
The FFA is another nature-inspired optimization technique developed to tackle optimization tasks. Inspired by the flashing behavior of fireflies, FFA mimics the attractiveness of fireflies to optimize solutions71. The FFA initializes a population of fireflies, each representing a potential solution in the search space. These fireflies exhibit attractiveness, which diminishes with distance, akin to the light intensity of fireflies. During the iterative process, fireflies move towards brighter (i.e., better) solutions in the search space, guided by their attractiveness and the brightness of neighboring fireflies. Through successive iterations, FFA efficiently explores and converges towards optimal solutions in complex optimization tasks72.
Grey wolf optimizer (GWO)
The GWO is a metaheuristic optimization approach inspired by the social hierarchy and hunting behavior of grey wolves73. Developed as a nature-inspired algorithm, GWO effectively tackles optimization problems by mimicking the social interactions and hunting strategies of wolf packs. The GWO initializes a population of grey wolves, with each wolf representing a potential solution in the search space. These wolves are organized into a hierarchical structure, with alpha, beta, delta, and omega wolves representing the pack's leadership. Through the exploration and exploitation phases, the wolves collaborate to adapt and converge toward optimal solutions, making GWO a robust and efficient optimization tool for various real-world problems74.
Research methodology
Modeling dataset
This research conducted a thorough data collection process, compiling a comprehensive dataset from 28 reputable experimental studies21,23,75,76,77,78,79,80,81,82,83,84,85,86,87,88,89,90,91,92,93,94,95,96,97,98,99,100 (Supplementary Table S1–3: Supplementary materials). The model's training process excluded data points that deviated more than 20% from the universal pattern. The acquired dataset consists of 397 compressive strength (CS) records, 346 split tensile strength (STS) records, and 146 elastic modulus (E) records. The dataset consisted of cylindrical and cubic concrete samples without any additive materials. As the variations in specimen sizes and shapes affecting strength, the strength values were transformed to a cube with dimensions of 100 mm using transformation factors suggested by Abellán-García101. This transformation accounts for variations in specimen shapes and dimensions observed across published experimental works. Additionally, all the testing samples were subjected to air-curing conditions, as reported. A total of seven input variables were chosen, which included the waste foundry sand to cement ratio (WFS/C), waste foundry sand to the fine aggregate ratio (WFS/FA), fine aggregate to the total aggregate ratio (FA/TA), water to cement ratio (W/C), coarse aggregate to cement ratio (CA/C), 1000 superplasticizer to cement ratio (1000SP/C), and age. The input variables were chosen per previous studies' recommendations50,51.
Table 1 presents the statistics of the collected dataset. The CS ranges from 11.4 to 53.8 MPa, E ranges from 18.4 to 46.6 GPa, and STS ranges from 1.7 to 4.9 MPa. The standard deviation (SD) measures the dispersion of the data from the average value. A higher SD shows a higher variability, while a lower value indicates that the data records are closer to the mean. Skewness and kurtosis offer insights into the distribution's shape and symmetry. The suggested range for kurtosis is − 10 to + 10, while for skewness, the range is from − 3 to + 3102,103. It can be noticed that skewness and kurtosis for all variables fall within the recommended range.
Moreover, there are risks of multicollinearity in prediction models. Multicollinearity refers to the high correlation between two predictors in a regression model. It can be an issue in machine learning as it makes it hard to interpret the model and creates an overfitting problem. The presence of high correlations makes it challenging to determine the unique contribution of each predictor to the outcome variable. Pearson correlation (r) measures the linear correlation between two variables104. It is often used to identify multicollinearity in a regression model. If the correlation coefficient between two predictors is high, it indicates a strong linear relationship between them, which can lead to multicollinearity. Generally, for a valid ML model, the r value between two predictors (explanatory variables) must be less than 0.8105,106. It can be seen in Fig. 5 that mostly the r value between input variables is lower than 0.8, indicating that there are rare chances of multicollinearity and interdependency. In addition, compressive strength and split tensile strength correlate more (r = 0.49, 0.24, respectively) with age, while elastic modulus correlates more with FA/TA (r = 0.53). Furthermore, the distribution of output parameters is provided in Fig. 6. Figure 7 illustrates the methodology followed in the current study.
Model development
The collected dataset was split into three subsets: training (70%), validation (15%), and testing (15%). This partitioning strategy ensures that the model is trained on a substantial portion of the data while also having separate subsets for fine-tuning hyperparameters and evaluating performance. The training set, comprising 70% of the data, serves as the primary source for model learning, allowing it to capture underlying patterns and relationships. The validation set, representing 15% of the data, is utilized during the training process to assess the model's performance on unseen data and guide adjustments to hyperparameters, preventing overfitting to the training set. Finally, the testing set, also encompassing 15% of the data, serves as an independent benchmark to evaluate the model's generalization ability accurately. This rigorous partitioning scheme facilitates robust model development and ensures reliable performance estimation on new, unseen data.
Optimizing hyperparameters is crucial for developing ML models effectively, as it helps to make accurate prediction models without overfitting or underfitting. In this study, the grid search approach was employed to find the best hyperparameters for DT and SVR models. During hyperparameter tuning, some data (the testing set) was kept hidden to enhance prediction performance and prevent overfitting. Grid search evaluates every possible combination to determine the best hyperparameter values, ensuring optimal model performance. The optimized hyperparameter values for DT and AR models are given in Table 2. Along with DT and AR models, three hybrid models by optimization of SVR with three metaheuristic methods such as FFA, PSO, and GWO were also developed. For the hybrid models, the key parameters for SVR are C (penalty factor), ε (margin of tolerance), and γ (kernel coefficient), with ranges set at (0.01,100), (0.01, 1.0), and (1.0, 10), respectively. Then, three metaheuristic algorithms, namely GWO, FFA, and PSO are employed, to improve the SVR approach ability to predict the strength properties of WFS-based concrete and to decrease parameter search time. The parameters for GWO, FA, and PSO are configured according to the specifications outlined in Table 2.
Evaluation of model performance
In ML modeling, it is essential to assess the performance of a model to determine its accuracy and effectiveness. Various evaluation metrics are employed to gauge the model's performance. When dealing with regression tasks, several commonly used metrics include correlation coefficient (R), root mean squared error (RMSE), mean absolute error (MAE), relative root mean squared error (RRMSE), performance index (PI), and relative squared error (RSE). These metrics serve as reliable indicators to determine the accuracy and predictive capabilities of the model. The expressions of these metrics are given as Eqs. (1)–(5).
where "ei" and "mi" denote the actual and estimated values, respectively, while "ēi" and "\({\bar {{\text{m}}}} {\text{i}}\)" represents the mean of actual and estimated values.
R metric determines the correlation between the model and actual values. An R-value closer to 1 (R > 0.8) is considered to be an excellent accuracy of the model. However, correlation value alone cannot be utilized as a sole measure of performance accuracy since it only determines the linear relationship between two variables. While correlation is a useful metric for understanding the direction of the relationship, it does not capture a model's overall accuracy or predictive power. Therefore, it is crucial to consider other performance measures to gauge the model's accuracy properly. RMSE is a metric that quantifies the average disparity between the predicted values from a statistical model and the corresponding actual values. RMSE is the standard deviation of residuals that deviates from the observed records. The residuals essentially indicate the extent to which the model's estimations deviate from the observed values. Both MAE and RMSE values closer to 0 indicate a better model performance. The PI metric is also an excellent measure to gauge the model accuracy as it considers RRMSE and R simultaneously. Its value lower than 0.2 represents a better performance of the model.
Model overfitting happens when a machine learning model shows excellent performance on the data it was trained on but struggles to perform well on new, unseen data. This occurs because the model learns noise and relies on random or irrelevant patterns present in the training data, which do not apply to new data, resulting in poor predictions107. Accordingly, the objective function (OBF) metric (Eq. 6) assesses model overfitting. A value of OBF less than 0.2 indicates that the issue of model overfitting has been resolved.
The subscripts "T" and "V" represent the training and validation, respectively, while "n" denotes the number of datasets. Furthermore, the criteria for external validation are provided in Table 3.
Model interpretation
Previous research on concrete characteristics using machine learning has often focused on achieving higher accuracy while neglecting the importance of model interpretation. However, model interpretation is a crucial aspect that should not be overlooked. Understanding how the model arrives at its predictions can provide valuable insights and enhance the trustworthiness and applicability of the results. Accordingly, the SHAP method111 is employed in the current study to interpret the model prediction results. SHAP analysis is a versatile approach that can be applied to any machine learning model. It leverages the principles of game theory to provide explanations for model outputs. By utilizing Shapley values derived from coalitional game theory, SHAP assigns credit to each feature's contribution towards the prediction. It ensures an excellent distribution of the "payout" (i.e., the prediction) among the features based on their individual or grouped values112,113. SHAP analysis is a powerful and flexible technique for interpreting machine learning models, as it is model-agnostic, consistent, and capable of handling complex behaviors. It is particularly valuable in understanding model functioning, identifying important features, and explaining prediction outcomes.
Results and discussion
Performance evaluation of the models
Regression analysis
This section aimed to evaluate the effectiveness of the suggested models through a regression analysis, specifically by assessing the slope of the line derived from plotting experimental results along the x-axis against predicted results along the y-axis. Such a type of assessment of the ML models has been extensively employed in previous studies12,114,115,116. For instance, while investigating the compressive strength of concrete incorporated with rice husk ash, Iqtidar et al.117 found the regression line slope equal to 0.99 for validation and training sets. Generally, a regression slope (RS) higher than 0.8 and closer to 1 is considered best for an optimal predictive model118.
Figure 8 displays regression plots illustrating the regression slope performance of the CS models. The SVR model exhibited a good regression slope compared to DT, while the latter showed a lower regression slope falling below the recommended threshold of 0.80, indicating poor performance for CS estimation. Conversely, the ensemble model (AR) demonstrated a higher regression slope, alongside SVR-based hybrid models showing excellent performance. Overall, AR and SVR-GWO models exhibited superior accuracy in RS analysis, suggesting their potential for estimating compressive strength of WFSC. Furthermore, Fig. 9 depicts regression plots demonstrating the performance of the E models. Standalone models displayed subpar regression slopes for estimating elastic modulus of WFSC, while the AR-based ensemble model showed improved performance. SVR-based hybrid models exhibited excellent regression slope performance, indicating their capability to accurately capture WFSC intricacies and provide accurate predictions. Notably, the SVR-GWO model demonstrated greater prediction accuracy in terms of regression slope in estimating E, with RS values for training, validation, and testing approaching 1. Moreover, the DT and SVR models also showed poor regression slope performance in estimating the split tensile strength of WFSC, as shown in Fig. 10. The ensemble and SVR-based hybrid models showed improved prediction accuracy in terms of regression slope. Notably, the AR and SVR-GWO models exhibited excellent regression slopes compared to other models, indicating their potential to accurately estimate the STS of WFSC.
Error analysis
Figure 11 shows the error histograms of the models established for CS. The error analysis of the SVR model for CS showed that 97.5% of errors lie in the range of ± 5 MPa. Similarly, the DT model also exhibits moderate precision, with 92.5% errors falling in the same range of ± 5 MPa. However, the AR-CS model outperforms both, delivering exceptional precision with 94.5% confined in the range of ± 1 MPa. The SVR-FFA and SVR-PSO models exhibited 87.40% and 81.10% error in error range of ± 2 MPa, respectively. The SVR-GWO model demonstrated improved accuracy with 76.07% error fall in the range of ± 0.25 MPa. Furthermore, Fig. 12 displays the error histograms of the models established for E. The SVR model for E provided 92.5% errors within the range of ± 4 GPa, and DT observed 83.5% errors within the range of ± 4 GPa. The AR model provided excellent performance with 89.7% errors in the range of ± 1 GPa. The SVR-FFA and SVR-PSO models for E showed 91.71% and 73.28% of the error in the range of ± 1 GPa, respectively. In contrast, the SVR-GWO exhibited improved precision for estimating E with 86.30% error in the range of ± 0.25 GPa. Moreover, Fig. 13 shows the error histograms of the established models for STS. The SVR model provided 80.6% errors in the range of ± 0.4 MPa, while the DT model evidenced 81.1% errors in the range of 0.5 MPa. Moreover, the AR model exhibited 85.1% errors in the range of ± 0.2 MPa. The SVR-FFA and SVR-PSO models exhibited 79.33% and 72.72% of the predictions, respectively, within a range of ± 2 MPa. However, the SVR-GWO model showed the highest accuracy with error of 83.47% of the predictions within error range of ± 0.1 MPa. Overall, the SVR-GWO models exhibited less errors compared to other established models in estimating the CS, STS, and E of waste foundry sand concrete.
Statistical assessment of the models
Along with regression and error analysis, performance metrics were employed to determine the accuracy and performance of the developed models, as provided in Table 4. For predicting the CS of WFSC, AR, and SVR-based hybrid models provided higher accuracy (R) and lower error (MAE, RMSE) values. Notably, for CS prediction, the SVR-GWO model provided better accuracy, while the DT model exhibited lower accuracy. Similarly, the SVR-GWO model exhibited the highest accuracy in estimating elastic modulus with R-value of 0.999 for three subsets. In addition, the SVR-GWO model showed the lowest RMSE and MAE values for estimating E of WFSC. Furthermore, it can be noticed that the SVR-GWO model for STS also provided better accuracy compared to other developed prediction models. The SVR-GWO model for STS exhibited R-values of 0.994, 0.985, and 0.996 for training, validation, and testing, respectively. Moreover, the OBF is lower than 0.2 for all established models, effectively addressing the issue of model overfitting. Overall, the error value is minimal, and R values are higher than the recommended threshold (0.8), illustrating that the developed models can precisely predict the strength characteristics of waste foundry sand concrete.
In addition, Table 4 shows the external validation parameter values for the developed models. One of the criteria employed for external validation is to ensure that the regression line slopes (k or k′) are close to one, as proposed in previous studies [136]. Another criterion, known as the confirming indicator (Rm), is used to measure a model's predictability introduced by Roy [137]. The requirement is that Rm must exceed 0.5. In addition, the value of parameter m falls below the threshold of 0.1. Table 5 demonstrates that all three models satisfy the criteria for external validation, suggesting that these models are realistic and not simply a correlation between input and output variables.
Comparison of the developed models
This section aims to compare the accuracy and error levels of the developed models in estimating the characteristics of WFSC. For CS prediction, the SVR-GWO model showcased the most impressive performance with the lowest MAE values among all suggested models. Although the ensemble model (AR) also demonstrated notable accuracy, it slightly lagged behind the hybrid SVR-GWO model. Similar trends were observed for E and STS prediction, where the SVR-GWO model consistently outperformed others. This observation underscores the robustness and efficacy of the SVR-GWO hybrid model for estimating the strength properties of waste foundry sand concrete.
The visual comparison of the developed models is provided in the form of a Taylor diagram (Fig. 14). In Taylor's diagram, each model is represented by a point on the diagram. The distance from the origin to the point reflects the standard deviation, and the radial position represents the correlation. The closer the points are to each other, the higher the similarity and agreement between the models. The reference point (baseline) is provided with R equal to 1 and RMSE equal to 0. It can be observed that in all cases (E, CS, STS), the SVR-GWO and AR model are closer to the reference point, indicating their higher performance accuracy in estimating the strength properties of WFSC.
The comparative analysis of statistical metrics reaffirms the superior accuracy of the SVR-based hybrid and AR models in predicting the strength properties of WFSC. Ensemble models, renowned for their adeptness in handling complex patterns and noise within the data, contribute to the elevated accuracy levels observed. While the ensemble model's enhanced accuracy can be attributed to its utilization of multiple standalone models within an ensemble framework, the introduction of hybrid models such as SVR-GWO, SVR-PSO, and SVR-FFA marks a significant advancement. These hybrid models leverage the strengths of both optimization algorithms and support vector regression (SVR), resulting in improved prediction accuracy. Therefore, it is evident that both hybrid and ensemble models outperform individual or standalone models, indicating a promising accuracy in the predictive modeling of WFSC strength properties.
SHAP interpretability of the models
The current study offers both global and local interpretations to gain deeper insights into the models' predictions, thus enriching the understanding of the predictive capabilities of the models. Among the three models, the AR model demonstrated excellent accuracy; thus, SVR-GWO prediction results were considered for SHAP analysis.
Global interpretation
The global SHAP explanation facilitates a comprehensive understanding of the individual contribution of each input feature towards the output prediction, thereby unraveling the precise influence and impact of each feature on the overall prediction. Age and water-to-cement ratio have a higher contribution in estimating the compressive strength of WFSC. It can also be noticed that CA/C also has considerable significance in predicting CS, as shown in Fig. 15a. Age, W/C, and CA/C combined contribute 82.8% of the total SHAP value for all input features. It can be observed in Fig. 15b that age positively impacts compressive strength, indicating that an increase in age corresponds to an improvement in overall compressive strength. In contrast, higher values of W/C and CA/C negatively influence compressive strength.
Similarly, the SHAP feature importance and the summary plot are provided in Fig. 16. It can be noticed that FA/TA, age, W/C, and CA/C are significantly contributing to the estimation of elastic modulus. However, the rest of the feature contributes very little to the prediction of E, as shown in Fig. 16a. The mean SHAP values of FA/TA, age, W/C, and CA/C are approximately 89.8% of the total SHAP values. The summary plot for elastic modulus is illustrated in Fig. 16b. It can be noticed that the higher values of FA/TA and age enhance the elastic modulus. However, W/C and CA/C negatively influence the elastic modulus of WFSC.
Furthermore, age has a more pronounced contribution to the determination of STS, followed by the water-to-cement ratio. Interestingly, the parameter 1000SP/C also exhibits significant importance in predicting STS. The rest of the input features have no significant contribution to STS, as shown in Fig. 17a. The mean SHAP values of age, 100SP/C, and W/C are about 84.5% of the total SHAP value. Increasing the age results in the enhancement of STS, as shown by the red dots on the right side of Fig. 17b. However, an increase in CA/C negatively influences split tensile strength. In addition, an increase in 1000SP/C also enhances the STS.
Local interpretation
While the global SHAP perspective explains the relative significance of contributing factors and their influence on the target variable, it lacks specifics on how each variable impacts the target variable as its value changes. Local interpretation using SHAP analysis is required to optimize the values of input parameters. SHAP local analysis provides a more in-depth knowledge of variable contributions, allowing for the determination of optimal input values for maximizing the target variable. Accordingly, the local explanation is provided in Figs. 18, 19 and 20.
The features interaction plots for compressive strength are provided in Fig. 18. The inclusion of WFS/C positively influences the compressive strength (CS) at a ratio of 0.4. However, increasing the ratio beyond this point leads to a decrease in compressive strength. Figure 18 illustrates that a water-cement ratio of up to 0.5 exhibits a beneficial impact on CS. Moreover, the optimum ratio of CA/C for higher compressive strength is 0.25. The ratio optimum of fine aggregate to coarse aggregate ranges from 0.2 to 0.35. It can be noticed that the optimum ratio of waste foundry sand concrete to fine aggregate is up to 0.4. Siddique et al.93 WFS into concrete as a sand replacement, up to 30%, consistently increased in strength. This improvement was attributed to two factors: the densification of the concrete matrix due to the presence of finer WFS particles and the silica content of WFS, which facilitated the formation of C–S–H gel22. Similarly, Pathariya et al.119 summarized similar findings, observing a consistent increase in strength even at higher replacement levels, specifically up to 60% of WFS. The study reported that the highest strength was achieved in the concrete mixture with 60% WFS. In another study, Singh et al.23 reported a maximum compressive strength at 15% replacement of FA with WFS. However, the SHAP analysis provided 25% of fine aggregate replacement with waste foundry sand. Moreover, the 1000SP/C value up to 5 demonstrated enhancement in CS; however, further addition showed no prominent trend. The age interaction plot demonstrates a positive correlation between the compressive strength of the concrete and its age. This is evident from the observed increase in SHAP values at the 365-day mark, indicating a higher contribution of age to the overall compressive strength. These results align with established knowledge in the field, where concrete gains strength over time due to ongoing hydration and the formation of robust cementitious bonds.
Similarly, the features interaction plots for elastic modulus are illustrated in Fig. 19. The elastic modulus of WFSC exhibits an upward trend with increasing age, as indicated by consistently higher positive SHAP values across various age values. This observation implies that the elastic modulus of WFSC gradually improves over time. For instance, Siddique et al.93 reported that the modulus of elasticity of the concrete mixes demonstrated a progressive increase over time, with the extent of the increase ranging from 5.2 to 12%, depending on the age of testing and WFS replacement. The optimum ratio of WFS to cement is 0.2 for maximum elastic modulus; however, a higher ratio reduces compressive strength, as shown in Fig. 19. Similarly, the optimum levels for CA/C and FA/TA are 2.25 and 0.3, respectively. Furthermore, WFS/FA content provides a higher SHAP value at approximately 0.35, indicating that the fine aggregate replacement with 25% of waste foundry sand improves elastic modulus. The literature reported an improvement in the elastic modulus when 35% of the fine aggregate is replaced with waste foundry sand24,88,96. The optimum water-to-cement ratio for gaining maximum elastic modulus is 0.48.
Furthermore, the features interaction plots for split tensile strength are given in Fig. 20. It can be observed that the optimum WFS/C content level of 0.2 achieved more split tensile strength. Moreover, the STS improves until the content level 3 for CA/C. The ratio of waste foundry sand to fine aggregate is 0.2 for achieving more enhanced split tensile strength. It indicated that replacing fine aggregate with 15% of waste foundry sand enhances the STS; however, a further increase may result in reduced split tensile strength of WFSC. Similar observations were found in experimental studies. For instance, Siddique et al.23 examined the incorporation of WFS as a partial replacement for fine aggregate in concrete. They conducted experiments using replacement ratios of 10%, 20%, and 30% and observed a consistent improvement in split tensile strength compared to the control concrete. The enhancements were found to be up to 12%, 14%, and 20%, respectively, corresponding to the respective replacement ratios. Furthermore, Guney et al.20 stated a strength increase when WFS was incorporated as a replacement in concrete. The study revealed that strength improvement was observed up to a 10% WFS replacement ratio. However, further substitution at a 15% level resulted in a subsequent decrease in split tensile strength.
Figures 21, 22, 23 provide local explanations for specific predictions through the SHAP force plot and the features interaction interpretation. The plot illustrates two selected instances to offer insights into the individual predictions. This visualization allows for a more focused analysis of the impact of different features on specific predictions, providing a detailed understanding of the factors driving those particular outcomes. In these plots, the bolded values show the output prediction obtained at a particular moment during the model’s training process.
The instance 1 force plot compressive strength illustrates that at the age of 7 days, the compressive strength of WFSC is very low, as indicated by the large blue width of the plot. In contrast, the WFSC gains more compressive strength at 90 days, as shown in Fig. 26b. Moreover, a WFC/C value of 0.38 (Fig. 21a) has a lower positive impact on CS than the content level of 0.22 (Fig. 21b). Similarly, the force plots of elastic modulus are provided in Fig. 22. Age similarly impacts elastic modulus, as indicated by age influence on the E value at 14 days (Fig. 22a) and 90 days (Fig. 22b). In addition, it can be noticed that a content level of 0.86 for WFS/Fa negatively influences the elastic modulus. Furthermore, the positive influence of the superplasticizer can be observed on split tensile strength when the content level of the superplasticizer increases from 0 to 5, as shown in Fig. 23.
In conclusion, the SHAP interpretation is in closer agreement with the outcomes of experimental studies, demonstrating its effectiveness in providing insights into the inner workings of machine learning algorithms. By employing post-hoc explanatory techniques like SHAP, the black-box nature of these models can be unraveled, facilitating a deeper understanding of their functioning even for non-technical individuals. This bridging the gap between technical and non-technical personnel holds promise for promoting transparency, trust, and wider adoption of machine learning models in civil engineering.
Limitations of the study and recommendation for future research
In the current study, a dataset comprising 397 records was employed to make forecasts for compressive strength, 146 records were utilized for predicting elastic modulus, and 242 records were used for split tensile strength predictions. To enhance model accuracy, future research could emphasize the integration of extra data from the literature. Expanding the database in this manner can improve predictive performance, thereby bolstering the models' robustness and reliability. Moreover, the developed models are only applicable to the considered variables and curing conditions, and deviation from these may necessitate further calibration or validation to ensure the models' reliability and accuracy. Future research might employ other hybrid ML approaches such as random forest with artificial neural networks (RF-ANN) and SVR with particle swarm optimization (SVR-PSO). The adoption of these hybrid approaches holds promise for further refining model precision and predictive capabilities. Furthermore, while the study employed the SHAP for model interpretability, alternate interpretability methods like local interpretable model-agnostic explanations (LIME) and partial dependence plots (PDP) could be applied to elucidate model predictions. Furthermore, it is highly recommended to investigate the ML methods prediction for durability assessment of waste foundry sand concrete.
Conclusion
The study presents the development of two standalone models, namely, support vector regression (SVR) and decision tree (DT) and an ensemble learning model (AR). Moreover, SVR was employed in conjunction with three robust optimization algorithms: the firefly algorithm (FFA), particle swarm optimization (PSO), and grey wolf optimization (GWO), to construct hybrid models. To develop these models, a comprehensive dataset consisting of 397 records for compressive strength (CS), 146 records for elastic modulus (E), and 242 records for split tensile strength (STS) was collected from experimental studies. The performance of the models was rigorously evaluated using diverse statistical metrics, and the interpretability of the model predictions was accomplished by implementing the SHAP technique. The major findings of the study are provided herein:
-
All the models developed in this study demonstrated commendable prediction accuracy in estimating the strength properties of WFSC. Notably, the ensemble and hybrid models showcased superior performance, surpassing the predictive accuracy of individual machine-learning models. This outcome underscores the effectiveness of ensemble and hybrid models to achieve excellent predictive capabilities, offering promising prospects for more accurate and reliable predictions for WFSC strength properties.
-
The SVR-GWO hybrid model demonstrated exceptional accuracy in predicting waste foundry sand concrete (WFSC) strength characteristics. The SVR-GWO hybrid model exhibited R-values of 0.999 for CS and E, and 0.998 for STS.
-
SHAP analysis revealed that age significantly influences estimating the strength properties of WFSC.
-
The SHAP interpretation of the data revealed that the maximum replacement of fine aggregate with waste foundry sand for achieving optimal results is about 25% for compressive strength and elastic modulus, and 15% for split tensile strength. These findings suggest that exceeding these respective replacement percentages may lead to a decline in the desired properties of concrete. It is essential to consider these thresholds when determining the appropriate content level of WFS to ensure the desired strength characteristics in concrete structures.
-
The application of these sophisticated soft computing prediction techniques holds the potential to stimulate the widespread adoption of WFS in sustainable concrete production, thereby fostering waste reduction and bolstering the adoption of environmentally conscious construction practices.
Data availability
Data is provided in supplementary information files.
References
Chen, W. et al. Adopting recycled aggregates as sustainable construction materials: A review of the scientific literature. Constr. Build. Mater. 218, 483–496. https://doi.org/10.1016/j.conbuildmat.2019.05.130 (2019).
Raut, S. P., Ralegaonkar, R. V. & Mandavgane, S. A. Development of sustainable construction material using industrial and agricultural solid waste: A review of waste-create bricks. Constr. Build. Mater. 25, 4037–4042. https://doi.org/10.1016/j.conbuildmat.2011.04.038 (2011).
Siddique, R. Utilization of silica fume in concrete: Review of hardened properties. Resour. Conserv. Recycl. 55, 923–932. https://doi.org/10.1016/j.resconrec.2011.06.012 (2011).
Hemalatha, T. & Ramaswamy, A. A review on fly ash characteristics—Towards promoting high volume utilization in developing sustainable concrete. J. Clean. Prod. 147, 546–559. https://doi.org/10.1016/j.jclepro.2017.01.114 (2017).
Behnood, A., Behnood, V. & Modiri Gharehveran, M. K. E. Alyamac, Prediction of the compressive strength of normal and high-performance concretes using M5P model tree algorithm. Constr. Build. Mater. 142, 199–207. https://doi.org/10.1016/j.conbuildmat.2017.03.061 (2017).
Thomas, B. S. Green concrete partially comprised of rice husk ash as a supplementary cementitious material—A comprehensive review. Renew. Sustain. Energy Rev. 82, 3913–3923. https://doi.org/10.1016/j.rser.2017.10.081 (2018).
Özbay, E., Erdemir, M. & Durmuş, H. İ. Utilization and efficiency of ground granulated blast furnace slag on concrete properties—A review. Constr. Build. Mater. 105, 423–434. https://doi.org/10.1016/j.conbuildmat.2015.12.153 (2016).
Verian, K. P. & Behnood, A. Effects of deicers on the performance of concrete pavements containing air-cooled blast furnace slag and supplementary cementitious materials. Cem. Concr. Compos. 90, 27–41. https://doi.org/10.1016/j.cemconcomp.2018.03.009 (2018).
Lu, J.-X., Yan, X., He, P. & Poon, C. S. Sustainable design of pervious concrete using waste glass and recycled concrete aggregate. J. Clean. Prod. 234, 1102–1112. https://doi.org/10.1016/j.jclepro.2019.06.260 (2019).
Behnood, A., Olek, J. & Glinicki, M. A. Predicting modulus elasticity of recycled aggregate concrete using M5′ model tree algorithm. Constr. Build. Mater. 94, 137–147. https://doi.org/10.1016/j.conbuildmat.2015.06.055 (2015).
Duan, Z. H., Kou, S. C. & Poon, C. S. Prediction of compressive strength of recycled aggregate concrete using artificial neural networks. Constr. Build. Mater. 40, 1200–1206. https://doi.org/10.1016/j.conbuildmat.2012.04.063 (2013).
Iqbal, M. F. et al. Prediction of mechanical properties of green concrete incorporating waste foundry sand based on gene expression programming. J. Hazard. Mater. 384, 121322. https://doi.org/10.1016/j.jhazmat.2019.121322 (2020).
Chen, L. et al. Development of predictive models for sustainable concrete via genetic programming-based algorithms. J. Mater. Res. Technol. 24, 6391–6410. https://doi.org/10.1016/j.jmrt.2023.04.180 (2023).
Siddika, A. et al. Properties and utilizations of waste tire rubber in concrete: A review. Constr. Build. Mater. 224, 711–731. https://doi.org/10.1016/j.conbuildmat.2019.07.108 (2019).
Strukar, K., Kalman Šipoš, T., Miličević, I. & Bušić, R. Potential use of rubber as aggregate in structural reinforced concrete element—A review. Eng. Struct. 188, 452–468. https://doi.org/10.1016/j.engstruct.2019.03.031 (2019).
Juan-Valdés, A. et al. Mechanical and microstructural properties of recycled concretes mixed with ceramic recycled cement and secondary recycled aggregates. A viable option for future concrete. Constr. Build. Mater. 270, 121455. https://doi.org/10.1016/j.conbuildmat.2020.121455 (2021).
Alonso-Santurde, R., Coz, A., Viguri, J. R. & Andrés, A. Recycling of foundry by-products in the ceramic industry: Green and core sand in clay bricks. Constr. Build. Mater. 27, 97–106. https://doi.org/10.1016/j.conbuildmat.2011.08.022 (2012).
Navarro-Blasco, Í., Fernández, J. M., Duran, A., Sirera, R. & Álvarez, J. I. A novel use of calcium aluminate cements for recycling waste foundry sand (WFS). Constr. Build. Mater. 48, 218–228. https://doi.org/10.1016/j.conbuildmat.2013.06.071 (2013).
Liu, Y. et al. Recycling drinking water treatment sludge into eco-concrete blocks with CO2 curing: Durability and leachability. Sci. Total Environ. 746, 141182. https://doi.org/10.1016/j.scitotenv.2020.141182 (2020).
Guney, Y., Sari, Y. D., Yalcin, M., Tuncan, A. & Donmez, S. Re-usage of waste foundry sand in high-strength concrete. Waste Manag. 30, 1705–1713. https://doi.org/10.1016/j.wasman.2010.02.018 (2010).
Manoharan, T., Laksmanan, D., Mylsamy, K., Sivakumar, P. & Sircar, A. Engineering properties of concrete with partial utilization of used foundry sand. Waste Manag. 71, 454–460. https://doi.org/10.1016/j.wasman.2017.10.022 (2018).
Siddique, R., Aggarwal, Y., Aggarwal, P., Kadri, E.-H. & Bennacer, R. Strength, durability, and micro-structural properties of concrete made with used-foundry sand (UFS). Constr. Build. Mater. 25, 1916–1925. https://doi.org/10.1016/j.conbuildmat.2010.11.065 (2011).
Singh, G. & Siddique, R. Effect of waste foundry sand (WFS) as partial replacement of sand on the strength, ultrasonic pulse velocity and permeability of concrete. Constr. Build. Mater. 26, 416–422. https://doi.org/10.1016/j.conbuildmat.2011.06.041 (2012).
Singh, G. & Siddique, R. Abrasion resistance and strength properties of concrete containing waste foundry sand (WFS). Constr. Build. Mater. 28, 421–426. https://doi.org/10.1016/j.conbuildmat.2011.08.087 (2012).
Siddique, R., Singh, G., Belarbi, R. & Ait-Mokhtar, K. Kunal, Comparative investigation on the influence of spent foundry sand as partial replacement of fine aggregates on the properties of two grades of concrete. Constr. Build. Mater. 83, 216–222. https://doi.org/10.1016/j.conbuildmat.2015.03.011 (2015).
Siddique, R. & Noumowe, A. Utilization of spent foundry sand in controlled low-strength materials and concrete. Resour. Conserv. Recycl. 53, 27–35. https://doi.org/10.1016/j.resconrec.2008.09.007 (2008).
Mroueh, U.-M. & Wahlström, M. By-products and recycled materials in earth construction in Finland—An assessment of applicability. Resour. Conserv. Recycl. 35, 117–129. https://doi.org/10.1016/S0921-3449(01)00126-4 (2002).
Rafat Siddique, E.-H. K. Properties of high-volume fly ash concrete reinforced with natural fibres. IJS. 1–13 (2015).
Kaur, G., Siddique, R. & Rajor, A. Properties of concrete containing fungal treated waste foundry sand. Constr. Build. Mater. 29, 82–87. https://doi.org/10.1016/j.conbuildmat.2011.08.091 (2012).
Etxeberria, M., Pacheco, C., Meneses, J. M. & Berridi, I. Properties of concrete using metallurgical industrial by-products as aggregates. Constr. Build. Mater. 24, 1594–1600. https://doi.org/10.1016/j.conbuildmat.2010.02.034 (2010).
Quan Tran, V., Quoc Dang, V. & Si Ho, L. Evaluating compressive strength of concrete made with recycled concrete aggregates using machine learning approach. Constr. Build. Mater. 323, 126578. https://doi.org/10.1016/j.conbuildmat.2022.126578 (2022).
Dzięcioł, J. & Sas, W. Perspective on the application of machine learning algorithms for flow parameter estimation in recycled concrete aggregate. Materials (Basel). 16, 1500. https://doi.org/10.3390/ma16041500 (2023).
Alyousef, R. et al. Machine learning-driven predictive models for compressive strength of steel fiber reinforced concrete subjected to high temperatures. Case Stud. Constr. Mater. 19, e02418. https://doi.org/10.1016/j.cscm.2023.e02418 (2023).
Huang, J. S., Liew, J. X. & Liew, K. M. Data-driven machine learning approach for exploring and assessing mechanical properties of carbon nanotube-reinforced cement composites. Compos. Struct. 267, 113917. https://doi.org/10.1016/j.compstruct.2021.113917 (2021).
Yang, D. et al. Compressive strength prediction of concrete blended with carbon nanotubes using gene expression programming and random forest: Hyper-tuning and optimization. J. Mater. Res. Technol. 24, 7198–7218. https://doi.org/10.1016/j.jmrt.2023.04.250 (2023).
Rahmati, M. & Toufigh, V. Evaluation of geopolymer concrete at high temperatures: An experimental study using machine learning. J. Clean. Prod. 372, 133608. https://doi.org/10.1016/j.jclepro.2022.133608 (2022).
Nguyen, K. T., Nguyen, Q. D., Le, T. A., Shin, J. & Lee, K. Analyzing the compressive strength of green fly ash based geopolymer concrete using experiment and machine learning approaches. Constr. Build. Mater. 247, 118581. https://doi.org/10.1016/j.conbuildmat.2020.118581 (2020).
Nafees, A. et al. Modeling of mechanical properties of silica fume-based green concrete using machine learning techniques. Polymers (Basel). 14, 30. https://doi.org/10.3390/polym14010030 (2021).
Khursheed, S., Jagan, J., Samui, P. & Kumar, S. Compressive strength prediction of fly ash concrete by using machine learning techniques. Innov. Infrastruct. Solut. 6, 149. https://doi.org/10.1007/s41062-021-00506-z (2021).
Kioumarsi, M., Dabiri, H., Kandiri, A. & Farhangi, V. Compressive strength of concrete containing furnace blast slag; Optimized machine learning-based models. Clean. Eng. Technol. 13, 100604. https://doi.org/10.1016/j.clet.2023.100604 (2023).
Van Dao, D., Ly, H.-B., Vu, H.-L.T., Le, T.-T. & Pham, B. T. Investigation and optimization of the C-ANN structure in predicting the compressive strength of foamed concrete. Materials (Basel). 13, 1072. https://doi.org/10.3390/ma13051072 (2020).
Abu Yaman, M., Abd Elaty, M. & Taman, M. Predicting the ingredients of self compacting concrete using artificial neural network. Alexandria Eng. J. 56, 523–532. https://doi.org/10.1016/j.aej.2017.04.007 (2017).
Farooq, F. et al. A comparative study for the prediction of the compressive strength of self-compacting concrete modified with fly ash. Materials (Basel). 14, 4934. https://doi.org/10.3390/ma14174934 (2021).
Sun, J. et al. Prediction of permeability and unconfined compressive strength of pervious concrete using evolved support vector regression. Constr. Build. Mater. 207, 440–449. https://doi.org/10.1016/j.conbuildmat.2019.02.117 (2019).
Khan, A. et al. Predictive modeling for depth of wear of concrete modified with fly ash: A comparative analysis of genetic programming-based algorithms. Case Stud. Constr. Mater. https://doi.org/10.1016/j.cscm.2023.e02744 (2023).
Khan, M. et al. Intelligent prediction modeling for flexural capacity of FRP-strengthened reinforced concrete beams using machine learning algorithms. Heliyon https://doi.org/10.1016/j.heliyon.2023.e23375 (2023).
Khan, M. et al. Forecasting the strength of graphene nanoparticles-reinforced cementitious composites using ensemble learning algorithms. Results Eng. 21, 101837. https://doi.org/10.1016/j.rineng.2024.101837 (2024).
Alyami, M. et al. Predictive modeling for compressive strength of 3D printed fiber-reinforced concrete using machine learning algorithms. Case Stud. Constr. Mater. https://doi.org/10.1016/j.cscm.2023.e02728 (2023).
Groşan, M. O. C. Evolving Evolutionary Algorithms Using Multi Expression Programming, Part Lect. Notes Comput. Sci. B. Ser, vol. 2801 (LNAI, 2003).
Behnood, A. & Golafshani, E. M. Machine learning study of the mechanical properties of concretes containing waste foundry sand. Constr. Build. Mater. 243, 118152. https://doi.org/10.1016/j.conbuildmat.2020.118152 (2020).
Tavana Amlashi, A. et al. AI-based formulation for mechanical and workability properties of eco-friendly concrete made by waste foundry sand. J. Mater. Civ. Eng. 33, 11. https://doi.org/10.1061/(ASCE)MT.1943-5533.0003645 (2021).
Janiesch, C., Zschech, P. & Heinrich, K. Machine learning and deep learning. Electron. Mark. 31, 685–695. https://doi.org/10.1007/s12525-021-00475-2 (2021).
Linardatos, P., Papastefanopoulos, V. & Kotsiantis, S. Explainable AI: A review of machine learning interpretability methods. Entropy. 23, 18. https://doi.org/10.3390/e23010018 (2020).
Moayedi, H. & Mosavi, A. A water cycle-based error minimization technique in predicting the bearing capacity of shallow foundation. Eng. Comput. 38, 3993–4006. https://doi.org/10.1007/s00366-021-01289-8 (2022).
Ehteram, M., Panahi, F., Ahmed, A. N., Mosavi, A. H. & El-Shafie, A. Inclusive multiple model using hybrid artificial neural networks for predicting evaporation. Front. Environ. Sci. https://doi.org/10.3389/fenvs.2021.789995 (2022).
Dehghan Manshadi, M., Ghassemi, M., Mousavi, S. M., Mosavi, A. H. & Kovacs, L. Predicting the parameters of vortex bladeless wind turbine using deep learning method of long short-term memory. Energies. 14, 4867. https://doi.org/10.3390/en14164867 (2021).
Asif, U. et al. Predicting the mechanical properties of plastic concrete: An optimization method by using genetic programming and ensemble learners. Case Stud. Constr. Mater. 20, e03135. https://doi.org/10.1016/j.cscm.2024.e03135 (2024).
Javed, M. F., Khan, M., Nehdi, M. L. & Abuhussain, M. Application of metaheuristic algorithms for compressive strength prediction of steel fiber reinforced concrete exposed to high temperatures. Mater. Today Commun. https://doi.org/10.1016/j.mtcomm.2024.108832 (2024).
Yang, L., Liu, S., Tsoka, S. & Papageorgiou, L. G. A regression tree approach using mathematical programming. Expert Syst. Appl. 78, 347–357. https://doi.org/10.1016/j.eswa.2017.02.013 (2017).
Nguyen, T., Kashani, A., Ngo, T. & Bordas, S. Deep neural network with high-order neuron for the prediction of foamed concrete strength. Comput. Civ. Infrastruct. Eng. 34, 316–332. https://doi.org/10.1111/mice.12422 (2019).
Gandomi, A. H., Alavi, A. H., Mirzahosseini, M. R. & Nejad, F. M. Nonlinear genetic-based models for prediction of flow number of asphalt mixtures. J. Mater. Civ. Eng. 23, 248–263. https://doi.org/10.1061/(ASCE)MT.1943-5533.0000154 (2011).
Nazar, S., Yang, J., Ahmad, A. & Shah, S. F. A. Comparative study of evolutionary artificial intelligence approaches to predict the rheological properties of fresh concrete. Mater. Today Commun. 32, 103964. https://doi.org/10.1016/j.mtcomm.2022.103964 (2022).
Pisner, D. A. & Schnyer, D. M. Support vector machine. Mach. Learn. https://doi.org/10.1016/B978-0-12-815739-8.00006-7 (2020).
Aiyer, B. G., Kim, D., Karingattikkal, N., Samui, P. & Rao, P. R. Prediction of compressive strength of self-compacting concrete using least square support vector machine and relevance vector machine. KSCE J. Civ. Eng. 18, 1753–1758. https://doi.org/10.1007/s12205-014-0524-0 (2014).
Yan, K. & Shi, C. Prediction of elastic modulus of normal and high strength concrete by support vector machine. Constr. Build. Mater. 24, 1479–1485. https://doi.org/10.1016/j.conbuildmat.2010.01.006 (2010).
Sonebi, M., Cevik, A., Grünewald, S. & Walraven, J. Modelling the fresh properties of self-compacting concrete using support vector machine approach. Constr. Build. Mater. 106, 55–64. https://doi.org/10.1016/j.conbuildmat.2015.12.035 (2016).
Yan, K., Xu, H., Shen, G. & Liu, P. Prediction of splitting tensile strength from cylinder compressive strength of concrete by support vector machine. Adv. Mater. Sci. Eng. 2013, 1–13. https://doi.org/10.1155/2013/597257 (2013).
Ling, H., Qian, C., Kang, W., Liang, C. & Chen, H. Combination of Support Vector Machine and K-Fold cross validation to predict compressive strength of concrete in marine environment. Constr. Build. Mater. 206, 355–363. https://doi.org/10.1016/j.conbuildmat.2019.02.071 (2019).
Kennedy, J., Eberhart, R. Particle swarm optimization. In Proc. ICNN’95—Int. Conf. Neural Networks, 1942–1948 (IEEE). https://doi.org/10.1109/ICNN.1995.488968.
Poli, R., Kennedy, J. & Blackwell, T. Particle swarm optimization. Swarm Intell. 1, 33–57. https://doi.org/10.1007/s11721-007-0002-0 (2007).
Yang, X.-S., Deb, S. Eagle Strategy Using Lévy Walk and Firefly Algorithms for Stochastic Optimization 101–111 (2010). https://doi.org/10.1007/978-3-642-12538-6_9.
Gandomi, A. H., Yang, X.-S., Talatahari, S. & Alavi, A. H. Firefly algorithm with chaos. Commun. Nonlinear Sci. Numer. Simul. 18, 89–98. https://doi.org/10.1016/j.cnsns.2012.06.009 (2013).
Mirjalili, S., Mirjalili, S. M. & Lewis, A. Grey Wolf optimizer. Adv. Eng. Softw. 69, 46–61. https://doi.org/10.1016/j.advengsoft.2013.12.007 (2014).
Muro, C., Escobedo, R., Spector, L. & Coppinger, R. P. Wolf-pack (Canis lupus) hunting strategies emerge from simple rules in computational simulations. Behav. Process. 88, 192–197. https://doi.org/10.1016/j.beproc.2011.09.006 (2011).
Jadhav, A. C. & Tande, S. S. S. N. Beneficial reuse of waste foundry sand in concrete. Int. J. Sci. Res. Publ. 7, 74–95 (2017).
Gurumoorthy, N. & Arunachalam, K. Micro and mechanical behaviour of treated used foundry sand concrete. Constr. Build. Mater. 123, 184–190. https://doi.org/10.1016/j.conbuildmat.2016.06.143 (2016).
Sowmya, M. Mixing of waste foundry sand in concrete. Int. J. Eng. Res. Sci. Technol. 4, 322–335 (2015).
Khatib, C. B., Baig, J. S., Bougara, A. Foundry sand utilisation in concrete production. In Proc., 2nd Int. Conf. Sustain. Constr. Mater. Technol. Coventry, UK Coven_try Univ (2010).
Yang, L. & Shami, A. On hyperparameter optimization of machine learning algorithms: Theory and practice. Neurocomputing. 415, 295–316. https://doi.org/10.1016/j.neucom.2020.07.061 (2020).
Khatib, J. M., Herki, B. A. & Kenai, S. Capillarity of concrete incorporating waste foundry sand. Constr. Build. Mater. 47, 867–871. https://doi.org/10.1016/j.conbuildmat.2013.05.013 (2013).
Nithya, G. K. A. M., Priya, A. K. & Muthukumaran, R. Properties of concrete containing waste foundry sand for partial replacement of fine aggregate in concrete, Indian. J. Eng. Mater. Sci. 24, 162–166 (2017).
Siddique, R., Singh, G. & Singh, M. Recycle option for metallurgical by-product (Spent Foundry Sand) in green concrete for sustainable construction. J. Clean. Prod. 172, 1111–1120. https://doi.org/10.1016/j.jclepro.2017.10.255 (2018).
Sastry, K. V. S. G. K., Ravitheja, A. & Reddy, T. C. S. Effect of foundry sand and mineral admixtures on mechanical properties of concrete. Arch. Civ. Eng. 64, 117–131. https://doi.org/10.2478/ace-2018-0008 (2018).
Kumar, D. R. A. Performance of concrete using paper sludge ash and foundry sand. Int. J. Innov. Res. Sci. Eng. Technol. 5, 171–176 (2016).
Naik, T. R., Patel, V. M., Parikh, D. M. & Tharaniyil, M. P. Utilization of used foundry sand in concrete. J. Mater. Civ. Eng. 6, 254–263. https://doi.org/10.1061/(ASCE)0899-1561(1994)6:2(254) (1994).
Monosi, S., Tittarelli, F., Giosuè, C. & Ruello, M. L. Effect of two different sources and washing treatment on the properties of UFS by-products for mortar and concrete production. Constr. Build. Mater. 44, 260–266. https://doi.org/10.1016/j.conbuildmat.2013.02.029 (2013).
Patil, K.P. R., Mehetre, P. Development of concrete with partial replacement of fine aggregate by waste foundry sand. In Int. Conf. Recent Trends Eng. Techonology, vol. 2, 581–587. (Paris World Acad. Sci. Eng. Technol., 2015).
Basar, H. M. & Deveci Aksoy, N. The effect of waste foundry sand (WFS) as partial replacement of sand on the mechanical, leaching and micro-structural characteristics of ready-mixed concrete. Constr. Build. Mater. 35, 508–515. https://doi.org/10.1016/j.conbuildmat.2012.04.078 (2012).
Gurumoorthy, N. & Arunachalam, K. Durability studies on concrete containing treated used foundry sand. Constr. Build. Mater. 201, 651–661. https://doi.org/10.1016/j.conbuildmat.2019.01.014 (2019).
de Martins, M. A. B., Barros, R. M., Silva, G. & dos Santos, I. F. S. Study on waste foundry exhaust sand, WFES, as a partial substitute of fine aggregates in conventional concrete. Sustain. Cities Soc. 45, 187–196. https://doi.org/10.1016/j.scs.2018.11.017 (2019).
Siddique, R. & Kadri, E.-H. Effect of metakaolin and foundry sand on the near surface characteristics of concrete. Constr. Build. Mater. 25, 3257–3266. https://doi.org/10.1016/j.conbuildmat.2011.03.012 (2011).
Mavroulidou, M. & Lawrence, D. Can waste foundry sand fully replace structural concrete sand?. J. Mater. Cycles Waste Manag. 21, 594–605. https://doi.org/10.1007/s10163-018-00821-1 (2019).
Siddique, R., de Schutter, G. & Noumowe, A. Effect of used-foundry sand on the mechanical properties of concrete. Constr. Build. Mater. 23, 976–980. https://doi.org/10.1016/j.conbuildmat.2008.05.005 (2009).
Konapure, C. G. Effect of industrial waste foundry sand as fine aggregate on concrete. Int. J. Curr. Eng. Technol. 4, 2782–2786 (2015).
Salokhe, E. P. Application of foundry waste sand in manufacture of concrete. IOSR J. Mech. Civ. Eng. 1684–2278 (2014).
Ganesh Prabhu, G., Hyun, J. H. & Kim, Y. Y. Effects of foundry sand as a fine aggregate in concrete production. Constr. Build. Mater. 70, 514–521. https://doi.org/10.1016/j.conbuildmat.2014.07.070 (2014).
Singh, G. Strength and Durability Studies of Concrete Containing Waste Foundry Sand (Thapar University, 2013).
Pathariya Saraswati, A. P. P. A. N. C., Rana Jaykrushna, K., Shah Palas, A. & Mehta Jay, G. Application of waste foundry sand for evolution of low cost concrete. Int. J. Eng. Trends Technol. 4, 416–422 (2013).
Kaur, G., Siddique, R. & Rajor, A. Micro-structural and metal leachate analysis of concrete made with fungal treated waste foundry sand. Constr. Build. Mater. 38, 94–100. https://doi.org/10.1016/j.conbuildmat.2012.07.112 (2013).
Torres, A., Bartlett, L. & Pilgrim, C. Effect of foundry waste on the mechanical properties of Portland Cement Concrete. Constr. Build. Mater. 135, 674–681. https://doi.org/10.1016/j.conbuildmat.2017.01.028 (2017).
Abellán-García, J. Four-layer perceptron approach for strength prediction of UHPC. Constr. Build. Mater. 256, 119465. https://doi.org/10.1016/j.conbuildmat.2020.119465 (2020).
Khan, M. A. et al. Simulation of depth of wear of eco-friendly concrete using machine learning based computational approaches. Materials (Basel). 15, 58. https://doi.org/10.3390/ma15010058 (2021).
Khan, S. et al. Predicting the ultimate axial capacity of uniaxially loaded CFST columns using multiphysics artificial intelligence. Materials (Basel). 15, 39. https://doi.org/10.3390/ma15010039 (2021).
Puth, M.-T., Neuhäuser, M. & Ruxton, G. D. Effective use of Pearson’s product–moment correlation coefficient. Anim. Behav. 93, 183–189. https://doi.org/10.1016/j.anbehav.2014.05.003 (2014).
Jalal, F. E., Xu, Y., Iqbal, M., Jamhiri, B. & Javed, M. F. Predicting the compaction characteristics of expansive soils using two genetic programming-based algorithms. Transp. Geotech. 30, 100608. https://doi.org/10.1016/j.trgeo.2021.100608 (2021).
Smith, G. N. Probability and statistics in civil engineering. In Collins Professional and Technical Books 244 (1986).
Emamgholizadeh, S. et al. Estimation of soil dispersivity using soft computing approaches. Neural Comput. Appl. 28, 207–216. https://doi.org/10.1007/s00521-016-2320-x (2017).
Golbraikh, A. & Tropsha, A. Beware of q2!. J. Mol. Graph. Model. 20, 269–276. https://doi.org/10.1016/S1093-3263(01)00123-1 (2002).
Ashrafian, A., Shokri, F., Taheri Amiri, M. J., Yaseen, Z. M. & Rezaie-Balf, M. Compressive strength of Foamed Cellular Lightweight Concrete simulation: New development of hybrid artificial intelligence model. Constr. Build. Mater. 230, 117048. https://doi.org/10.1016/j.conbuildmat.2019.117048 (2020).
Roy, P. P. & Roy, K. On some aspects of variable selection for partial least squares regression models. QSAR Comb. Sci. 27, 302–313. https://doi.org/10.1002/qsar.200710043 (2008).
Lundberg, S. M., Lee, S.-I. A unified approach to interpreting model predictions. In NeurIPS Proceedings (2017).
Lundberg, S. M. et al. From local explanations to global understanding with explainable AI for trees. Nat. Mach. Intell. 2, 56–67. https://doi.org/10.1038/s42256-019-0138-9 (2020).
Lundberg, S. M., Erion, G. G. Consistent Individualized Feature Attribution for Tree Ensembles, arXiv preprint arXiv:1802.03888 (2018).
Iqbal, M., Zhang, D., Jalal, F. E. & Faisal Javed, M. Computational AI prediction models for residual tensile strength of GFRP bars aged in the alkaline concrete environment. Ocean Eng. 232, 109134. https://doi.org/10.1016/j.oceaneng.2021.109134 (2021).
Nafees, A. et al. Predictive modeling of mechanical properties of silica fume-based green concrete using artificial intelligence approaches: MLPNN, ANFIS, and GEP. Materials (Basel). 14, 7531. https://doi.org/10.3390/ma14247531 (2021).
Nasir Amin, M. et al. Prediction model for rice husk ash concrete using AI approach: Boosting and bagging algorithms. Structures. 50, 745–757. https://doi.org/10.1016/j.istruc.2023.02.080 (2023).
Iqtidar, A. et al. Prediction of compressive strength of rice husk ash concrete through different machine learning processes. Crystals. 11, 352. https://doi.org/10.3390/cryst11040352 (2021).
Althoey, F. et al. Machine learning based computational approach for crack width detection of self-healing concrete. Case Stud. Constr. Mater. 17, e01610. https://doi.org/10.1016/j.cscm.2022.e01610 (2022).
Pathariya Saraswati, C., Rana Jaykrushna, K., Shah Palas, A. & Mehta Jay, G. Application of waste foundry sand for evolution of low-cost concrete. Int. J. Eng. Trends Technol. 4, 416–422 (2013).
Funding
Open access funding provided by Lulea University of Technology.
Author information
Authors and Affiliations
Contributions
M.F.J: Conceptualization, formal analysis, visualization, writing—original draft. M.K: validation, visualization, software, writing—original draft, M.F: Data curation, formal analysis, methodology, project administration, resources, validation, writing—review and editing. H.A: Supervision, software, methodology, writing—original draft. T.N: Resources, funding acquisition, writing—review and editing, investigation. Y.G: Project administration, writing—review and editing, software, funding acquisition.
Corresponding authors
Ethics declarations
Competing interests
The authors declare no competing interests.
Additional information
Publisher's note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.
Supplementary Information
Rights and permissions
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/.
About this article
Cite this article
Javed, M.F., Khan, M., Fawad, M. et al. Comparative analysis of various machine learning algorithms to predict strength properties of sustainable green concrete containing waste foundry sand. Sci Rep 14, 14617 (2024). https://doi.org/10.1038/s41598-024-65255-2
Received:
Accepted:
Published:
DOI: https://doi.org/10.1038/s41598-024-65255-2
Keywords
This article is cited by
-
Prediction of ultimate strength and strain in FRP wrapped oval shaped concrete columns using machine learning
Scientific Reports (2025)
-
Hydraulic Performance Modeling of Inclined Double Cutoff Walls Beneath Hydraulic Structures Using Optimized Ensemble Machine Learning
Scientific Reports (2025)
-
Predictive modeling for compressive strength of blended cement concrete using hybrid machine learning models
Multiscale and Multidisciplinary Modeling, Experiments and Design (2025)
-
Machine learning-based prediction of shear strength in interior beam-column joints
Discover Applied Sciences (2025)
-
Optimizing compressive strength prediction in eco-friendly recycled concrete via artificial intelligence models
Multiscale and Multidisciplinary Modeling, Experiments and Design (2025)