skip to Main Content
Optimizing-sustainable-blended-concrete-mixes-using-deep-learning-and-multi-objective-optimization

Optimizing sustainable blended concrete mixes using deep learning and multi-objective optimization

Introduction

Growing environmental concerns and depletion of natural resources have prompted a global shift toward sustainable construction practices. Concrete remains the most widely used construction material due to its versatility and structural efficiency1,2, but conventional concrete relies heavily on cement-a material whose production is both energy-intensive and carbon-intensive. Cement manufacturing alone accounts for approximately 7% of global CO(_2) emissions, as reported by the International Energy Agency. Consequently, researchers and practitioners are increasingly exploring ways to reduce concrete’s environmental footprint through improved material selection, mix design, and predictive modeling3.

One promising approach to sustainability is the development of “green concrete,” a broad term encompassing mixes that aim to reduce environmental impact through optimized use of materials. In this study, we adopt a working definition of green concrete as concrete that (i) minimizes cement content, (ii) incorporates supplementary cementitious materials (SCMs) such as fly ash and blast furnace slag, and (iii) is optimized to meet performance goals with lower cost and carbon intensity. While some literature associates green concrete exclusively with geopolymer systems, other studies-including4,5,6-have applied the term to Portland-based systems with SCMs, reflecting a broader and widely accepted interpretation. A clarifying note has been added to reflect this distinction.

Traditional concrete mix design methods rely on trial-and-error, which can be time-consuming and inefficient when navigating trade-offs among performance, cost, and sustainability. In contrast, recent advances in computational modeling enable more data-driven decision-making. Machine learning (ML) and deep learning (DL) techniques can uncover complex nonlinear relationships between input features (e.g., ingredient quantities, age, SCM content) and target outputs such as compressive strength or durability metrics. Such tools are increasingly used to support optimized mix design and sustainability assessment.

Recent investigations present multiple approaches for enhancing concrete sustainability by integrating performance-focused optimization with sophisticated computational algorithms. Genetic algorithms, for instance, have been utilized to determine optimal mix proportions that improve mechanical properties and reduce cement demand, although striking a perfect balance between cost and ecological footprint remains challenging7. Other studies turn to fuzzy logic and multi-criteria decision-making to handle conflicting design criteria. Moreover, artificial intelligence (AI) has gained substantial momentum in the domain of sustainable concrete research. AI-driven frameworks harness machine learning and multi-objective optimization to optimize mechanical, environmental, and economic outcomes.

Several influential studies illustrate these advances in green concrete mix design. Golafshani, Kim, et al.4 utilized artificial intelligence to analyze and optimize recycled aggregate concrete (RAC) mixtures, highlighting AI’s capacity to address both performance and sustainability. Likewise, Faridmehr et al.6 developed AI-based optimization schemes to improve ready-mix concrete strength, reduce carbon dioxide emissions, and manage overall costs. Ali et al.8 conducted a systematic literature review of AI-driven prediction methods in self-compacting and geopolymer concretes, emphasizing the benefits of data-driven optimization for eco-friendly concrete variants. In another study, Zandifaez et al.9 examined the performance of green concrete with recycled aggregates using AI-based predictive modeling and optimization strategies. Their findings show how AI approaches forecast concrete properties and ensure efficient usage of raw materials. Additionally, Liu et al.5 introduced a machine learning-based framework that leverages data to optimize the mechanical, economic, and environmental features of sustainable recycled aggregate concrete. These studies collectively highlight the transformative potential of AI and multi-objective optimization for constructing high-performance yet environmentally responsible concrete.

Beyond compressive strength, similar modeling approaches are increasingly found in the study of advanced or specialized applications involving structural members and other mechanical properties. For instance,10 proposed using four meta-heuristic algorithms combined with two types of artificial neural networks to optimize the parameters for FRP strength predictions.11 applied machine learning regression approaches for predicting the ultimate buckling load of variable-stiffness composite cylinders, demonstrating that deep learning models can yield smaller errors and higher generalization compared with other algorithms.

Moreover,12 focused on high-strength steel columns, employing metaheuristic-trained artificial neural networks to accurately estimate the ultimate buckling load. Their work showed that effectively tuned models can achieve high precision (up to 99.8% correlation), underscoring the viability of combining metaheuristics with neural networks. In the realm of concrete mixtures,13 investigated M5’ and MARS-based predictive models for self-compacting concrete containing fly ash as a cement replacement, highlighting the importance of rule-based methods and adaptive regression splines for improved prediction accuracy and interpretability. Earlier,14 implemented backpropagation neural networks (BPNNs) for predicting the moment-rotation characteristics of semi-rigid connections, demonstrating how neural networks can effectively replace time-consuming finite element analyses for certain structural problems.

Recent research has also expanded into enhanced activation functions.15 employed an Exponential Rectified Linear Unit (eReLU) in BPNNs to predict the load-carrying capacity of columns. Their findings revealed improved predictive accuracy and robustness, especially when combined with a comprehensive feature importance analysis using SHAP (SHapley Additive exPlanations). In another study,16 integrated machine learning models and global sensitivity analysis to predict flexural strength in recycled aggregate-based concrete, showcasing how global sensitivity measures can highlight the influence of key input parameters in complex, sustainability-oriented mix designs. Similarly,17 presented ML-based predictions for concrete strength properties using coconut shell as partial coarse aggregate replacement, providing a more sustainable approach with minimal compromise on performance. Finally,18 investigated advanced models such as KNN, M5P, and Gradient Boosting to predict the flow of fly ash and blast furnace slag-based concrete, concluding that accurate flow prediction depends strongly on aggregate composition and water content.

Although these techniques provide significant insights, they often entail high computational expenses or rest on narrow assumptions, making practical adoption difficult. Deep learning, which has progressed considerably since the early backpropagation research19, displays promising capabilities in refining prediction accuracy and guiding complex optimization tasks. In particular, neural networks can manage diverse datasets and abstract important patterns to predict mechanical behavior more effectively than many traditional or shallow learning methods.

The current study proposes a unified framework wherein a deep learning model predicts the compressive strength of concrete mixes, while a multi-objective optimization routine seeks to maximize concrete strength, minimize overall costs, and reduce cement usage. This integrated setup harnesses neural networks for learning from existing data and employs multi-objective algorithms to handle conflicting targets methodically. Such an approach promotes data-driven decision-making that addresses both structural performance requirements and environmental sustainability. It also demonstrates practical value for industry stakeholders who need consistent and reproducible outcomes across differing material sources and field conditions.

The primary objectives of the study includes:

  • Develop a deep learning-based predictive model for compressive strength using multiple concrete mix parameters.

  • Integrate multi-objective optimization to minimize cost and cement usage while maintaining or improving strength.

  • Validate the proposed framework under various design scenarios and highlight its potential for reducing carbon emissions.

  • Provide insights and recommendations to researchers and industry practitioners for practical adoption in construction projects.

This paper is organized into clearly defined sections reflecting the logical flow of the research. Section “Exploratory data analysis” covers detailed dataset analysis and visualization of variables and their results. Section “Methodology” provides a comprehensive explanation of the methodology, including details on data handling, model formulation, and optimization procedures. Section “Results and discussion” describes the experimental outcomes and presents the optimized concrete mix designs, followed by a critical analysis of strengths and limitations. Section “Conclusion” offers conclusions drawn from the study and suggests directions for future research.

Exploratory data analysis

The foundation of any robust machine learning model lies in the quality and comprehensiveness of the dataset utilized. In this study, the dataset was meticulously compiled from various experimental studies documented in the existing literature, resulting in a comprehensive single dataset suitable for analysis20,21. The dataset comprises a total of 1,133 samples, each characterized by nine numerical attributes: Cement, Blast Furnace Slag, Fly Ash, Water, Superplasticizer, Coarse Aggregate, Fine Aggregate, Age, and Compressive Strength. Among these, Compressive Strength serves as the output variable, while the remaining eight variables act as input features influencing the strength of concrete.

Variable description and units

Understanding the variables involved is crucial for interpreting the results and ensuring the relevance of the analysis to practical applications. Table 1 provides a detailed description of each variable, including their respective units and a brief description of their role in the concrete mix design.

Table 1 Variable names, units, and descriptions.

Full size table

Descriptive analysis

The descriptive statistics presented in Table 2 offer valuable insights into the distribution and variability of each variable within the dataset. Furthermore, Table 2 presents a comprehensive descriptive analysis of the dataset, highlighting key statistical measures for each variable. These measures include the mean, standard deviation, minimum and maximum values, variance, skewness, kurtosis, first quartile (Q1), third quartile (Q3), and the interquartile range (IQR). For instance, the mean cement content is 276.50 kg/m(^3) with a standard deviation of 103.47, indicating a significant variation in cement usage across different concrete mixes. The presence of a minimum value of 102 kg/m(^3) and a maximum of 540 kg/m(^3) further emphasizes the diversity in mix designs.

Similarly, Blast Furnace Slag and Fly Ash exhibit high variability, with means of 74.27 kg/m(^3) and 62.81 kg/m(^3) respectively, and standard deviations exceeding 70 kg/m(^3). Notably, both these supplementary cementitious materials have minimum values of zero, suggesting that some mixes do not incorporate these components. This variability is crucial for understanding the potential impact of these materials on concrete properties.

The water content has a relatively narrow range, with a mean of 182.98 kg/m(^3) and a standard deviation of 21.71 kg/m(^3), indicating controlled water usage to maintain workability without compromising strength. Superplasticizer usage also varies significantly, with a mean of 6.42 kg/m(^3) and a maximum value of 32.2 kg/m(^3), highlighting its role in enhancing workability and strength.

Aggregate components show high consistency, particularly Coarse Aggregate and Fine Aggregate, with means of 964.83 kg/m(^3) and 770.49 kg/m(^3) respectively. The low skewness values for these aggregates suggest a symmetric distribution, which is favorable for model training and prediction.

Age exhibits extreme variability with a mean of 44.06 days and a standard deviation of 60.44 days, ranging from 1 to 365 days. This wide range captures the curing duration’s influence on compressive strength, a critical factor in concrete performance.

Finally, the Compressive Strength, the primary output variable, has a mean of 35.84 MPa and a standard deviation of 16.10 MPa, indicating substantial variability. The skewness and kurtosis values suggest a slight positive skew and platykurtic distribution, respectively, which may influence the choice of predictive modeling techniques.

Table 2 Descriptive statistics of the dataset.

Full size table

Data visualization

To gain a deeper understanding of the dataset’s distribution and relationships among variables, several visualization techniques were employed. Figures 1, 2, and 3 present the histogram distributions with Kernel Density Estimation (KDE) plots, box plots before and after outlier handling in the input variables of the dataset, and Pearson & Spearman correlation heatmaps, respectively.

Figure 1 provides a comprehensive visual analysis of the distribution of all variables in the dataset through histograms coupled with KDE plots. These visualizations reveal the central tendencies, variability, and potential anomalies in the data, complementing the detailed numerical insights in Table 2. For instance, the distribution of Cement (Fig. 1(a)) exhibits a near-symmetric bell-shaped curve, with the mean (276.50 (hbox {kg/m}^{3})) and median (266 (hbox {kg/m}^{3})) closely aligned, suggesting a relatively balanced usage across the dataset. The skewness (0.53) and kurtosis (-0.46) values further confirm the moderate deviation from symmetry.

Conversely, variables such as Blast Furnace Slag (Fig. 1(b)) and Fly Ash (Fig. 1(c)) display positively skewed distributions with significant concentrations around zero, as reflected by their high skewness values (0.77 and 0.61, respectively). These distributions imply limited usage of these components in many samples.

Water (Fig. 1(d)) shows a relatively narrow spread around its mean (182.98 (hbox {kg/m}^{3})) with low variability (standard deviation: 21.71), indicating consistent use. Similarly, Superplasticizer (Fig. 1(e)) highlights a sharp skewness (0.84) and higher kurtosis (1.46), indicative of a few samples with significantly higher values.

The distributions of Coarse Aggregate (Fig. 1(f)) and Fine Aggregate (Fig. 1(g)) are fairly symmetric with negative skewness values (-0.17 and -0.19, respectively), denoting a slight concentration towards higher values. Their interquartile ranges (107.6 (hbox {kg/m}^{3}) and 101 (hbox {kg/m}^{3}), respectively) also suggest consistent ranges of usage.

The Age variable (Fig. 1(h)) stands out with a highly skewed distribution (skewness: 3.47) and an extensive range from 1 to 365 days. Most samples concentrate around shorter curing periods, as evident from the median (28 days) and the interquartile range (14 days). This skewed nature reflects a dataset focused on early strength assessments.

Lastly, Compressive Strength (Fig. 1(i)) demonstrates a slight positive skewness (0.42), with most values centered around its mean (35.84 MPa) and median (34.67 MPa). The interquartile range (20.47 MPa) indicates significant variability, which is essential for analyzing strength development across diverse concrete mixes.

The combination of Fig. 1 and Table 2 provides a clear depiction of both the statistical and visual aspects of the dataset, highlighting key trends, variability, and potential data imbalances critical for subsequent analysis.

Fig. 1
figure 1

Histogram distributions with KDE plots for all variables.

Full size image

Box plots are highly effective in visualizing the presence of outliers, spread, and central tendencies of the data. Figure 2 illustrates the box plots for all variables in the dataset, comparing the distributions before and after outlier handling. These visualizations provide valuable insights into the data quality and the impact of outlier handling.

The initial box plots (Fig. 2a) reveal significant outliers in variables such as Water, Superplasticizer, Coarse Aggregate, and Age, which exhibit extreme values beyond their respective whiskers. For example, the Superplasticizer variable shows several high-value outliers, representing rare mix designs with a higher dosage. Similarly, Age demonstrates extreme values towards the upper end, which correspond to samples subjected to prolonged concrete maturity periods.

In contrast, variables like Cement and Fly Ash exhibit no observable outliers, as their distributions align well within the interquartile ranges. Blast Furnace Slag and Fine Aggregate, however, display a limited number of outliers, mostly concentrated towards higher values, reflecting their occasional high usage in specific concrete mixes.

The identified outlier are replaced with the median of that feature. Post outlier handling (Fig. 2b), the data distributions become more compact and consistent. The outliers in variables such as Water, Superplasticizer, Coarse Aggregate, and Age are addressed effectively, leading to a reduction in their variability and ensuring a more uniform distribution. For instance, the whiskers for Superplasticizer and Age now reflect a more realistic range, minimizing the influence of extreme values on subsequent analyses. The adjustments also enhance the representativeness of Coarse Aggregate, which initially exhibited significant variability.

Variables with minimal outliers initially, such as Blast Furnace Slag and Fine Aggregate, show only slight adjustments post-outlier handling, confirming their relative stability in the dataset. The consistent absence of outliers in Cement and Fly Ash remains unchanged, indicating their inherent uniformity across samples.

Overall, the comparison in Fig. 2 highlights the effectiveness of outlier handling in improving the dataset’s quality. By addressing extreme values in critical variables, the dataset becomes more balanced and better suited for predictive modeling, ensuring reliable and interpretable results.

Fig. 2
figure 2

Boxplots before and after outlier handling for all variables.

Full size image

Understanding the relationships between variables is pivotal for feature selection and model optimization. Figure 3 displays Pearson22 and Spearman correlation23 heatmaps, providing insights into both linear and monotonic relationships among the variables.

The Pearson correlation coefficient ((r)) quantifies the strength and direction of the linear relationship between two variables and is given by Eq. (1).

$$begin{aligned} r = frac{sum _{i=1}^{n}(x_i – bar{x})(y_i – bar{y})}{sqrt{sum _{i=1}^{n}(x_i – bar{x})^2 sum _{i=1}^{n}(y_i – bar{y})^2}}, end{aligned}$$

(1)

where (x_i) and (y_i) are the individual sample points of the two variables, (bar{x}) and (bar{y}) are their respective means, and (n) is the total number of observations. Pearson correlation captures the degree to which two variables change together linearly.

The Spearman rank correlation coefficient ((rho)) evaluates the monotonic relationship between two variables, irrespective of whether it is linear. It is calculated using Eq. (2).

$$begin{aligned} rho = 1 – frac{6 sum _{i=1}^{n} d_i^2}{n(n^2 – 1)}, end{aligned}$$

(2)

where (d_i) is the difference between the ranks of corresponding values of (x) and (y), and (n) is the number of observations. Unlike Pearson, Spearman correlation is robust to outliers and captures non-linear monotonic trends.

Both correlation coefficients provide complementary insights. While Pearson correlation emphasizes linear relationships, Spearman correlation detects rank-based monotonic trends. This dual analysis is crucial for identifying influential predictors. For example, the strong monotonic association between Age and Compressive Strength in Spearman analysis confirms its importance for predicting strength, even though its linear correlation is slightly weaker.

The Pearson correlation heatmap (Fig. 3a) reveals a moderately strong positive correlation between Cement and Compressive Strength ((r = 0.48)), indicating a direct linear relationship. The strongest negative correlation is observed between Fly Ash and Cement ((r = -0.42)), due to their partial substitution roles. These correlation values lie well within the range of (-1) to (+1), where values close to (|1|) signify stronger linear relationships. The observed range of Pearson coefficients in this dataset spans from (-0.56) (Water-Superplasticizer) to (+0.50) (Age-Strength), suggesting varied yet meaningful dependencies across features. The Spearman heatmap (Fig. 3b) supports this finding with a similar monotonic relationship ((rho = 0.45)). This consistency across both correlation measures highlights Cement as a key predictor for Compressive Strength.

For Blast Furnace Slag, a weak negative correlation with Cement is observed in Pearson ((r = -0.27)) and Spearman ((rho = -0.26)), reflecting its role as a partial cement replacement. Similarly, Fly Ash demonstrates a stronger negative linear relationship with Cement ((r = -0.42), (rho = -0.44)), which aligns with its usage patterns in mix designs.

Water exhibits a weak negative correlation with Compressive Strength in both Pearson ((r = -0.26)) and Spearman ((rho = -0.27)), confirming the detrimental effect of excessive water content on concrete strength. Furthermore, Superplasticizer shows a positive association with Compressive Strength ((r = 0.31), (rho = 0.30)), suggesting its beneficial role in optimizing water-cement ratios and improving concrete properties.

A notable monotonic relationship is observed between Age and Compressive Strength, with Pearson ((r = 0.50)) and Spearman ((rho = 0.51)) indicating consistent strength gain over time. This result emphasizes the importance of age of concret for achieving desired concrete performance.

Inter-variable relationships also provide valuable insights. For example, Water exhibits a strong negative correlation with Superplasticizer ((r = -0.56), (rho = -0.60)), reflecting their inverse roles in maintaining workability. Similarly, Coarse Aggregate shows weak negative correlations with Cement and Fly Ash, which align with its role as a volume-filling component in concrete mix designs.

Overall, these correlation analyses highlight the importance of variables such as Cement, Age, and Water in predicting Compressive Strength. These findings guide the feature selection process by identifying influential variables and interdependencies, enabling more efficient and accurate predictive modeling.

Fig. 3
figure 3

Correlation heatmaps of variables in dataset.

Full size image

Methodology

This section provides a comprehensive description of the systematic approach adopted for optimizing green concrete mix designs using deep learning and multi-objective optimization techniques. The methodology comprises data preprocessing, model development, hyperparameter optimization, model evaluation and validation, multi-objective optimization, feature importance analysis, and the development of a graphical user interface (GUI) to facilitate real-time mix design selection. The overall workflow is depicted in Fig. 4.

Fig. 4
figure 4

Flowchart of the proposed research methodology.

Full size image

Data preprocessing

Data preprocessing involves handling missing values, detecting and treating outliers, and feature normalization. Missing values are imputed using the median value of the respective feature. Outliers are detected using the interquartile range (IQR) method and replaced with the median value. In order to ensure that the learning algorithms converge efficiently during backward error propagation, the input features are scaled using min-max normalization. The normalization is performed using Eq. (3).

$$begin{aligned} x_{text {norm}} = frac{x – min (x)}{max (x) – min (x)}, end{aligned}$$

(3)

where (x) is the original feature value, and (min (x)) and (max (x)) denote the minimum and maximum values of the feature, respectively.

Model development

A deep neural network (DNN) is developed to model the complex relationships between the input variables and the compressive strength of concrete. The network comprises an input layer, multiple hidden layers with non-linear activation functions (ReLU), and an output layer that produces a scalar prediction of compressive strength. Mathematically, the forward propagation of a two-hidden-layer DNN can be described by using Eq. (4).

$$begin{aligned} textbf{h}_1&= textrm{ReLU}(textbf{W}_1 textbf{x} + textbf{b}_1), quad textbf{h}_2 = textrm{ReLU}(textbf{W}_2 textbf{h}_1 + textbf{b}_2) nonumber \ hat{y}&= textbf{W}_3 textbf{h}_2 + b_3 end{aligned}$$

(4)

where (textbf{x}) is the normalized input vector, (textbf{W}_i) and (textbf{b}_i) denote the weight matrices and bias vectors at layer (i), respectively, and (hat{y}) is the predicted compressive strength. The detailed DNN model working architecture is depicted in Fig. 5 with layers, data and error propogation flow.

Fig. 5
figure 5

Architecture of the deep neural network model used for compressive strength prediction.

Full size image

Hyperparameter optimization

Hyperparameter tuning is a critical step in designing an effective DNN model. In this study, Bayesian optimization is employed to systematically search for the optimal hyperparameter configuration that minimizes the average Root Mean Squared Error (RMSE) computed over cross-validation folds.

Bayesian Optimization (BO) provides an efficient and probabilistically principled framework for optimizing objective functions, especially when model evaluations are computationally expensive, as in deep learning or complex ensemble models. Unlike traditional grid or random search strategies, BO intelligently selects the most promising hyperparameter configurations using acquisition functions and surrogate models, such as Gaussian Processes. This targeted exploration allows BO to converge more rapidly to optimal solutions, which is particularly advantageous in nonconvex optimization landscapes or when dealing with both continuous and discrete hyperparameters24,25.

In contrast, metaheuristic algorithms such as Genetic Algorithms (GA), Grey Wolf Optimization (GWO), and Differential Evolution (DE) have been extensively utilized in the modeling of concrete properties due to their robustness in handling nonlinear, multimodal optimization problems. These approaches, however, often require a significantly larger number of evaluations to achieve competitive performance26,27,28. For instance, in benchmark assessments comparing hybridized GWO- and DE-based models to BO-optimized alternatives, BO demonstrated faster convergence to higher performance with fewer function evaluations29,30.

Moreover, studies leveraging hybrid frameworks combining BO with machine learning models-such as XGBoost or deep neural networks-have reported enhanced predictive accuracy for high-performance and sustainable concrete formulations24,30. These findings affirm the suitability of BO in real-world engineering tasks where computational efficiency and performance precision are paramount. Bayesian optimization is a sequential design strategy for global optimization of expensive-to-evaluate functions. It is particularly well-suited for hyperparameter tuning because each evaluation (i.e., training the DNN) is computationally intensive. The key idea is to construct a probabilistic surrogate model for the objective function, typically using a Gaussian Process (GP)31, and to use an acquisition function to guide the search for the next hyperparameter set.

Let (f(theta )) denote the objective function (in our case, the average RMSE over cross-validation) as a function of the hyperparameters (theta). Bayesian optimization builds a surrogate model (hat{f}(theta )) that approximates (f(theta )). A common choice for the surrogate is a Gaussian Process, which assumes that the objective function follows a multivariate Gaussian distribution. The GP is characterized by its mean function (mu (theta )) and covariance function (k(theta , theta ‘)). The prediction at an unseen hyperparameter (theta _*) is given by Eq. (5).

$$begin{aligned} hat{f}(theta _*) = mu (theta _*) + k(theta _*, Theta ) k(Theta ,Theta )^{-1} (f(Theta ) – mu (Theta )), end{aligned}$$

(5)

where (Theta) represents the set of hyperparameters already evaluated, and (f(Theta )) is the vector of corresponding objective values.

The acquisition function, (a(theta )), balances exploration (sampling hyperparameters in regions of high uncertainty) and exploitation (sampling where the surrogate model predicts low RMSE). One popular choice is the Expected Improvement (EI) function, which is given by Eq. (6).

$$begin{aligned} text {EI}(theta ) = mathbb {E}left[ max left( f_{min } – hat{f}(theta ), 0right) right] , end{aligned}$$

(6)

where (f_{min }) is the best (i.e., minimum) observed RMSE so far. The next hyperparameter configuration to evaluate is chosen by maximizing the acquisition function, calculated using Eq. (7).

$$begin{aligned} theta _{text {next}} = arg max _{theta } ; text {EI}(theta ). end{aligned}$$

(7)

This iterative process continues until a predefined stopping criterion (maximum number of evaluations or a convergence threshold) is reached.

The rationale for selecting specific hyperparameters for the DNN is based on prior knowledge of the problem and empirical studies. In our case, the hyperparameters tuned include:

  • Number of hidden units: Determines the capacity of the network to learn complex nonlinear relationships. Too few units may lead to underfitting, while too many can cause overfitting and increased computational cost.

  • Learning rate: Controls the step size during gradient descent. A smaller learning rate may result in slow convergence, whereas a larger learning rate could lead to divergence.

  • Mini-batch size: Influences the stability of the weight updates and the convergence rate during training.

Table 3 lists the hyperparameters and their corresponding search ranges used during Bayesian optimization.

Table 3 DNN hyperparameters and search ranges for Bayesian optimization.

Full size table

The following algorithm (see Algorithm 1) outlines the complete steps for optimizing the DNN hyperparameters using Bayesian optimization.

Algorithm 1
figure a

Bayesian optimization for DNN hyperparameter tuning.

Full size image

Bayesian optimization, by modeling the objective function probabilistically and iteratively updating the surrogate model using Eq. (5), allows us to efficiently navigate the high-dimensional hyperparameter space. The use of the EI acquisition function defined in Eq. (6) and the subsequent selection via Eq. (7) ensures that the hyperparameters chosen for the final DNN configuration lead to the best generalization performance on unseen data.

Model evaluation and validation

The performance of the developed DNN model is evaluated on unseen test data using several complementary metrics. These metrics are chosen to capture different aspects of model prediction accuracy and reliability. In particular, the following metrics are considered:

  • Root Mean Squared Error (RMSE):

    $$begin{aligned} textrm{RMSE} = sqrt{frac{1}{N} sum _{i=1}^{N} left( hat{y}_i – y_iright) ^2}, end{aligned}$$

    (8)

    where (N) is the number of observations, (hat{y}_i) is the predicted value, and (y_i) is the true value. RMSE is highly sensitive to large errors due to the squaring operation and provides an overall measure of prediction variance. This metric is particularly useful when large deviations are undesirable, as described in Eq. (8).

  • Mean Absolute Error (MAE):

    $$begin{aligned} textrm{MAE} = frac{1}{N} sum _{i=1}^{N} left| hat{y}_i – y_iright| , end{aligned}$$

    (9)

    MAE computes the average magnitude of errors without considering their direction. Unlike RMSE, it does not disproportionately penalize large errors, which makes it a straightforward and interpretable measure of error magnitude as shown in Eq. (9).

  • Mean Absolute Percentage Error (MAPE):

    $$begin{aligned} textrm{MAPE} = frac{100}{N} sum _{i=1}^{N} left| frac{hat{y}_i – y_i}{y_i}right| , end{aligned}$$

    (10)

    MAPE expresses the average error as a percentage, facilitating comparisons across different scales and contexts. A lower MAPE indicates that the model’s predictions are, on average, closer to the actual values in relative terms, as illustrated in Eq. (10).

  • Coefficient of determination ((R^2)):

    $$begin{aligned} R^2 = 1 – frac{sum _{i=1}^{N}left( hat{y}_i – y_iright) ^2}{sum _{i=1}^{N}left( y_i – bar{y}right) ^2}. end{aligned}$$

    (11)

    (R^2) quantifies the proportion of variance in the observed data that is explained by the model. A higher (R^2) (closer to 1) indicates that the model captures a significant portion of the variance in the data, as given in Eq. (11).

Each metric serves a specific purpose: a low RMSE and MAE indicate that the model predictions are numerically close to the true values; a low MAPE suggests that the relative error is small; and a high (R^2) signifies that the model is effective in explaining the variability in the data.

To provide a single unified measure that accounts for all these individual metrics, a composite metric is introduced. This metric aggregates the normalized individual metrics using a weighted sum:

$$begin{aligned} M_{text {composite}} = w_1 frac{textrm{RMSE}}{textrm{RMSE}_{text {ref}}} + w_2 frac{textrm{MAE}}{textrm{MAE}_{text {ref}}} + w_3 frac{textrm{MAPE}}{textrm{MAPE}_{text {ref}}} + w_4 left( 1 – R^2right) , end{aligned}$$

(12)

where (w_1, w_2, w_3,) and (w_4) are the weights assigned to RMSE, MAE, MAPE, and (R^2), respectively, with (w_1+w_2+w_3+w_4 = 1), and (textrm{RMSE}_{text {ref}}), (textrm{MAE}_{text {ref}}), and (textrm{MAPE}_{text {ref}}) are reference values used for normalization (for example, the maximum observed values for each metric). Equation (12) provides an overall performance score that simplifies the comparison among different models or hyperparameter settings.

The rationale behind selecting these evaluation metrics is that they collectively provide a multi-faceted view of model performance. RMSE emphasizes the impact of large errors, MAE gives a clear average error magnitude, and MAPE normalizes errors as percentages to facilitate comparisons across different scales. The (R^2) metric further elucidates the model’s ability to capture the variance in the data. By combining these metrics into a composite measure via a weighted technique, one obtains a robust indicator that can be used to compare model performance comprehensively. A well-performing model is expected to exhibit low RMSE, MAE, and MAPE values along with a high (R^2), resulting in a low composite metric value.

In summary, the individual metrics are employed to evaluate different dimensions of the DNN’s performance, while the composite metric unifies these measures into a single score that reflects the overall predictive capability of the model.

Multi-objective optimization

To design an optimal concrete mix, a multi-objective optimization framework is formulated that simultaneously addresses three conflicting objectives: (i) maximizing compressive strength, (ii) minimizing cost, and (iii) minimizing cement consumption to reduce the environmental impact. In this formulation, the compressive strength is predicted by the DNN model, the cost is computed as the weighted sum of the masses of the ingredients (using their respective per unit costs), and the third objective explicitly minimizes cement content.

Objective functions

The first objective is to maximize the compressive strength predicted by the DNN. Since optimization algorithms are conventionally formulated as minimization problems, we define the strength objective as the negative of the predicted compressive strength:

$$begin{aligned} f_1 = -hat{y}, end{aligned}$$

(13)

where (hat{y}) is the compressive strength predicted by the DNN model. This formulation (see Eq. (13)) ensures that lower values of (f_1) correspond to higher compressive strength.

The second objective minimizes the cost of the concrete mix, which is computed as the sum of the products of the masses of the ingredients and their respective unit costs:

$$begin{aligned} f_2 = sum _{i=1}^{7} c_i x_i, end{aligned}$$

(14)

where (x_i) denotes the mass of the (i^{th}) ingredient and (c_i) is its unit cost in Indian rupees. Table 4 summarizes the unit average costs of each material used in the mix (see Eq. (14)). This objective ensures economic feasibility by selecting the mix proportions that result in the lowest overall cost.

Table 4 Unit average costs of concrete ingredients in indian rupees.

Full size table

The third objective aims to reduce the environmental impact by minimizing the cement content:

$$begin{aligned} f_3 = x_1, end{aligned}$$

(15)

with (x_1) representing the mass of cement (see Eq. (15)). Reducing cement consumption contributes directly to lowering the carbon footprint of the concrete.

Thus, the overall tri-objective optimization problem is formulated as:

$$begin{aligned} min _{x} quad { f_1(x), f_2(x), f_3(x) } end{aligned}$$

with the understanding that a lower (f_1) indicates higher strength, while lower (f_2) and (f_3) represent reduced cost and cement usage, respectively.

Constraints

In order to ensure that the generated mix designs are practical and compliant, several constraints are imposed while optim mix design of concrete:

  1. 1.

    Volume constraint: One cubic meter of concrete must be produced. This is represented by an equality constraint on the total mass of the ingredients:

    $$begin{aligned} sum _{i=1}^{7} x_i = M_{text {total}}, end{aligned}$$

    (16)

    where (M_{text {total}}) is the total mass (in kg) required for 1 m(^3) of concrete (typically around 2400–2500 kg), as shown in Eq. (16).

  2. 2.

    Ratio constraint: The water-cement ratio is constrained to a maximum value to ensure durability. The considered ratio constraint in the study is:

    $$begin{aligned} frac{x_4}{x_1} le 0.6, end{aligned}$$

    (17)

    where (x_4) is the mass of water and (x_1) is the mass of cement (see Eq. (17)).

  3. 3.

    Range constraints: Each ingredient is restricted to lie within a predefined range based on experimental data:

    $$begin{aligned} x_i^{text {min}} le x_i le x_i^{text {max}}, quad i = 1,2,ldots ,7, end{aligned}$$

    (18)

    as shown in Eq. (18). Table 5 provides the lower and upper bounds for each of the eight variables (including Age). The optimization bounds in Table 5 were calibrated to be both practical feasible and regulatory compliant, whereas the descriptive statistics in Table 2 cover the entire range of mix compositions in the Yeh dataset. For example, values of Cement exceeding 540 (hbox {kg/m}^{3}) or falling below 102 (hbox {kg/m}^{3}) in the original dataset were omitted because such values are not practical in most structural applications. An alternative approach, instead, was to provide bounds for critical constituents, cement, supplementary cementitious materials (SCMs), aggregates, and water, in accordance with the triad of Indian Standard IS 10262:2019 mix proportioning specifications, and empirical bounds based on the state-of-the-art high performance concrete research. Yet, empirical research including that by Gedam32 shows that these input values are fundamental in developing shrinks and creeps predictive modeling of highperformance concrete, and even empirical data can be used to set thresholds on the input parameters for prediction. The insights reinforce the need to exclude statistically valid but structurally unrealistic data points during optimization. Therefore, the bounds selected in Table 5 are a compromise, which maintains statistical representativeness and satisfies concrete mix design codes and sustainability constraints. Therefore, the Yeh dataset remains a necessary tool in constructing an informed statistical profile of mix parameters, and the refined bounds allow model outputs that are implementable and domain appropriate.

If a candidate solution violates any of these constraints, penalty factors are applied to its objective values to discourage infeasible designs.

The variable bounds for optimization were selected based on statistical analysis of the dataset and practical design guidelines for high-performance concrete. All aggregate values are assumed to be at their Saturated Surface Dry (SSD) condition, ensuring consistency with standard mix design practice. Additionally, in response to reviewer feedback, the optimization constraints now include not only individual bounds for cementitious materials (cement, slag, fly ash) but also an aggregate bound on the total blended binder content. The total cementitious content (i.e., cement + blast furnace slag + fly ash) in optimized mixes ranges between 310 kg/m(^3) and 540 kg/m(^3), aligning with industry practices and the range observed in the Yeh dataset. Table 5 presents the complete variable ranges used in the optimization. The total cementitious content (cement + slag + fly ash) is constrained to 310-540 kg/m(^3).

Table 5 Lower and upper bounds for concrete Mix Ingredients (all aggregates in SSD condition).

Full size table

Overall optimization formulation

The complete multi-objective optimization problem is thus formulated as:

$$begin{aligned} begin{aligned} min _{x} quad&{ f_1(x), , f_2(x), , f_3(x) } \ text {subject to} quad&sum _{i=1}^{7} x_i = M_{text {total}}, quad {textbf {Eq.}}~(16) \&frac{x_4}{x_1} le 0.6, quad {textbf {Eq.}}~(17) \&x_i^{text {min}} le x_i le x_i^{text {max}}, quad i = 1,ldots ,7. quad {textbf {Eq.}}~(18) end{aligned} end{aligned}$$

This formulation enables the optimizer to identify a set of Pareto-optimal solutions that offer trade-offs among maximizing strength, minimizing cost, and reducing cement consumption.

Multi-objective particle swarm optimization

Particle Swarm Optimization (PSO) is a population-based stochastic optimization algorithm inspired by the social behavior of birds flocking or fish schooling. In the conventional PSO approach, each particle in the swarm updates its velocity and position based on its personal best position as well as the global best position found by the swarm. The velocity of each particle is updated using Eq. (19) whereas postion of is modified using Eq. (20) using obtained updated velocity of each particle.

$$begin{aligned} & v_{i}^{t+1} = omega v_{i}^{t} + c_1 r_1 (p_{i}^{t} – x_{i}^{t}) + c_2 r_2 (g^{t} – x_{i}^{t}) end{aligned}$$

(19)

$$begin{aligned} & x_{i}^{t+1} = x_{i}^{t} + v_{i}^{t+1} end{aligned}$$

(20)

where:

  • (v_{i}^{t}) is the velocity of particle (i) at iteration (t),

  • (x_{i}^{t}) is the position of particle (i) at iteration (t),

  • (p_{i}^{t}) is the personal best position of particle (i),

  • (g^{t}) is the global best position found so far,

  • (omega) is the inertia weight,

  • (c_1) and (c_2) are acceleration coefficients,

  • (r_1) and (r_2) are random numbers uniformly distributed in ([0,1]).

For multi-objective problems, PSO is extended to Multi-Objective PSO (MOPSO) by maintaining an archive of non-dominated solutions that collectively form the Pareto front.

In MOPSO, each particle’s velocity and position are updated as in conventional PSO (see Eqs. (19) and (20)). However, instead of maintaining a single global best, the algorithm maintains an archive of non-dominated solutions. During each iteration, particles update their personal bests based on Pareto dominance, and the archive is updated to reflect the current Pareto front. A leader is then selected from the archive (often randomly) to guide the swarm’s movement.

Figure 6 provides a flowchart summarizing the MOPSO algorithm, and Algorithm 2 presents the pseudocode for the complete procedure. Through this process, MOPSO effectively balances the conflicting objectives by exploring a diverse set of solutions and identifying a Pareto front that represents the trade-offs among maximizing strength, minimizing cost, and reducing cement consumption.

Fig. 6
figure 6

Flowchart of the MOPSO algorithm.

Full size image

Algorithm 2
figure b

Multi-Objective Particle Swarm Optimization (MOPSO).

Full size image

Although MOPSO is known to occasionally suffer from limited Pareto diversity or premature convergence, we mitigated these issues by integrating a crowding distance mechanism in the archive, stochastic leader selection, and adaptive reinitialization. Compared to algorithms like NSGA-II or MOEA/D, MOPSO was found to be better suited for this problem due to its lower computational overhead, which is essential for real-time integration within the GUI33,34,35. Future work may investigate hybridized MOPSO variants or adaptive (varepsilon)-NSGA-III to further improve search efficiency.

Feature importance analysis

To gain insights into the influence of individual input features on the predicted compressive strength, a permutation-based feature importance analysis is performed. This analysis is significant for two main reasons. First, it enhances the interpretability of the DNN model by revealing which input variables have the greatest impact on the prediction. Second, it provides practical guidance for material selection and mix design adjustments by identifying key factors that affect concrete strength.

In this study, the feature importance analysis is conducted by first computing a baseline performance metric on the original test dataset. Specifically, the baseline RMSE is calculated as follows:

$$begin{aligned} textrm{RMSE}_{text {baseline}} = sqrt{frac{1}{N} sum _{i=1}^{N} left( y_i – hat{y}_iright) ^2}, end{aligned}$$

(21)

where (y_i) and (hat{y}_i) denote the actual and predicted compressive strengths, respectively, and (N) is the total number of test samples (see Eq. (21)).

Next, for each feature (j), its values in the test dataset are randomly permuted while all other features remain fixed. This permutation disrupts the relationship between the feature and the target variable, leading to a degradation in model performance if the feature is important. The RMSE is recalculated on the permuted test set:

$$begin{aligned} textrm{RMSE}_{text {perm}}^{(j)} = sqrt{frac{1}{N} sum _{i=1}^{N} left( y_i – hat{y}_i^{(j)}right) ^2}, end{aligned}$$

(22)

where (hat{y}_i^{(j)}) represents the prediction for sample (i) after permuting the (j^{th}) feature (see Eq. (22)). The importance of feature (j) is then quantified by the increase in error:

$$begin{aligned} I_j = textrm{RMSE}_{text {perm}}^{(j)} – textrm{RMSE}_{text {baseline}}. end{aligned}$$

(23)

A larger value of (I_j) indicates that permuting the feature has a significant adverse effect on the model’s performance, thereby marking it as an important predictor (see Eq. (23)).

The significance of this approach lies in its ability to provide a direct measure of how much each feature contributes to the predictive performance. By comparing the baseline RMSE with the RMSE after permutation, and then computing the difference, the analysis identifies which features the model relies on most for accurate predictions. This information is invaluable for both model validation and for practical decisions in concrete mix design.

Graphical user interface

To facilitate practical deployment and enhance user accessibility, a comprehensive GUI is developed using MATLAB’s uifigure framework. The GUI is designed to allow users to easily generate eco-efficient concrete mix designs without requiring in-depth technical knowledge of the underlying optimization algorithms.

The interface is organized into two distinct modes. In the Ingredient Input Mode, users can manually input custom values for each of the seven concrete ingredients and the concrete age. These input fields are clearly labeled with units (kg/m(^3) for material quantities and days for age) to ensure clarity and readability. Default values, derived from experimental data, are pre-populated to assist users in making informed modifications. This mode is particularly useful when users have specific material properties or site conditions that they wish to incorporate into the mix design.

In contrast, the Concrete Grade Mode offers a streamlined approach where users simply select a desired concrete grade from a comprehensive list ranging from M5 to M150. For grades at or below M20, the GUI provides a nominal mix design in accordance with IS guidelines. For grades above M20, the system employs a hybrid approach: it integrates the DNN-based model with a MOPSO algorithm. In this mode, the DNN predicts compressive strength based on the normalized input features, while MOPSO searches for optimal mix proportions under constraints such as the water–cement ratio (see Eq. (17)) and ingredient range limits (see Eq. (18)). The optimized solution provides the recommended proportions, the predicted compressive strength (via Eq. (13)), and the corresponding cost calculated using unit cost data (see Table 4 and Eq. (14)).

The design emphasizes user-friendliness by dynamically displaying the appropriate input controls based on the selected mode. When users switch to Concrete Grade Mode, the input fields corresponding to individual ingredients are hidden to avoid clutter and potential confusion, ensuring that only relevant controls (grade selection and age input) are displayed.

This GUI not only simplifies the interaction with complex optimization algorithms but also allows decision-makers to quickly evaluate mix designs based on key performance indicators such as compressive strength, cost, and cement consumption. By integrating advanced computational techniques with an intuitive user interface, the proposed framework bridges the gap between research and practical application in the field of eco-efficient concrete mix design.

Results and discussion

DNN model performance evaluation

The performance of the developed DNN model was assessed using 5-fold cross validation on the test set. The evaluation metrics computed for each fold include the (R^2), RMSE, MAE, MAPE, and a composite metric (M_{text {composite}}) (see Eq. (12)). The results presented in Table 6 demonstrate the robust performance of the developed DNN model in predicting concrete compressive strength across 5-fold cross validation. The average coefficient of determination (cv(R^2)) of 0.9360 indicates that the model is able to explain approximately 93.6% of the variance in the experimental compressive strength values, reflecting a high level of predictive accuracy. This high (R^2) value underscores the model’s ability to capture the underlying relationships between the mix design variables and the resulting strength.

Furthermore, the average Root Mean Squared Error (cvRMSE) is 5.7141 MPa and the Mean Absolute Error (cvMAE) is 4.3543 MPa, which suggest that the absolute prediction errors are relatively small in magnitude. These error metrics provide an insight into the variance and average deviation of the predictions from the true values. In addition, the Mean Absolute Percentage Error (cvMAPE) of 14.0472% indicates that, on average, the predictions deviate from the actual compressive strength by only 14% in relative terms. Such a level of relative error is acceptable given the inherent variability in concrete properties.

To further encapsulate the overall performance of the model, a composite metric (M_{text {composite}}) was introduced. With an average composite metric value of 0.7197 and low standard deviation across folds, this unified measure confirms the consistent and robust performance of the DNN model. The composite metric integrates the strengths of individual performance measures by assigning appropriate weights, thereby providing a single comprehensive indicator of model accuracy.

Overall, the low error metrics coupled with a high (R^2) value imply that the DNN model exhibits excellent generalization capability. The consistency of the results across the 5-fold cross validation not only validates the model’s predictive accuracy but also instills confidence in its practical applicability for concrete mix design optimization. These findings have significant implications: the model’s reliability in predicting compressive strength forms a critical component in the subsequent multi-objective optimization process, ensuring that the generated mix designs meet both performance and sustainability objectives.

Table 6 DNN model performance across 5-fold cross-validation on the test set.

Full size table

Figure 7 presents a series of subplots that visualize the performance of the DNN model for each fold. Each subplot corresponds to one evaluation metric (cv(R^2), cvRMSE, cvMAE, cvMAPE, and (M_{text {composite}})), providing a clear visual demonstration of the model’s consistent performance across all folds. The average and standard deviation values reported in Table 6 further substantiate the reliability of the model for compressive strength prediction.

Several prior studies using the Yeh dataset have focused solely on strength prediction of high-performance concrete using models such as Support Vector Machines (SVMs), Random Forests, and shallow Artificial Neural Networks (ANNs), often reporting (hbox {R}^{2}) values between 0.85 and 0.9236,37,38,39. In contrast, our optimized DNN achieved an (hbox {R}^{2}) of 0.936 with lower RMSE and MAPE, indicating superior predictive capability. More importantly, unlike prior works, this study embeds the DNN within a tri-objective optimization setup that simultaneously reduces cost and cement content, addressing both economic and environmental sustainability-dimensions often omitted in earlier models.

Fig. 7
figure 7

Performance of the DNN model across 5-fold cross validations.

Full size image

Hyperparameter optimization results

Bayesian optimization was employed to tune the hyperparameters of the DNN model. In this process, a Gaussian Process surrogate model was used to approximate the model’s performance (average RMSE) over 5-fold cross validation. The EI acquisition function was then used to select the next candidate hyperparameters for evaluation according to Eq. (7). This iterative process converged to an optimal configuration that minimized the cross-validated RMSE while balancing model complexity and generalization.

The optimized hyperparameters are summarized in Table 7. Specifically, the optimal configuration was found to be 100 hidden units in the first hidden layer, 48 hidden units in the second hidden layer, a learning rate of 0.0021, and a mini-batch size of 16. These values were chosen based on their ability to yield a low prediction error and a stable training process, thereby ensuring the DNN model’s robust performance.

Table 7 Optimized DNN Hyperparameters.

Full size table

The rationale behind the selected hyperparameters is as follows. A higher number of hidden units in the first layer (100 units) allows the network to capture complex interactions among the input features, while the second layer with 48 units provides a controlled reduction in dimensionality that helps prevent overfitting. The learning rate of 0.0021 was found to provide a good balance between convergence speed and training stability, and the mini-batch size of 16 ensures that the gradient estimates are sufficiently robust without incurring excessive computational cost.

Overall, the hyperparameter optimization process has significantly enhanced the predictive accuracy of the DNN model, as evidenced by the low cross-validated RMSE and other performance metrics. This optimized configuration is subsequently used in the multi-objective optimization framework for eco-efficient concrete mix design.

Multi-objective optimization and pareto analysis

The MOO framework addresses three conflicting objectives simultaneously, namely maximizing compressive strength, minimizing cost, and minimizing cement consumption. These objectives are formulated as:

$$begin{aligned} f_1 = -hat{y} quad (text {negative predicted strength}), quad f_2 = sum _{i=1}^{7} c_i x_i quad (text {cost}), quad f_3 = x_1 quad (text {cement content}), end{aligned}$$

subject to constraints on volume (Eq. (16)), water–cement ratio (Eq. (17)), and ingredient range limits (Eq. (18)). The negative sign for strength enables a minimization-based approach while ensuring higher compressive strength is favored.

A MOPSO algorithm is employed to explore the design space and generate a set of Pareto-optimal solutions. Each solution represents a unique trade-off between the three objectives. The MOPSO archiving mechanism maintains a set of non-dominated solutions over multiple iterations, as indicated by the growing archive size depicted in Fig. 8. A larger archive size reflects the discovery of diverse, non-dominated mixes as the optimization progresses.

Figures 9 and 10 show two-dimensional slices of the Pareto front in terms of compressive strength (plotted as the negative strength on the (x)-axis) vs. cost and vs. cement consumption, respectively. In both plots, points toward the left correspond to higher compressive strength, while points at the bottom imply lower cost or cement content. These plots reveal a clear trade-off: mixes that provide higher strength generally require greater amounts of cement or costlier compositions, while more economical (or lower-cement) designs tend to yield somewhat reduced strength.

To visualize the interaction of all three objectives, Fig. 11 provides a three-dimensional Pareto front in the space of (negative) compressive strength, cost, and cement content. Points situated closer to the origin in this 3D plot simultaneously achieve higher strength (i.e., lower (f_1)), lower cost, and lower cement consumption-although such “ideal” points may be rare or infeasible due to constraints. Instead, the user must select among solutions that balance these objectives according to project priorities: for instance, focusing on sustainability by minimizing cement usage or minimizing cost for budgetary reasons, while still meeting structural requirements.

The significance of these Pareto solutions lies in their ability to inform decision-makers about the possible trade-offs. Rather than yielding a single “best” mix design, the MOPSO approach highlights a continuum of viable designs that can be tailored to different contexts (e.g., cost sensitivity, environmental targets, or performance requirements). By explicitly quantifying the relationships between compressive strength, cost, and cement content, this study advances the concrete community’s knowledge on designing eco-efficient mixes. It offers a structured methodology for balancing performance and sustainability in practice, facilitating innovation in concrete technology and guiding future research on low-carbon construction materials.

As shown in Table 8, the selected optimized concrete mix design from the Pareto front demonstrates a well-balanced combination of strength, cost-effectiveness, and sustainability. The cement content of the mix is 320 kg/m(^3) which is sufficient to meet the minimum requirement of M40 grade concrete. The design reduces cement usage and improves sustainability by using 80 kg/m(^3) of blast furnace slag and 90 kg/m(^3) of fly ash with the effect of improving workability. The water content is kept at 160 kg/m(^3) so the water-to-cement ratio is less than 0.5, which is necessary for strength development and durability. To enhance the mix flowability, a superplasticizer dosage of 8 kg/m(^3) is included without increasing the water demand. The coarse aggregate proportion is 1050 kg/m(^3) and fine aggregate proportion is 730 kg/m(^3) as per IS recommendation for an optimum combination. The mix is predicted to have a compressive strength of 42.35 MPa after curing for 28 days, which fulfills the M40 grade requirement. The total cost of the mix is Rs. 3645.8, which incorporates all material components and the cement content is minimized within allowable limits in order to reduce the environmental impact without jeopardizing the performance.

Table 8 Sample optimized mix design selected from the Pareto front.

Full size table

Fig. 8
figure 8

MOPSO convergence plot, illustrating the archive size versus iteration.

Full size image

Fig. 9
figure 9

Bi-objective Pareto front for compressive strength (represented as negative strength on the (x)-axis) and cost ((y)-axis).

Full size image

Fig. 10
figure 10

Bi-objective Pareto front for compressive strength (negative strength on the (x)-axis) and cement consumption ((y)-axis).

Full size image

Fig. 11
figure 11

Three-dimensional Pareto front in the space of negative compressive strength, cost, and cement content.

Full size image

Feature importance analysis

Permutation-based feature importance analysis was performed to assess the contribution of each input variable to the prediction accuracy of the DNN model. In this method, the model’s baseline performance is first computed on the test dataset using the RMSE. .

Subsequently, for each feature (j), its values are randomly permuted across the test set, thereby breaking the inherent relationship between that feature and the output. The RMSE is recalculated on the perturbed dataset. The importance of feature (j) is then quantified as the increase in RMSE due to the permutation. A higher value of (I_j) indicates that the feature is more critical for accurate prediction.

The obtained feature importance values are summarized in Table 9. Notably, the features Cement and Age have the highest importance values (11.34 and 5.42, respectively), suggesting that these variables significantly influence the predicted compressive strength. In contrast, Superplasticizer, Coarse Aggregate, and Fine Aggregate exhibit lower importance values, indicating a relatively smaller impact on model performance.

Table 9 Feature importance values from permutation-based analysis.

Full size table

The specified constraints-including water-cement ratio ((le) 0.6), total ingredient mass ((approx) 2400-2500 (hbox {kg/m}^{3})), and material bounds-are aligned with industry standards and verified experimental datasets as shown in Table 10. Notably, these values are derived from Yeh’s dataset and are consistent with provisions in IS 10262 mix design guidelines40,41,42,43. While these constraints have not yet been validated through new lab trials in this study, they are supported by published design practices and experimental studies that assure the realism and feasibility of the optimization results44,45. To better clarify the use of these constraints, Table 10 summarizes guideline-based recommendations compared with values used in Yeh’s dataset and our optimization approach:

It is notable that the standard deviation of the Age variable (60.44 days) exceeds its mean (44.06 days) (see Table 2), indicating a highly dispersed distribution with values ranging from 1 to 365 days. While concrete strength generally stabilizes around 28 to 56 days, the broader inclusion of long-term data reflects real-world scenarios where strength gain continues, albeit at a slower rate. This extended age range allows the model to learn long-term strength evolution patterns. Permutation-based feature importance (see Table 9) confirms Age as the second most influential feature, and cross-bin RMSE analysis (detailed in Section 4) indicates consistent model accuracy across early and late age predictions.

Table 10 Comparison of mix design constraints across standards, dataset, and this study.

Full size table

Figure 12 displays a bar plot of the feature importance values. The visualization clearly indicates that permuting the values of Cement and Age results in a substantial increase in RMSE, confirming their pivotal role in the prediction accuracy of the DNN model. This insight is critical for further refining the concrete mix design, as it suggests that tighter control over these parameters can lead to improved performance and more reliable predictions.

Fig. 12
figure 12

Bar plot of feature importance values obtained from the permutation-based analysis.

Full size image

In summary, the permutation-based feature importance analysis has provided valuable insights into the relative contributions of different input features. The high importance of Cement and Age suggests that these parameters are critical for accurate compressive strength prediction, while the lower importance of other features informs potential areas for simplification or further investigation in concrete mix design.

Computational cost and feasibility

Hardware and software environment

The computational experiments were carried out on a mid-range consumer laptop. The full system specifications are provided in Table 11.

Table 11 Computational resources used for DNN + BO experiments.

Full size table

Training and optimization cost

The training and optimization resource usage for the hybrid DNN + Bayesian Optimization setup is summarized in Table 12. All experiments were executed with 5-fold cross-validation.

Table 12 Model training and optimization cost summary.

Full size table

While it is true that DNNs generally incur high computational cost, we adopted several strategies to maintain feasibility on consumer-grade hardware. The neural network used in our experiments had only two hidden layers (100 and 48 units, respectively), and early stopping was applied to prevent redundant epochs-both of which are established techniques for computational efficiency46.

The Bayesian Optimization process, though more expensive than random or grid search, was configured to converge in 50 evaluations. In contrast, conventional search methods often require hundreds of evaluations without guarantee of convergence47. Furthermore, parallel processing across CPU cores reduced wall-clock time, consistent with recent studies that benchmark BO in resource-constrained environments24,30.

Overall, the feasibility of our DNN+BO framework demonstrates that high-performance concrete modeling and optimization can be realistically implemented on non-specialized hardware, eliminating the barrier posed by high-end computing infrastructure.

Graphical user interface demonstration

To bridge the gap between research and practical implementation, a comprehensive and user-friendly GUI was developed. The GUI is designed to facilitate concrete mix design by allowing users to interactively generate mix proportions based on either custom input values or a target concrete grade.

The GUI operates in two distinct modes. In the Ingredient Input Mode, users manually enter specific values for the seven ingredients (Cement, Blast Furnace Slag, Fly Ash, Water, Superplasticizer, Coarse Aggregate, and Fine Aggregate) along with the concrete age. This mode is particularly useful when site-specific data or custom material properties are available, allowing practitioners to tailor the mix design directly to their requirements.

In the Concrete Grade Mode, users simply select a desired concrete grade from a range of M5 to M150. For grades up to M20, the system returns nominal mix designs based on established IS guidelines. For grades above M20, the GUI leverages an integrated DNN model in combination with a MOPSO algorithm to generate optimized mix designs that satisfy key constraints such as water-cement ratio, volume, and range limits. The optimization module produces a set of Pareto-optimal solutions, from which the GUI selects and displays the recommended mix proportions, the predicted compressive strength, and the estimated cost. This dual-mode approach enables decision-makers to quickly compare and select an optimal, eco-efficient concrete mix based on either direct material inputs or desired performance criteria.

Figure 13 presents a block diagram of the GUI architecture. The diagram illustrates the dynamic switching between the two input modes and the seamless integration of the optimization modules, highlighting how the system accommodates both nominal and optimized mix designs in a user-friendly manner. The sample input values used in the GUI were not arbitrarily generated but were selected from representative concrete mix compositions reported in literature, including the Yeh dataset. These inputs were chosen to reflect practical mix designs spanning a range of cementitious materials, aggregate types, and curing ages. To validate the model’s predictions, the compressive strengths obtained through the GUI were compared with experimental results from the literature and found to deviate by less than 5-10%, supporting the reliability of the framework. This validation reinforces the GUI’s practical applicability as a decision-support tool for engineers and practitioners.

Fig. 13
figure 13

Screenshots of the GUI for concrete mix optimization.

Full size image

Limitations of the study

Conclusion

The proposed framework successfully integrates DNNs and MOPSO for the design of green concrete mixes, balancing compressive strength, cost efficiency, and environmental impact. By training a DNN model on a comprehensive dataset, the approach effectively captures the nonlinear relationships among key ingredients such as cement, blast furnace slag, fly ash, water, and superplasticizer. The DNN’s high predictive accuracy, evidenced by low error metrics and high (R^2) values across 5-fold cross validation, underpins its reliability as a surrogate model for estimating compressive strength.

Furthermore, the MOPSO algorithm systematically explores the design space under constraints defined by water–cement ratio, total volume, and ingredient range limits. The resulting Pareto-optimal solutions provide a spectrum of mix designs, illustrating clear trade-offs between performance, cost, and cement usage. Decision-makers can choose a preferred solution by prioritizing either strength, cost savings, or lower cement consumption, reflecting the practical utility of this data-driven approach. The developed framework not only refines traditional trial-and-error methods but also advances knowledge within the concrete community by quantifying the complex interplay among performance objectives and sustainability metrics.

The feature importance analysis confirms that cement and concrete age dominate predictions of compressive strength, while other variables such as superplasticizer, fly ash, and blast furnace slag play supporting but notable roles. This insight assists in identifying opportunities to optimize or partially replace cement while maintaining desirable strength levels. Additionally, the GUI enhances accessibility by enabling quick, user-friendly assessments of feasible mix proportions, bridging the gap between theoretical optimization and on-site concrete production.

In future work, expanding the dataset to include diverse material sources, varying environmental exposure conditions, and additional performance criteria (durability, workability) could further enhance the model’s versatility. Adoption of advanced activation functions, global sensitivity analyses, or other metaheuristic optimization techniques may also yield improvements in predictive accuracy and search efficiency. Overall, this study illustrates a robust, extensible strategy for designing sustainable concrete, offering both an academic foundation and a practical guide for implementing AI-driven optimization in the construction industry.

The current implementation also also has a shortcoming of employing a standard MOPSO framework that although effective, it may suffer from premature convergence in more complex or higher dimensional problems. Other multi objective strategies including NSGA-III and the decomposition based algorithms (MOEA/D) would be explored in the future in order to obtain the broader solution diversity and robustness. The present work also has another limitation that the predicted Pareto-optimal mix designs are not directly experimentally validated. The adopted constraints are in agreement with code provisions and existing experimental datasets, but future work will include casting and testing concrete specimens according to selected optimal mixes. This will allow us to test both compressive strength and workability, thereby filling the gap between numerical optimization and implementation.

While the model has demonstrated strong generalization across the original dataset using 5-fold cross-validation, it has not yet been validated against a completely independent experimental dataset. This limits the ability to evaluate generalizability under varying material properties or regional specifications. As part of future work, we plan to validate the model on additional datasets-either collected from regional laboratories or generated via controlled experimental campaigns-to better assess its real-world applicability and sensitivity to novel input conditions.

Data availability

The dataset used in this study is publicly available from the UCI Machine Learning Repository: https://archive.ics.uci.edu/ml/datasets/Concrete+Compressive+Strength. The authors further cleaned and preprocessed the dataset as explained in Section 2.

References

  1. Neville, A.M.: Properties of concrete. Longman (1995)

  2. Neville, A.M.: Concrete: Neville’s Insights and Issues. Thomas Telford (2006)

  3. ACI Committee, .: Building code requirements for structural concrete (aci 318-08) and commentary. American Concrete Institute (2008).

  4. Golafshani, E. M., Kim, T., Behnood, A., Ngo, T. & Kashani, A. Sustainable mix design of recycled aggregate concrete using artificial intelligence. J. Clean. Prod. 442, 140994 (2024).

    Article  Google Scholar 

  5. Liu, K., Zheng, J., Dong, S., Xie, W. & Zhang, X. Mixture optimization of mechanical, economical, and environmental objectives for sustainable recycled aggregate concrete based on machine learning and metaheuristic algorithms. Journal of Building Engineering 63, 105570 (2023).

    Article  Google Scholar 

  6. Faridmehr, I., Azarsa, M., Varjavand, I., Valerievich, K.A.: Artificial intelligence-driven optimization of ready-mix concrete for enhanced strength, cost efficiency, and carbon dioxide emission reduction (2024)

  7. Gandomi, A. H., Sajedi, S., Kiani, B. & Huang, Q. Genetic programming for experimental big data mining: A case study on concrete creep formulation. AAutom. Constr. 70, 89–97 (2016).

    Article  Google Scholar 

  8. Ali, T. et al. A systematic literature review of ai-based prediction methods for self-compacting, geopolymer, and other eco-friendly concrete types: Advancing sustainable concrete. Constr. Build. Mater. 440, 137370 (2024).

    Article  CAS  Google Scholar 

  9. Zandifaez, P., Shamsabadi, E. A., Nezhad, A. A., Zhou, H. & Dias-da-Costa, D. Ai-assisted optimisation of green concrete mixes incorporating recycled concrete aggregates. Constr. Build. Mater. 391, 131851 (2023).

    Article  Google Scholar 

  10. Kaveh, A., Khavaninzadeh, N.: Efficient training of two anns using four meta-heuristic algorithms for predicting the frp strength. In: Structures. 52, pp. 256–272 (2023).

  11. Kaveh, A., Dadras Eslamlou, A., Javadi, S. & Geran Malek, N. Machine learning regression approaches for predicting the ultimate buckling load of variable-stiffness composite cylinders. Acta Mechanica 232, 921–931 (2021).

    Article  Google Scholar 

  12. Kaveh, A., Eskandari, A., Movasat, M.: Buckling resistance prediction of high-strength steel columns using metaheuristic-trained artificial neural networks. In: Structures. 56, p. 104853 (2023).

  13. Kaveh, A., Bakhshpoori, T. & Hamze-Ziabari, S. M. M5’and mars based prediction models for properties of self-compacting concrete containing fly ash. Periodica Polytechnica Civil Engineering 62(2), 281–294 (2018).

    Google Scholar 

  14. Kaveh, A., Elmieh, R., Servati, H. Prediction of moment-rotation characteristic for semi-rigid connections using bp neural networks. Asian Journal of Civil Engineering (Building and Housing). 2(2), 131-142 (2001)

  15. Tipu, R.K., Batra, V., Pandya, K., Panchal, V. Enhancing load capacity prediction of column using erelu-activated bpnn model. In: Structures, 58, p. 105600 (2023).

  16. Singh, R., Tipu, R.K., Mir, A.A., Patel, M. Predictive modelling of flexural strength in recycled aggregate-based concrete: A comprehensive approach with machine learning and global sensitivity analysis. Iranian Journal of Science and Technology, Transactions of Civil Engineering, 1–26 (2024)

  17. Tipu, R. K., Arora, R. & Kumar, K. Machine learning-based prediction of concrete strength properties with coconut shell as partial aggregate replacement: A sustainable approach in construction engineering. Asian Journal of Civil Engineering 25(3), 2979–2992 (2024).

    Article  Google Scholar 

  18. Kumar, R. et al. Prognosis of flow of fly ash and blast furnace slag-based concrete: leveraging advanced machine learning algorithms. Asian Journal of Civil Engineering 25(3), 2483–2497 (2024).

    Article  Google Scholar 

  19. Rumelhart, D. E., Hinton, G. E. & Williams, R. J. Learning representations by back-propagating errors. Nature 323(6088), 533–536 (1986).

    Google Scholar 

  20. Yeh, I.-C. Concrete Slump Test. UCI Machine Learning Repository. DOI: https://doi.org/10.24432/C5FG7D (2007)

  21. Yeh, I.-C. Concrete Compressive Strength. UCI Machine Learning Repository. DOI: https://doi.org/10.24432/C5PK67 (1998)

  22. Cohen, I., et al. Pearson correlation coefficient. Noise reduction in speech processing, 1–4 (2009)

  23. Zar, J.H. Spearman rank correlation. Encyclopedia of biostatistics 7 (2005)

  24. Tipu, R.K., Goyal, A., Singh, D., Kumar, A.K.A. Integrated deep learning and bayesian optimization approach for enhanced prediction of high-performance concrete strength. Asian Journal of Civil Engineering, 1–20 (2025)

  25. Kashifi, M. T., Salami, B. A., Rahman, S. M. & Alimi, W. Using explainable machine learning to predict compressive strength of blended concrete: A data-driven metaheuristic approach. Asian Journal of Civil Engineering 25(1), 219–236 (2024).

    Article  Google Scholar 

  26. Golafshani, E. M., Behnood, A., Kim, T., Ngo, T. & Kashani, A. Metaheuristic optimization based-ensemble learners for the carbonation assessment of recycled aggregate concrete. Applied Soft Computing 159, 111661 (2024).

    Article  Google Scholar 

  27. Zhang, J., Wang, R., Lu, Y. & Huang, J. Prediction of compressive strength of geopolymer concrete landscape design: Application of the novel hybrid rf-gwo-xgboost algorithm. Buildings 14(3), 591 (2024).

    Article  Google Scholar 

  28. Fang, G.-H. et al. Optimized machine learning model for predicting compressive strength of alkali-activated concrete through multi-faceted comparative analysis. Materials 17(20), 5086 (2024).

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  29. Kumar, R., Kumar, S., Rai, B., Samui, P.: Development of hybrid gradient boosting models for predicting the compressive strength of high-volume fly ash self-compacting concrete with silica fume. In: Structures, 66, 106850 (2024).

  30. Al-Taai, S. R. et al. Xgboost prediction model optimized with bayesian for the compressive strength of eco-friendly concrete containing ground granulated blast furnace slag and recycled coarse aggregate. Appl. Sci. 13(15), 8889 (2023).

    Article  CAS  Google Scholar 

  31. Williams, C., Rasmussen, C. Gaussian processes for regression. Advances in neural information processing systems 8 (1995)

  32. Gedam, B. A. Ann-powered models for predicting shrinkage and creep properties of high-performance concrete using supplementary cementitious materials. Journal of Computing in Civil Engineering 38(6), 04024033 (2024).

    Article  Google Scholar 

  33. Singh, R., Sangeeta, V., Manjunath, T., Singh, P., Bishoyi, S.S., Pati, A.K. Mopso-driven optimization for sustainable retrofitting: balancing time, cost, and environmental impacts. Asian Journal of Civil Engineering, 1–14 (2025)

  34. Ravichandran, S., Manoharan, P., Sinha, D.K., Jangir, P., Abualigah, L., Alghamdi, T.A. Multi-objective resistance-capacitance optimization algorithm: An effective multi-objective algorithm for engineering design problems. Heliyon 10(17) (2024)

  35. Rashed, N. A., Ali, Y. H. & Rashid, T. A. Advancements in optimization: critical analysis of evolutionary, swarm, and behavior-based algorithms. Algorithms 17(9), 416 (2024).

    Article  Google Scholar 

  36. Xu, Y. et al. Computation of high-performance concrete compressive strength using standalone and ensembled machine learning techniques. Materials 14(22), 7034 (2021).

    Article  ADS  CAS  PubMed  PubMed Central  Google Scholar 

  37. Chen, X., Zhang, X. & Chen, W.-Z. Advanced predictive modeling of concrete compressive strength and slump characteristics: A comparative evaluation of bpnn, svm, and rf models optimized via pso. Materials 17(19), 4791 (2024).

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  38. Li, Y., Yang, X., Ren, C., Wang, L. & Ning, X. Predicting the compressive strength of ultra-high-performance concrete based on machine learning optimized by meta-heuristic algorithm. Buildings 14(5), 1209 (2024).

    Article  Google Scholar 

  39. Zhou, R., Tang, Y., Li, H. & Liu, Z. Predicting the compressive strength of ultra-high-performance concrete using a decision tree machine learning model enhanced by the integration of two optimization meta-heuristic algorithms. Journal of Engineering and Applied Science 71(1), 43 (2024).

    Article  ADS  CAS  Google Scholar 

  40. Nataraja, M., Das, L.: Concrete mix proportioning as per is 10262: 2009–comparison with is 10262: 1982 and aci 211.1-91. The Indian Concrete Journal 84(9), 64–70 (2010)

  41. Neshat, M., Adeli, A., Sepidnam, G. & Sargolzaei, M. Predication of concrete mix design using adaptive neural fuzzy inference systems and fuzzy inference systems. The International Journal of Advanced Manufacturing Technology 63, 373–390 (2012).

    Article  Google Scholar 

  42. Pawar, N.M., Gujar, S., Dhonde, H.B., Valles, D.: Early prediction of characteristic compressive strength of concrete based on mix proportions using modified dimensional analysis. In: IEEE 14th Annual Computing and Communication Workshop and Conference (CCWC), pp. 0043–0052 (2024).

  43. Lahre, P., Meshram, K., Mishra, U., Jan, A. Z. & Imam, A. Performance evaluation of the strength properties of sustainable concrete utilizing waste marble dust and glass fibre employing artificial neural network and particle swarm optimization algorithm. Innovative Infrastructure Solutions 10(2), 1–23 (2025).

    Article  Google Scholar 

  44. Kashyap, V. S., Sancheti, G., Yadav, J. S. & Agrawal, U. Smart sustainable concrete: enhancing the strength and durability with nano silica. Smart Construction and Sustainable Cities 1(1), 20 (2023).

    Article  Google Scholar 

  45. Ravikumar, B., Chandra, H. S. & Surendra, H. Waste paper sludge ash as a pozzolanic material: Enhancing concrete performance and sustainability. Journal of Building Pathology and Rehabilitation 10(1), 3 (2025).

    Article  Google Scholar 

  46. Goodfellow, I., Bengio, Y., Courville, A., Bengio, Y. Deep Learning. 1, MIT press Cambridge (2016)

  47. Snoek, J., Larochelle, H., Adams, R.P. Practical bayesian optimization of machine learning algorithms. Advances in neural information processing systems 25 (2012)

Download references

Funding

No funding was received for the study.

Author information

Authors and Affiliations

  1. Department of Civil Engineering, School of Engineering & Technology, K. R. Mangalam University, Sohna, Gurugram, 122103, Haryana, India

    Rupesh Kumar Tipu

  2. Department of Computer Science & Engineering, School of Engineering & Technology, K. R. Mangalam University, Sohna, Gurugram, 122103, Haryana, India

    Preeti Rathi

  3. Electrical Engineering Department, Faculty of Engineering and Technology, Parul Institute of Engineering and Technology (PIET), Vadodara, 391760, Gujarat, India

    Kartik S. Pandya

  4. M. S. Patel Department of Civil Engineering, Chandubhai S. Patel Institute of Technology (CSPIT), Charotar University of Science and Technology (CHARUSAT), CHARUSAT Campus, Changa, Anand, 388421, Gujarat, India

    Vijay R. Panchal

Contributions

R. K. T.: Conceptualization, Methodology, Software, Data curation, Writing-original draft. P. R., K. S. P., & V. R. P.: Investigation, Supervision, Validation, Writing-review & editing.

Corresponding author

Correspondence to Rupesh Kumar Tipu.

Ethics declarations

Competing interesta

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.

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Tipu, R.K., Rathi, P., Pandya, K.S. et al. Optimizing sustainable blended concrete mixes using deep learning and multi-objective optimization. Sci Rep 15, 16356 (2025). https://doi.org/10.1038/s41598-025-00943-1

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1038/s41598-025-00943-1

Keywords

Back To Top