1. Introduction
Concrete is considered to be the second most consumed material after water globally. Its remarkable binding property helps to support large structures, which increases its demand daily. Due to its numerous benefits, the consumption of concrete adds up to a giant figure of 30 billion tons per annum [1]. In concrete structures, the majority of stresses result from the action of heavy dead loads. These heavy dead loads can be reduced by using lightweight aggregate concrete. The weight of aggregate generally used in concrete is almost 70% of the composite, indicating that most of the weight in concrete is occupied by the aggregate [2]. Using natural or artificial lightweight aggregate instead of normal aggregate could reduce the weight of the concrete significantly.
Lightweight aggregate is broadly divided into two categories: (a) natural lightweight aggregate includes vermiculite, perlite, pumice, diatomite, scoria, etc. and (b) artificial lightweight aggregate includes expanded clay aggregate, expanded perlite, plastic aggregate, and expanded polystyrene beads, etc. [3]. The use of LWAC is increasing, especially in high-rise buildings and long-span bridges, due to its numerous benefits. These benefits include a lower gravity load, better heat insulation and sound insulation, a reduced risk of earthquake damage, improved fire resistance, and lower shrinkage and creep resistance as compared to conventional concrete [4,5,6,7,8,9,10]. LWAC is also a sustainable alternative for making energy-efficient buildings through heat insulation properties and cost-effective structures. The lower dead loads eventually lower the structural members’ design actions that help reduce the cross-section and reinforcement requirements [11]. Due to the lower self-weight, the cross-section of the structural members also decreases, leading to a lower use of the cement, which is a primary contributor of greenhouse gases as well as aggregate [12]. Furthermore, waste of the different sectors is utilized as lightweight aggregate such as crumb rubber, electric arch furnace slag, fly ash, etc. [12,13,14,15]. Artificial lightweight aggregate is also manufactured using local clays and fly ash, which is replacing the natural aggregate in order to reduce the usage of natural reserves [12,16,17].
Shaiksha et al. [18] reported that using artificial lightweight aggregate instead of natural aggregate could significantly reduce the cost by 18% due to a 22% reduction in the unit weight of the concrete. Lydon et al. [19] confirmed that the compressive strength of the LWAC is directly dependent on the density of the LWA used [4]. Furthermore, Huang et al. [20] confirmed that the mechanical properties of the LWAC are also a function of the rheological properties and water/binder ratio, as LWA has a high absorption capacity due to its porous microstructure. The main challenge of LWAC is to select the appropriate water/binder ratio owing to the high absorption capacity of the LWA [15]. This ultimately leads to rapid slump loss and decreases the setting time of concrete.
The mix design process for lightweight aggregate concrete is a bit complicated due to the inclusion of different properties of the lightweight aggregate. The main problem associated with the proper mix design of lightweight aggregate concrete is the variation in water absorbing capacity, and the density of the lightweight aggregate. To avoid the extensive mix design process, researchers have developed different types of machine learning (ML) models to predict the strength parameters of the concrete [21,22,23,24]. The use of artificial intelligence (AI) in concrete technology is not new; firstly, it was started simply to predict the compressive strength of the concrete and later also used to predict other properties of concrete due to its promising results [25]. Over the years, different approaches to machine learning have been made to predict the different parameters of a material or concrete. These include support vector machine (SVM), random forest (RF), decision tree (DT), gene expression programming (GEP), and artificial neural network (ANN) [4,26,27,28,29,30]. Aslam et al. [30] predicted the compressive strength of high-strength concrete using the GEP algorithm. Using the ANN algorithm, Siddique et al. [13] predicted the compressive strength of self-compacting concrete containing bottom ash [31]. Chithra et al. adopted an ANN model technique to predict the compressive strength of concrete containing nano-silica and copper slag [32].
Young et al. [23] adopted the ANN modeling technique to predict the compressive strength of lightweight aggregate concrete; however, this model lacked several important input parameters associated with the properties of aggregate, including water absorption, and the density of the LWA as well as the accuracy of the model was also compromised with an R2 of 0.71. Tenza-Abril et al. [24] also developed an ANN model using ultrasonic pulse velocity as the input to predict the compressive strength of the segregated lightweight aggregate concrete. The model developed by Tenza-Abril was good in terms of accuracy with an R2 of 0.82. These aforementioned purposed models for LWAC were limited in terms of their input parameters, along with compromised accuracies [24].
Therefore, there is a serious need for a comprehensive model involving all the important input parameters with high accuracy to predict the compressive strength of the lightweight aggregate concrete incorporating the properties of aggregate. This paper proposes a comprehensive approach to predict the compressive strength of structural and non-structural lightweight aggregate concrete. It is the first time that lightweight aggregate characteristics such as the water absorption capacity and density of the lightweight aggregate have been included in the dataset to predict the compressive strength of lightweight aggregate concrete based on input data that has not yet been utilized by the network. Additionally, the purposed machine learning model has a good accuracy as compared to already existing lightweight aggregate concrete compressive strength predictive models. Initially, a comprehensive dataset comprising 420 data points was extracted from the published journal articles [1,29,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,51,52,53,54,55,56,57,58,59,60,61,62,63,64,65,66,67,68,69,70,71,72]. To make the dataset coherent, a detailed statistical analysis was performed for data cleaning to remove the outliers from the dataset. For the training of the models, a total of five ML-based algorithms were considered for comparative analysis. To avoid overfitting and underfitting the trained model, the dataset was divided into three separate parts, from which one was used for training, the second for testing, and the third for validation. Finally, the accuracies of the models were evaluated based on statistical error indicators, and then the best model was used to predict the compressive strength.
2. Data Collection and Analysis
2.1. Data Collection
This study utilizes 420 data points for the prediction modeling of lightweight aggregate concrete, which were collected from published literature. A dataset with 12 instances was used, from which 11 are input parameters and one is output. In the dataset, the input parameters are cement, sand, water-to-cement ratio (w/c), lightweight aggregate (LWA), normal aggregate (normal agg.), the density of lightweight aggregate, water absorption of lightweight aggregate, superplasticizer, curing time, fly ash (FA), and lightweight aggregate type. The output variable is compressive strength. The name, unit, minimum and maximum values, mean, mode, and standard derivation (SD) for training and testing are listed in Table 1 and Table 2 respectively. The statistical distribution of the parameters used in the dataset is shown in Figure 1. The box plot of input and output variables is shown in Figure 2.
2.2. Preprocessing of Dataset
The preprocessing data sample points initiate the development of the ML model. A correlation matrix was developed to determine the relationship between the dependent and independent variables and is shown in Figure 3. The Pearson correlation matrix is a comprehensive graph that shows the relationship between the variables in terms of Pearson correlation coefficients [73]. In the correlation matrix, the correlation coefficient range lies between +1 and −1. The correlation coefficient values range between −1 and +1 for the non-diagonal entries and exactly 1 for the diagonal entries since the relation of one variable with itself will always be perfect [74]. It is evident from the signs that the positive values show a direct relation and negative show an inverse relation between the variables [74]. The equation expressing the Pearson correlation coefficient is:
(1)
2.3. Dataset Normalization
The major challenge faced after data collection is processing the raw data to make them compatible with the ML models used. For instance, in our dataset, there was a considerable difference between the numerical values of cement, w/c, and normal aggregate used. This difference affected the accuracy of our model adversely. This issue was tackled using the data normalization technique. Data normalization means transforming data into the unit sphere or scaling down the actual values to numerical indexes between 0 and 1. It leads to data cleansing and convergence and significantly enhances the model’s efficiency. It also improves data execution by reducing the dataset’s redundancy. The governing equation taken into consideration for data normalization is mentioned below, where the normalized value of a certain input variable is a function of the actual, minimum, and maximum values of that variable in the dataset.
(2)
3. Methodology
3.1. Overview of Machine Learning
Implementing machine learning (ML) in civil engineering is considered a renaissance in this field. ML models have enhanced numerical computational power and higher accuracy. ML is a branch of artificial intelligence (AI) and can be used for several objectives such as classification, clustering, regression, etc. The basic working flowchart of machine learning is shown in Figure 4. Predicting the compressive strength of lightweight concrete is just one application of the ML models. ML follows certain algorithms that can learn from the input data themselves, and after hyperparameter tuning, it gives highly accurate results. An ML model that has been accurately trained and precisely calibrated has shown significant similarity with practical experimental data. The juggernaut behind this AI arena is that we allow the computer algorithms to learn from a given dataset rather than programing them conventionally. Hence, the algorithm comes up with a model that can interpret all the data fed to it. Table 3 summarizes some of the latest work conducted in the concrete domain with the integration of ML tools.
3.1.1. Artificial Neural Networks
An artificial neural network (ANN) is a data-driven ML-based approach inspired by the functioning of neural networks in the human brain [100]. ANN has versatile applications from speech recognition to medical diagnosis and data sorting to clustering. The working principle of ANN is based on its ability to learn from the data provided and find a certain connection between the input and output parameters through hidden functions. Neurons are the building blocks of ANN and there is a weight and bias associated with every neuron. The data proceed from the input layer towards the output layer through different intermediate hidden layers. All the corresponding layers are attached by discrete channels with distinct weights. In order to pass on the data through different layers, the input value of the preceding layer is multiplied by the weight of the channel attaching this neuron with the neuron of the succeeding layer. Then, finally, the product of these two is added to bias, which is a numerical value assigned to the succeeding layer neurons. Our model comprises 11 input layers, 10 hidden layers, and one output layer. The number of input and output layers is upon users’ discretion; however, the number of hidden layers is a variable that changes from data to data. The model is trained iteratively for the different number of hidden layers, and then the number of layers of the model with optimum accuracy are adopted [101]. The basic architecture of the ANN model is shown in Figure 5.
3.1.2. Regression Analysis
The regression analysis is a family of machine learning models that serves two primary purposes. Firstly, regression analysis is mainly used for the prediction in which their application has significant overlaps with the machine learning area. Secondly, regression analysis can identify the relationship between the dependent and independent variables [102]. According to the regression models, the independent variable ‘x’ predicts the dependent variable ‘Y’. Regression is further classified into two main domains: linear and non-linear regression analysis. When the relationship between the dependent and independent variables is non-linear, non-linear regression analysis is performed, which is frequently the case in most of the real-world applications. Similarly, when the relationship between the dependent and independent variables is linear, linear regression analysis is performed. The flowchart in Figure 6 illustrates the basic working flow of regression models which were used in this study.
Y = a + bx + cx2 + dx3 + ex4 + …(3)
Support Vector Machine
Support vector machines (SVMs) are supervised learning models for classification and regression analysis that examine data and identify patterns. SVM differentiates cases with different class labels by developing hyperplanes in a multidimensional space. Multiple continuous and categorical variables can be handled by SVM, which allows both regression and classification tasks [103,104].
Gaussian Process Regression
Gaussian process regression (GPR) is a Bayesian non-parametric technique that has been used widely in data-based modelling of a variety of systems, including those relevant to chemometrics. However, because it is challenging to formulate a covariance function for correlated multiple response variables that captures both the correlation between responses and the correlation between data points, most GPR implementations only simulate a single response variable [105,106].
Extreme Gradient Boosting Tree
A gradient boosting framework is used by the ensemble machine learning method XGBoost, which is decision-tree-based. Artificial neural networks frequently outperform all other algorithms or frameworks in prediction issues involving unstructured data (pictures, text, etc.). However, decision-tree-based algorithms are currently thought to be best-in-class for small- to medium-sized structured/tabular data [28,104,107].
Decision Tree
Decision tree analysis is a common, predictive modelling technique with applications bridging various areas. In general, decision trees are developed using an algorithmic method that defines how to divide a dataset based on several criteria. It is among the most widespread and useful techniques for supervised learning. Decision trees are a non-parametric supervised learning technique used for both classification and regression tasks. The aim is to learn straightforward decision rules derived from the data features to develop a model that predicts the value of a target variable [106,108,109].
4. Model Development and Construction
4.1. Anomalous Data
The data were collected from the previously published literature, including hypothetical trials of the different samples. In the collected data, some points were affecting the accuracy of the trained models. These data points are outliers called anomalous data. Twenty-two such types of data points were removed, e.g., a sample that included the water/cement ratio of 1 was removed as the anomalous data considering its unrealistic nature. In the same way, 130 MPa compressive strength of the lightweight aggregate concrete was reported without any additive and normal aggregate and was also included in outliers. Some data points did not even contain any lightweight aggregate, so those data points were also removed.
4.2. Hyperparameter Tuning
Hyperparameter tuning is the setting of a learning algorithm before training any ML model. Hyperparameter tuning is an iterative process where selecting appropriate model parameters determines the model’s accuracy. Model parameters vary from model to model as well as with dataset. The input variables and model parameters, such as number of hidden layers, learning rate, number of learners, leaf size, and percentage of the dataset for training, validation, testing, etc., were varied until the optimum model performance was achieved. Due to a large number of model parameters, only a few hyperparameters were tuned; the others were set to default. The hyperparameters of ML models that were optimized are shown in Table 4.
4.3. Model Performance Indicators
To assess the performance of the ML models, four types of statistical performance indicators were used. The performance indicators used were root mean square error (RMSE), mean absolute error (MAE), mean square error (MSE), variance account factor (VAF), performance index (PI), and coefficient of determination R-squared (R2). The coefficient of determination R2 shows the variance in predicted values as compared to the actual values. The closer the value of R2 is to 1, the higher the accuracy of the model is. On the other hand, RMSE and MSE indicate how many of the data points are converged on the regression line. MAE is a similar measure of errors in paired observations. The formulation of the statistical performance indicators is given as:
(4)
(5)
(6)
(7)
(8)
where Kpre and Kact are the predicted and actual values, respectively; m refers to the total number of sample points, and refers to the mean of the predicted values.4.4. Training Process
Rigorous and repeated model training is performed to achieve higher accuracy. The selection of appropriate parameters during the training process determines the model’s accuracy. Therefore, the models were trained multiple times by changing input variables and parameters until the best model with the highest possible accuracy was obtained. Figure 7 gives a basic overview of the training process for the machine learning models adopted in this research.
5. Results and Discussion
5.1. Predicted Results and Discussion
The five machine learning algorithms, support vector machine (SVM), artificial neural network (ANN), decision tree (DT), Gaussian process of regression (GPR), and extreme gradient boosting tree (XGBoost) were trained and tested. A model’s accuracy is measured in terms of R2; the larger the value, the more accurate the model will be, while in the case of the RMSE, the lower the value, the greater accuracy of the model [17]. Figure 8 compares the actual and predicted results of the output parameter. The trained model of GPR, which outperforms all other models, gives an RMSE of compressive strength for the training dataset of 1.34, while the RMSE for the testing dataset is 7.79, while the model’s accuracies for the testing and training datasets in terms of R2 for compressive strength are 0.99 and 0.92, respectively.
5.2. Rank Analysis
To evaluate the overall performance of machine learning models, rank analysis is performed. Based on the results of the training and testing phases of the ML models summarized in Table 5, each model is rated based on the results of all statistical indices computed. The worst performing model is ranked as having a model value of 1, while the best model is ranked as having a model value of 5 (as five models are used in this study). The total rank is then calculated in this method by adding all the individual ratings. The model with the lowest rank is considered to be the best performing one, while the model with the highest rank is considered to be the worst performing one. The performance of the models is calculated by adding each model’s total rank of the training and testing sets to find their overall rank. As can be seen in Table 6, the performance of the GPR model stands out above all five models with an overall rank of 25. Following GPR, SVM has the second overall rank of 27, DT has the third overall rank of 29, XGBoost the fourth overall rank of 30, and ANN the fifth overall rank of 39.
5.3. Model Performance Analysis
Since it is evident from Table 6 that the GPR model was found to be the best fit for forecasting the compressive strength of lightweight aggregate concrete, a separate dataset was used to validate the predictive model. These data were not included during the model’s training and testing process. The output (compressive strength) was monitored by varying the type of LWA, the density of LWA, and the water absorption of LWA, which is the prime input of the model. The results were highly encouraging, and the predicted compressive strength was almost the same as that published in the literature. The summary of validation and the comparison of the predicted and actual data are shown in Figure 9.
6. Conclusions
This study used different machine learning tools to develop an optimized compressive strength predictive model of sustainable lightweight aggregate concrete including lightweight aggregate characteristics with 420 data points. Five ML models were trained with 11 input parameters and one compressive strength output.
-
For the development of machine learning, the model’s dataset was divided into three parts: training, testing, and validation.
-
A detail statistical analysis was performed on the dataset to make it coherent before training the machine learning models.
-
Statistical indicators were used to evaluate the performance of ML models, including root mean square error (RMSE), mean absolute error (MAE), mean square error (MSE), and coefficient of determination R-squared (R2).
-
To enhance the accuracy of the predictive models, optimal hyperparameter tuning was performed during the training process. After hyperparameter tuning, an optimized machine learning Gaussian process of the regression model for compressive strength prediction of sustainable lightweight aggregate concrete was developed.
-
The R2 and RMSE of the GPR model were above 0.99 and 1.34, respectively, indicating that the GPR model exhibited better performance in predicting the compressive strength of lightweight aggregate concrete.
-
It is therefore concluded that extensive, uneconomical, and time-consuming work of finding an optimum mix design can be replaced by using these ML algorithms with maximum accuracy to predict the compressive strength of LWAC.
Conceptualization, F.H. and R.A.K.; Methodology, F.H.; Software, F.H.; Validation, S.A.K. and F.R.; Formal analysis, F.H., S.A.K., A.H. and F.R.; Investigation, A.H.; Resources, F.H., A.H. and F.R.; Data curation, F.H., S.A.K., R.A.K., A.H. and F.R.; Writing—original draft, F.H., S.A.K., R.A.K., A.H. and F.R.; Writing—review & editing, R.A.K.; Visualization, S.A.K., R.A.K. and F.R. All authors have read and agreed to the published version of the manuscript.
Not applicable.
Not applicable.
Data will be made available on request.
The authors declare no conflict of interest.
LWAC | Lightweight aggregate concrete |
LWA | Lightweight aggregate |
AI | Artificial intelligence |
ML | Machine learning |
SVM | Support vector machine |
DT | Decision tree |
XGBoost | Extreme gradient boosting tree |
GPR | Gaussian process of regression |
ANN | Artificial neural network |
R 2 | Coefficient of determination |
RMSE | Root mean square error |
MSE | Mean square error |
MAE | Mean absolute error |
SD | Standard derivation |
R | Pearson correlation coefficient |
w/c | Water-to-cement ratio |
FA | Fly ash |
Normal Agg | Normal aggregate |
Footnotes
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.
Summary of dataset for ML models training.
Parameters | Unit | Minimum | Maximum | Median | Mode | SD | Type |
---|---|---|---|---|---|---|---|
Cement | kg/m3 | 156 | 1500 | 467 | 480 | 378.42 | Input |
Sand | kg/m3 | 0 | 1193 | 664 | 0 | 330.15 | Input |
Water-to-cement ratio | 1 | 0.15 | 0.80 | 0.45 | 0.5 | 0.08 | Input |
LWA quantity | kg/m3 | 23.80 | 1191 | 308 | 37 | 297.28 | Input |
Density of LWA | kg/m3 | 415 | 1489 | 783 | 575 | 357.65 | Input |
Water absorption of LWA | % | 0.92 | 58.30 | 25.20 | 40 | 13.83 | Input |
Normal aggregate | kg/m3 | 0 | 1326 | 0 | 0 | 353.98 | Input |
Superplasticizer | % | 0 | 3 | 0 | 0 | 0.70 | Input |
Curing time | Days | 1 | 120 | 28 | 28 | 14.27 | Input |
Fly ash | kg/m3 | 0 | 540 | 0 | 0 | 117.61 | Input |
Lightweight aggregate types | - | - | - | - | - | - | Input |
Compressive strength | MPa | 2.03 | 79 | 24.58 | 25 | 16.68 | Output |
Summary of dataset for ML model testing.
Parameters | Unit | Minimum | Maximum | Median | Mode | SD | Type |
---|---|---|---|---|---|---|---|
Cement | kg/m3 | 139 | 1350 | 384 | 450 | 197.70 | Input |
Sand | kg/m3 | 0 | 1178 | 630 | 0 | 294.92 | Input |
Water-to-cement ratio | 1 | 0.23 | 0.8 | 0.42 | 0.35 | 0.07 | Input |
LWA quantity | kg/m3 | 0 | 950 | 155 | 0 | 270.29 | Input |
Density of LWA | kg/m3 | 406 | 1480 | 750 | 610 | 320.11 | Input |
Water absorption of LWA | % | 0.92 | 56 | 20.5 | 20.5 | 13.54 | Input |
Normal aggregate | kg/m3 | 0 | 941.2 | 0 | 0 | 282.15 | Input |
Superplasticizer | % | 0 | 2.5 | 0.5 | 0 | 0.687 | Input |
Curing time | Days | 1 | 120 | 28 | 28 | 23.4 | Input |
Fly ash | kg/m3 | 0 | 540 | 0 | 0 | 111.38 | Input |
Lightweight aggregate types | - | - | - | - | - | - | Input |
Compressive strength | MPa | 4.28 | 65.14 | 27 | 25 | 15.54 | Output |
Recent uses of advanced machine learning modeling in research.
Sr. No. | Machine Learning Algorithms | Datasets | Input Parameters | Output Parameters | Ref. |
---|---|---|---|---|---|
1. | GB_PSO, and SVR | 721 | Water content, aggregate content, RCA content, NA content, sand content, cement content, RCA water absorption, NA water absorption. | Compressive Strength | [ |
2. | Gaussian process regression, kernel transformations and regression, SVR | 1681 | Cement, fly ash, and water content | Compressive Strength | [ |
3. | GPR, ANN, SVR | 406 | Water, cement, slag, fine steel slag, coarse steel slag | Compressive Strength | [ |
4. | ELM, SVM, and GMDH | 2028 | Curing ages of 1, 3, 7, 28, and 90 days. | Compressive strength and ultrasonic pulse velocities | [ |
5. | RF (random forest) | - | FA, RM, and GP | Compressive strength, split tensile strength, and flexural strength | [ |
6. | ANN and DNN | 335 | Fly ash, water glass solution, sodium hydroxide solution, coarse aggregate, fine aggregate, water, concentration of sodium hydroxide solution, curing time, and curing temperature. | Compressive strength | [ |
7. | SVM, ANN, AdaBoost, CNN | 380 | C-G: cement strength class, W/B: water–binder ratio; S-R: sand ratio, P/A: paste–aggregate ratio, RA/A: recycled coarse aggregate replacement proportion, F/B: fly ash replacement proportion, SF/B: silica fume replacement proportion, S/B: slag replacement | Compressive strength | [ |
8. | RF, AdaBoost, GB, SVR, and XGB | 220 | W/C ratio and silica fume, silica fume content and fiber volume fraction | Compressive strength and flexural strength | [ |
9. | ANN, GB, XGB, SVR, KNN LR | 630 | Cement, fines, coarse aggregate, superplasticizer, and curing age | Compressive strength | [ |
10. | Least square support vector machine coupled simulated annealing CSA LSSVM-CSA, GP | - | W/C ratio, coarse–fine aggregate (CA/FA) ratio, proportion of CA to FA | Compressive strength | [ |
11. | Multiple linear regression, genetic algorithm-BPNN, backpropagation neural network, Gaussian process regression, radial basis function neural network. | 2045 | Water–cement ratio, water–binder ratio, aggregate–cement ratio, cement content (kg/m3), silica fume content (% cement mass), fly ash content (% cement mass), slag content (% cement mass), calcined clay content (% cement mass) (denoted as metakaolin), filler content (kg/m3), amount of superplasticizer (% cement mass), SAP content (% cement mass), SAP size (μm), SAP water uptake (g/g of SAP in cement slurry), and time since the beginning of shrinkage measurements (days) | Axial loading capacity | [ |
12. | Linear regression, K-nearest neighbors, support vector regression, XGBoost, decision tree, Gaussian process regression, gradient boosting, artificial neural network, random forest. | 429 | Wall features | The capacity of RC shear walls | [ |
13. | Data envelopment analysis | 114 | Superplasticizer, coarse aggregates, fine aggregates, water–binder ratio, fly ash replacement percentage, and the total binder content | Compressive strength, V funnel test, slump test, L box test | [ |
14. | Support vector machine | 15 | AE parameters | Compressive strength | [ |
15. | Gene expression programming | 277 | Binder content, fly ash, water–powder ratio, fine aggregate, coarse aggregate, and superplasticizer | Axial capacity | [ |
16. | Adaptive neuro-fuzzy inference system | 7 | Depth, thickness, yield strength of steel, the compressive strength of concrete and the length of the CFST | Compressive strength | [ |
17. | Conventional ANN | 220 | Mixtures incorporating 0%, 10 wt%, 20 wt%, 30 wt%, 50 wt%, 60 wt%, and 70 wt% wt 70% T-POFA as a replacement of ordinary Portland cement (OPC) at a constant water/binder (W/B) ratio of 0.35 | Compressive strength | [ |
18. | Multivariate | 21 | W/c ratio, sand/cement ratio, curing days, and dry density | Compressive strength | [ |
19. | Intelligent rule-based enhanced multiclass support vector machine and fuzzy rules | 114 | Crumb rubber derived from end-of-life tires (grain size 0.5–3.5 mm) was replaced fine aggregate by 0%, 5%, 10%, 15%, 20%, 25%, and 30% of total aggregate volume. Silica fume replaced cement by 0%, 5%, and 10% of the total cement mass | Compressive strength | [ |
20. | Multivariate adaptive regression spline | 114 | Cement (kg), fly ash (kg), water–powder ratio (W/P), and superplasticizer (l/m3) | Compressive strength, slump test, L box test, V funnel test | [ |
21. | Gene expression programming | 160 | Fly ash as cement replacement | Post-fire behavior | [ |
22. | Gene expression programming (GEP), Random forest regression (RFR), and Support vector machine (SVM) | - | Temperature (T), recycled concrete aggregate (RCA) replacement level, and superplasticizer (SP) addition percentage | Compressive strength (f’c) of sugarcane bagasse ash (SCBA) concrete | [ |
23. | Extreme learning machine (ELM) | 324 | SCBA dosage (SCBA%), the quantity of fine aggregate (FA) and coarse aggregate (CA), water–cement ratio (W/C), and cement content (CC). | Compressive strength of high-strength concrete (HSC) | [ |
24. | Gaussian process regression (GPR) | 414 | Water, cement, fine aggregate, coarse aggregate, and superplasticizer | Compressive strength of Miscanthus | [ |
25. | Support vector regressor (SVR), random forest regressor (RFR), extra trees regressor (ETR), and gradient boosting regressor (GBR) | 676 | Curing time and pretreatment condition | Compressive strength | [ |
26. | Gaussian process regression (GPR) | 414 | Mixture proportions and the chemical compositions | Compressive strength of Miscanthus lightweight concrete (MLWC) | [ |
27. | Multiple linear regression (MLR), generalized linear modeling (GLM), quadratic polynomial regression (QPR), and support vector machine with linear kernel (SVML); non-linear models include artificial neural network (ANN), support vector machine with polynomial kernel (SVMP), support vector machine with radial kernel (SVMR), random forest (RF), and extreme gradient boosting (XGBoost) | 12,107 | Curing time and pretreatment condition | Compressive strength of field concrete at 7 days | [ |
28. | Support vector machine (SVM) | 1000 | Water, cement, coarse aggregate, fine aggregate, fly ash, superplasticizing admixture, and water-reducing admixture. | Compressive strength | [ |
29. | Support vector regression | 115 | Curing conditions | Compressive strength | [ |
Optimized hyperparameter for ML models.
Methods | Hyperparameters | Range | Optimum Value |
---|---|---|---|
DT | Minimum leaf size | 1–50 | 4 |
SVM | Kernel function | Cubic | |
Epsilon | 0.1–2 | 1.6 | |
Kernel scale | 0.1–1.7 | 1 | |
XGBoost | Minimum leaf size | 1–20 | 8 |
Number of learners | 1–50 | 30 | |
Learning Rate | 0.01–0.50 | 0.1 | |
GPR | Kernel scale | 1–80 | 52 |
Sigma | 1–15 | 12 | |
ANN | Training algorithm | Bayesian regularization | 10 |
Hidden layer size | 1–40 |
Summary of trained models.
ML Models | Set | RMSE | R 2 | MSE | MAE | VAF |
---|---|---|---|---|---|---|
DT | Training | 4.45 | 0.94 | 19.78 | 2.68 | 93.81 |
Testing | 6.58 | 0.87 | 43.37 | 4.32 | 86.34 | |
SVM | Training | 2.38 | 0.98 | 5.64 | 1.58 | 98.29 |
Testing | 7.43 | 0.84 | 55.26 | 3.61 | 85.56 | |
XGBoost | Training | 5.02 | 0.92 | 25.22 | 3.39 | 92.91 |
Testing | 7.79 | 0.82 | 60.82 | 4.81 | 83.09 | |
GPR | Training | 1.34 | 0.99 | 1.79 | 0.69 | 99.40 |
Testing | 5.06 | 0.92 | 25.62 | 3.01 | 95.65 | |
ANN | Training | 2.62 | 0.98 | 6.89 | 1.71 | 98.59 |
Testing | 8.4 | 0.9 | 70.58 | 5.13 | 94.19 |
Rank analysis of ML models.
ML Models | Set | RMSE | R 2 | MSE | MAE | VAF | Total Rank | Overall Rank |
---|---|---|---|---|---|---|---|---|
DT | Training | 4 | 2 | 4 | 4 | 2 | 16 | 29 |
Testing | 2 | 3 | 2 | 3 | 3 | 13 | ||
SVM | Training | 2 | 5 | 2 | 2 | 3 | 14 | 27 |
Testing | 3 | 2 | 4 | 2 | 2 | 13 | ||
XGBoost | Training | 5 | 1 | 5 | 5 | 1 | 17 | 30 |
Testing | 4 | 1 | 3 | 4 | 1 | 13 | ||
GPR | Training | 1 | 4 | 1 | 1 | 5 | 12 | 25 |
Testing | 1 | 5 | 1 | 1 | 5 | 13 | ||
ANN | Training | 3 | 3 | 3 | 3 | 4 | 16 | 39 |
Testing | 5 | 4 | 5 | 5 | 4 | 23 |
References
1. Alqahtani, F. Sustainable Green Lightweight Concrete Containing Plastic-Based Green Lightweight Aggregate. Materials; 2021; 14, 3304. [DOI: https://dx.doi.org/10.3390/ma14123304] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/34203782]
2. Vandanapu, S.N.; Krishnamurthy, M. Seismic Performance of Lightweight Concrete Structures. Adv. Civ. Eng.; 2018; 2018, 2105784. [DOI: https://dx.doi.org/10.1155/2018/2105784]
3. Sadrmomtazi, A.; Sobhani, J.; Mirgozar, M. Modeling compressive strength of EPS lightweight concrete using regression, neural network and ANFIS. Constr. Build. Mater.; 2013; 42, pp. 205-216. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2013.01.016]
4. Karbassi, A.; Mohebi, B.; Rezaee, S.; Lestuzzi, P. Damage prediction for regular reinforced concrete buildings using the decision tree algorithm. Comput. Struct.; 2014; 130, pp. 46-56. [DOI: https://dx.doi.org/10.1016/j.compstruc.2013.10.006]
5. Topqu, I.B. Lightweight concretes produced by volcanic slags. Cem. Concr. Res.; 1997; 27, pp. 15-21. [DOI: https://dx.doi.org/10.1016/S0008-8846(96)00190-1]
6. Bilodeau, A.; Kodur, V.; Hoff, G. Optimization of the type and amount of polypropylene fibres for preventing the spalling of lightweight concrete subjected to hydrocarbon fire. Cem. Concr. Compos.; 2004; 26, pp. 163-174. [DOI: https://dx.doi.org/10.1016/S0958-9465(03)00085-4]
7. Kayali, O.; Haque, M.; Zhu, B. Some characteristics of high strength fiber reinforced lightweight aggregate concrete. Cem. Concr. Compos.; 2003; 25, pp. 207-213. [DOI: https://dx.doi.org/10.1016/S0958-9465(02)00016-1]
8. Al-Jabri, K.; Hago, A.W.; Al-Nuaimi, A.; Al-Saidy, A. Concrete blocks for thermal insulation in hot climate. Cem. Concr. Res.; 2005; 35, pp. 1472-1479. [DOI: https://dx.doi.org/10.1016/j.cemconres.2004.08.018]
9. Şahin, R.; Demirboğa, R.; Uysal, H.; Gül, R. The effects of different cement dosages, slumps and pumice aggregate ratios on the compressive strength and densities of concrete. Cem. Concr. Res.; 2003; 33, pp. 1245-1249. [DOI: https://dx.doi.org/10.1016/S0008-8846(03)00048-6]
10. Al-Khaiat, H.; Haque, M.N. Effect of Initial Curing on Early Strength and Physical. Cem. Concr. Res.; 1998; 28, pp. 859-866. [DOI: https://dx.doi.org/10.1016/S0008-8846(98)00051-9]
11. Wei, H.; Wu, T.; Yang, X. Properties of Lightweight Aggregate Concrete Reinforced with Carbon and/or Polypropylene Fibers. Materials; 2020; 13, 640. [DOI: https://dx.doi.org/10.3390/ma13030640] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/32023982]
12. Jung, Y.-B.; Yang, K.-H. CO2 emission assessment of lightweight aggregate concrete using artificial lightweight and bottom ash particles. J. Mater. Cycles Waste Manag.; 2022; 24, pp. 2172-2182. [DOI: https://dx.doi.org/10.1007/s10163-022-01469-8]
13. Faleschini, F.; Brunelli, K.; Zanini, M.A.; Dabalà, M.; Pellegrino, C. Electric Arc Furnace Slag as Coarse Recycled Aggregate for Concrete Production. J. Sustain. Met.; 2015; 2, pp. 44-50. [DOI: https://dx.doi.org/10.1007/s40831-015-0029-1]
14. Kumar, A.; Yadav, S.; Kumar, A.; Yadav, S. Use of crumb rubber as fine aggregate in concrete to increase the strength of concrete block. JETIR; 2017; 4, pp. 150-155. Available online: https://www.jetir.org/view?paper=JETIR1711026 (accessed on 15 December 2022).
15. Using Crumb Rubber as Lightweight Aggregate in Structural Concrete Lab Report Example | Topics and Well Written Essays—8000 Words. Available online: https://studentshare.org/engineering-and-construction/1879252-using-crumb-rubber-as-lightweight-aggregate-in-structural-concrete (accessed on 15 December 2022).
16. Subandi,; Cahyono, R.; Kusuma, C.; Asnan, M. Artificial Aggregate Lightweight Structural. Ann. Chim. Sci. Mater.; 2019; 43, pp. 213-216. [DOI: https://dx.doi.org/10.18280/acsm.430403]
17. Sarabèr, A.; Overhof, R.; Green, T.; Pels, J. Artificial lightweight aggregates as utilization for future ashes—A case study. Waste Manag.; 2012; 32, pp. 144-152. [DOI: https://dx.doi.org/10.1016/j.wasman.2011.08.017]
18. Vali, K.S.; Murugan, S.B. Impact of manufactured fiber aggregate in the production of lightweight concrete. Mater. Today Proc.; 2022; 65, pp. 1690-1696. [DOI: https://dx.doi.org/10.1016/j.matpr.2022.04.712]
19. Zulkarnain, F.; Ramli, M. Durability Performance of Lightweight Aggregate. Proc. ICBEDC; 2008; 8, pp. 541-551.
20. Chi, J.M.; Huang, R.; Yang, C.C.; Chang, J.J. Effect of aggregate properties on the strength and stiffness of lightweight concrete. Cem. Concr. Compos.; 2003; 25, pp. 197-205. [DOI: https://dx.doi.org/10.1016/S0958-9465(02)00020-3]
21. Ahmad, A.; Ahmad, W.; Chaiyasarn, K.; Ostrowski, K.A.; Aslam, F.; Zajdel, P.; Joyklad, P. Prediction of Geopolymer Concrete Compressive Strength Using Novel Machine Learning Algorithms. Polymers; 2021; 13, 3389. [DOI: https://dx.doi.org/10.3390/polym13193389]
22. Feng, D.-C.; Liu, Z.-T.; Wang, X.-D.; Chen, Y.; Chang, J.-Q.; Wei, D.-F.; Jiang, Z.-M. Machine learning-based compressive strength prediction for concrete: An adaptive boosting approach. Constr. Build. Mater.; 2019; 230, 117000. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2019.117000]
23. Yoon, J.Y.; Kim, H.; Lee, Y.-J.; Sim, S.-H. Prediction Model for Mechanical Properties of Lightweight Aggregate Concrete Using Artificial Neural Network. Materials; 2019; 12, 2678. [DOI: https://dx.doi.org/10.3390/ma12172678]
24. Tenza-Abril, A.; Villacampa, Y.; Solak, A.; Baeza-Brotons, F. Prediction and sensitivity analysis of compressive strength in segregated lightweight concrete based on artificial neural network using ultrasonic pulse velocity. Constr. Build. Mater.; 2018; 189, pp. 1173-1183. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2018.09.096]
25. Nikoo, M.; Moghadam, F.T.; Sadowski, Ł. Prediction of Concrete Compressive Strength by Evolutionary Artificial Neural Networks. Adv. Mater. Sci. Eng.; 2015; 2015, 849126. [DOI: https://dx.doi.org/10.1155/2015/849126]
26. Benemaran, R.S.; Esmaeili-Falak, M.; Javadi, A. Predicting resilient modulus of flexible pavement foundation using extreme gradient boosting based optimised models. Int. J. Pavement Eng.; 2022; pp. 1-20. [DOI: https://dx.doi.org/10.1080/10298436.2022.2095385]
27. De-Prado-Gil, J.; Zaid, O.; Palencia, C.; Martínez-García, R. Prediction of Splitting Tensile Strength of Self-Compacting Recycled Aggregate Concrete Using Novel Deep Learning Methods. Mathematics; 2022; 10, 2245. [DOI: https://dx.doi.org/10.3390/math10132245]
28. De-Prado-Gil, J.; Palencia, C.; Jagadesh, P.; Martínez-García, R. A Comparison of Machine Learning Tools That Model the Splitting Tensile Strength of Self-Compacting Recycled Aggregate Concrete. Materials; 2022; 15, 4164. [DOI: https://dx.doi.org/10.3390/ma15124164] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/35744223]
29. Almawla, S.A.; Mohammed, M.K.; Al-Hadithi, A.I. Fresh and Mechanical Properties of Self-Compacting Lightweight Concrete Containing Ponza Aggregates. Proceedings of the International Conference on Developments in eSystems Engineering; Kazan, Russia, 7–10 October 2019; pp. 100-104. [DOI: https://dx.doi.org/10.1109/dese.2019.00028]
30. Aslam, F.; Farooq, F.; Amin, M.N.; Khan, K.; Waheed, A.; Akbar, A.; Javed, M.F.; Alyousef, R.; Alabdulijabbar, H. Applications of Gene Expression Programming for Estimating Compressive Strength of High-Strength Concrete. Adv. Civ. Eng.; 2020; 2020, 8850535. [DOI: https://dx.doi.org/10.1155/2020/8850535]
31. Siddique, R.; Aggarwal, P.; Aggarwal, Y. Prediction of compressive strength of self-compacting concrete containing bottom ash using artificial neural networks. Adv. Eng. Softw.; 2011; 42, pp. 780-786. [DOI: https://dx.doi.org/10.1016/j.advengsoft.2011.05.016]
32. Chithra, S.; Kumar, S.S.; Chinnaraju, K.; Ashmita, F.A. A comparative study on the compressive strength prediction models for High Performance Concrete containing nano silica and copper slag using regression analysis and Artificial Neural Networks. Constr. Build. Mater.; 2016; 114, pp. 528-535. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2016.03.214]
33. Parhizkar, T.; Najimi, M.; Pourkhorshidi, A.R. Application of pumice aggregate in structural lightweight concrete. Asian J. Civ. Eng.; 2012; 13, pp. 43-54.
34. Vinoth, R.; Kumar, M.V. Strength and durability performance of Light Weight Self-Compacting Concrete (LWSCC) with Light Expanded Clay Aggregate (LECA). IOP Conf. Ser. Mater. Sci. Eng.; 2020; 872, 012104. [DOI: https://dx.doi.org/10.1088/1757-899X/872/1/012104]
35. Meddage, D.P.P.; Chadee, A.; Jayasinghe, M.T.R.; Rathnayake, U. Exploring the Applicability of expanded polystyrene (EPS) based concrete panels as roof slab insulation in the tropics. Case Stud. Constr. Mater.; 2022; 17, e01361. [DOI: https://dx.doi.org/10.1016/j.cscm.2022.e01361]
36. Vahabi, M.Y.; Tahmouresi, B.; Mosavi, H.; Aval, S.F. Effect of pre-coating lightweight aggregates on the self-compacting concrete. Struct. Concr.; 2021; 23, pp. 2120-2131. [DOI: https://dx.doi.org/10.1002/suco.202000744]
37. Dolatabad, Y.A.; Abolpour, B.; Tazangi, M.A.J. Investigating effects of Nano particles of silica on the properties of self-compacting concrete containing Perlite, Leca, and Scoria light weight aggregates. Arab. J. Geosci.; 2021; 14, pp. 1-13. [DOI: https://dx.doi.org/10.1007/s12517-021-07233-w]
38. Dong, S.; Yang, W.; Ge, Y.; Jiang, S.; Sun, T.; Deng, J. Mechanical Properties of Concrete Containing Ceramsite Sand. Proceedings of the ICTE 2015—5th International Conference on Transportation Engineering; Dalian, China, 26–27 September 2015; [DOI: https://dx.doi.org/10.1061/9780784479384.158]
39. Moayeri, M.S.; Ashrafi, H.R.; Beiranvand, P. Investigating the Physical Characteristics of Non-Structural Lightweight Aggregate Blocks of Built with Region Materials. Buildings; 2016; 7, 2. [DOI: https://dx.doi.org/10.3390/buildings7010002]
40. Du, Q.; Sun, Q.; Lv, J.; Yang, J. Use of Preplaced Casting Method in Lightweight Aggregate Concrete. Adv. Mater. Sci. Eng.; 2017; 2017, 7234761. [DOI: https://dx.doi.org/10.1155/2017/7234761]
41. Numan, H.A.; Yaseen, M.H.; Al-Juboori, H.A.M.S. Comparison Mechanical Properties of Two Types of Light Weight Aggregate Concrete. Civ. Eng. J.; 2019; 5, pp. 1105-1118. [DOI: https://dx.doi.org/10.28991/cej-2019-03091315]
42. Chen, H.-J.; Huang, C.-H.; Tang, C.-W. Dynamic Properties of Lightweight Concrete Beams Made by Sedimentary Lightweight Aggregate. J. Mater. Civ. Eng.; 2010; 22, pp. 599-606. [DOI: https://dx.doi.org/10.1061/(ASCE)MT.1943-5533.0000061]
43. Hilal, N.N. Hardened properties of self-compacting concrete with different crumb rubber size and content. Int. J. Sustain. Built Environ.; 2017; 6, pp. 191-206. [DOI: https://dx.doi.org/10.1016/j.ijsbe.2017.03.001]
44. Zhu, L.; Dang, F.; Xue, Y.; Ding, W.; Jiao, K. Experimental investigation of the thermal and mechanical properties of lightweight aggregate concrete mixed with microencapsulated phase change materials. Int. J. Energy Res.; 2021; 45, pp. 12864-12878. [DOI: https://dx.doi.org/10.1002/er.6617]
45. Elango, K.; Vivek, D.; Anandaraj, S.; Saravanakumar, R.; Sanfeer, J.; Saravanaganesh, S. Experimental study on self compacting concrete using light weight aggregate. Mater. Today Proc.; 2021; 60, pp. 1362-1366. [DOI: https://dx.doi.org/10.1016/j.matpr.2021.10.240]
46. Ahmmad, R.; Alengaram, U.J.; Jumaat, M.Z.; Sulong, N.R.; Yusuf, M.O.; Rehman, M.A. Feasibility study on the use of high volume palm oil clinker waste in environmental friendly lightweight concrete. Constr. Build. Mater.; 2017; 135, pp. 94-103. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2016.12.098]
47. Zhang, H.; Huang, L.; Yu, L.; Yang, Z. Macromechanical Properties and ITZ of Lightweight Aggregate Concrete from the Deck of Nanjing Yangtze River Bridge after 50 Years. J. Mater. Civ. Eng.; 2020; 32, 05020005. [DOI: https://dx.doi.org/10.1061/(ASCE)MT.1943-5533.0003126]
48. Radlińska, A.; Kaszyńska, M.; Zieliński, A.; Ye, H. Early-Age Cracking of Self-Consolidating Concrete with Lightweight and Normal Aggregates. J. Mater. Civ. Eng.; 2018; 30, 04018242. [DOI: https://dx.doi.org/10.1061/(ASCE)MT.1943-5533.0002407]
49. Green, S.M.F.; Brooke, N.J.; McSaveney, L.G.; Ingham, J.M. Mixture Design Development and Performance Verification of Structural Lightweight Pumice Aggregate Concrete. J. Mater. Civ. Eng.; 2011; 23, pp. 1211-1219. [DOI: https://dx.doi.org/10.1061/(ASCE)MT.1943-5533.0000280]
50. Yang, K.-H.; Mun, J.-H.; Sim, J.-I.; Song, J.-K. Effect of Water Content on the Properties of Lightweight Alkali-Activated Slag Concrete. J. Mater. Civ. Eng.; 2011; 23, pp. 886-894. [DOI: https://dx.doi.org/10.1061/(ASCE)MT.1943-5533.0000244]
51. Hossain, K.; Ahmed, S.; Lachemi, M. Lightweight concrete incorporating pumice based blended cement and aggregate: Mechanical and durability characteristics. Constr. Build. Mater.; 2011; 25, pp. 1186-1195. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2010.09.036]
52. Fatahi, O.; Jafari, S. Prediction of Lightweight Aggregate Concrete Compressive Strength. J. Rehabil. Civ. Eng.; 2018; 6, pp. 154-163. [DOI: https://dx.doi.org/10.22075/JRCE.2017.11556.1192]
53. Bicer, A. The effect of fly ash and pine tree resin on thermo-mechanical properties of concretes with expanded clay aggregates. Case Stud. Constr. Mater.; 2021; 15, e00624. [DOI: https://dx.doi.org/10.1016/j.cscm.2021.e00624]
54. Hameed, A.M.; Ahmed, B.A.F. Employment the plastic waste to produce the light weight concrete. Energy Procedia; 2019; 157, pp. 30-38. [DOI: https://dx.doi.org/10.1016/j.egypro.2018.11.160]
55. Shafigh, P.; Jumaat, M.Z.; Mahmud, H. Mix design and mechanical properties of oil palm shell lightweight aggregate concrete: A review. Int. J. Phys. Sci.; 2010; 5, pp. 2127-2134.
56. Al-Farttoosi, H.K.A.; Abdulrazzaq, O.A.; Hussain, H.K. Mechanical Properties of Light Weight Aggregate Concrete Using Pumice as a Coarse Aggregate. IOP Conf. Ser. Mater. Sci. Eng.; 2021; 1090, 012106. [DOI: https://dx.doi.org/10.1088/1757-899X/1090/1/012106]
57. Domagała, L.; Bryła, E. The Properties of Lightweight Aggregates Pre-Coated with Cement Pastes and Their Suitability for Concrete. Materials; 2021; 14, 6417. [DOI: https://dx.doi.org/10.3390/ma14216417]
58. Szydłowski, R.; Łabuzek, B. Experimental Evaluation of Shrinkage, Creep and Prestress Losses in Lightweight Aggregate Concrete with Sintered Fly Ash. Materials; 2021; 14, 3895. [DOI: https://dx.doi.org/10.3390/ma14143895] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/34300814]
59. Park, S.-S.; Hou, Y.-L.; Lee, J.-C.; Jeong, S.-W. Mechanical Properties of Concrete with Bamboo Chips. Appl. Sci.; 2019; 9, 3367. [DOI: https://dx.doi.org/10.3390/app9163367]
60. Domagała, L. Durability of Structural Lightweight Concrete with Sintered Fly Ash Aggregate. Materials; 2020; 13, 4565. [DOI: https://dx.doi.org/10.3390/ma13204565]
61. Lv, J.; Zhou, T.; Wu, H.; Sang, L.; He, Z.; Li, G.; Li, K. A New Composite Slab Using Crushed Waste Tires as Fine Aggregate in Self-Compacting Lightweight Aggregate Concrete. Materials; 2020; 13, 2551. [DOI: https://dx.doi.org/10.3390/ma13112551]
62. Yao, W.; Pang, J.; Liu, Y. Performance Degradation and Microscopic Analysis of Lightweight Aggregate concrete after Exposure to High Temperature. Materials; 2020; 25, 1566. [DOI: https://dx.doi.org/10.3390/ma13071566]
63. Domagała, L. Size Effect in Compressive Strength Tests of Cored Specimens of Lightweight Aggregate Concrete. Materials; 2020; 13, 1187. [DOI: https://dx.doi.org/10.3390/ma13051187]
64. Petrella, A.; Di Mundo, R.; Notarnicola, M. Recycled Expanded Polystyrene as Lightweight Aggregate for Environmentally Sustainable Cement Conglomerates. Materials; 2020; 13, 988. [DOI: https://dx.doi.org/10.3390/ma13040988] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/32098376]
65. Pavithra, A.; De Rose, D.J. Application of Light Expanded Clay Aggregate as Replacement of Coarse Aggregate in Concrete Pavement. Int. J. Eng. Technol.; 2018; 7, pp. 1-4. [DOI: https://dx.doi.org/10.14419/ijet.v7i4.2.19974]
66. Kim, G.; Choe, G.; Yoon, M.; Lee, T. Mechanical properties of light weight concrete at elevated temperature. Int. J. Precis. Eng. Manuf.; 2015; 16, pp. 1867-1874. [DOI: https://dx.doi.org/10.1007/s12541-015-0243-6]
67. Chen, Y.; Deng, Y.-F.; Liu, Y. Carrier and Delayed Release Properties of Lightweight Aggregates for Chemical Admixtures. J. Highw. Transp. Res. Dev. (Engl. Ed.); 2016; 10, pp. 67-73. [DOI: https://dx.doi.org/10.1061/JHTRCQ.0000520]
68. Al-Lami, S.; Al-Saadi, E. The relationships between compressive strength and density of polystyrene lightweight concrete and their component ratios. J. Appl. Eng. Sci.; 2021; 19, pp. 175-185. [DOI: https://dx.doi.org/10.5937/jaes0-27471]
69. Zawawi, M.N.A.A.; Muthusamy, K.; Majeed, A.P.A.; Musa, R.M.; Budiea, A.M.A. Mechanical properties of oil palm waste lightweight aggregate concrete with fly ash as fine aggregate replacement. J. Build. Eng.; 2020; 27, 100924. [DOI: https://dx.doi.org/10.1016/j.jobe.2019.100924]
70. Cui, H.; Lo, T.Y.; Memon, S.; Xu, W. Effect of lightweight aggregates on the mechanical properties and brittleness of lightweight aggregate concrete. Constr. Build. Mater.; 2012; 35, pp. 149-158. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2012.02.053]
71. Hashemi, S.M.S. Experimental study on mechanical properties of different lightweight aggregate concretes. Eng. Solid Mech.; 2014; 2, pp. 201-208. [DOI: https://dx.doi.org/10.5267/j.esm.2014.4.003]
72. Vijayalakshmi, R.; Ramanagopal, S. Structural concrete using expanded clay aggregate: A review. Indian J. Sci. Technol.; 2018; 11, pp. 1-12. [DOI: https://dx.doi.org/10.17485/ijst/2018/v11i16/121888]
73. Azim, I.; Yang, J.; Javed, M.F.; Iqbal, M.F.; Mahmood, Z.; Wang, F.; Liu, Q.-F. Prediction model for compressive arch action capacity of RC frame structures under column removal scenario using gene expression programming. Structures; 2020; 25, pp. 212-228. [DOI: https://dx.doi.org/10.1016/j.istruc.2020.02.028]
74. Gandomi, A.; Faramarzifar, A.; Rezaee, P.G.; Asghari, A.; Talatahari, S. New design equations for elastic modulus of concrete using multi expression programming. J. Civ. Eng. Manag.; 2015; 21, pp. 761-774. [DOI: https://dx.doi.org/10.3846/13923730.2014.893910]
75. Tran, V.Q.; Dang, V.Q.; Ho, L.S. Evaluating compressive strength of concrete made with recycled concrete aggregates using machine learning approach. Constr. Build. Mater.; 2022; 323, 126578. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.126578]
76. DeRousseau, M.; Laftchiev, E.; Kasprzyk, J.R.; Rajagopalan, B.; Srubar, W.V., III. A comparison of machine learning methods for predicting the compressive strength of field-placed concrete. Constr. Build. Mater.; 2019; 228, 116661. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2019.08.042]
77. Penido, R.E.-K.; da Paixão, R.C.F.; Costa, L.C.B.; Peixoto, R.A.F.; Cury, A.A.; Mendes, J.C. Predicting the compressive strength of steelmaking slag concrete with machine learning—Considerations on developing a mix design tool. Constr. Build. Mater.; 2022; 341, 127896. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.127896]
78. Çalışkan, A.; Demirhan, S.; Tekin, R. Comparison of different machine learning methods for estimating compressive strength of mortars. Constr. Build. Mater.; 2022; 335, 127490. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.127490]
79. Ghosh, A.; Ransinchung, G.D. Application of machine learning algorithm to assess the efficacy of varying industrial wastes and curing methods on strength development of geopolymer concrete. Constr. Build. Mater.; 2022; 341, 127828. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.127828]
80. 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.; 2020; 247, 118581. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2020.118581]
81. Zeng, Z.; Zhu, Z.; Yao, W.; Wang, Z.; Wang, C.; Wei, Y.; Wei, Z.; Guan, X. Accurate prediction of concrete compressive strength based on explainable features using deep learning. Constr. Build. Mater.; 2022; 329, 127082. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.127082]
82. Kang, M.-C.; Yoo, D.-Y.; Gupta, R. Machine learning-based prediction for compressive and flexural strengths of steel fiber-reinforced concrete. Constr. Build. Mater.; 2020; 266, 121117. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2020.121117]
83. Shamsabadi, E.A.; Roshan, N.; Hadigheh, S.A.; Nehdi, M.L.; Khodabakhshian, A.; Ghalehnovi, M. Machine learning-based compressive strength modelling of concrete incorporating waste marble powder. Constr. Build. Mater.; 2022; 324, 126592. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2022.126592]
84. Salami, B.A.; Olayiwola, T.; Oyehan, T.A.; Raji, I.A. Data-driven model for ternary-blend concrete compressive strength prediction using machine learning approach. Constr. Build. Mater.; 2021; 301, 124152. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2021.124152]
85. Hilloulin, B.; Tran, V.Q. Using machine learning techniques for predicting autogenous shrinkage of concrete incorporating superabsorbent polymers and supplementary cementitious materials. J. Build. Eng.; 2022; 49, 104086. [DOI: https://dx.doi.org/10.1016/j.jobe.2022.104086]
86. Zhang, H.; Cheng, X.; Li, Y.; Du, X. Prediction of failure modes, strength, and deformation capacity of RC shear walls through machine learning. J. Build. Eng.; 2022; 50, 104145. [DOI: https://dx.doi.org/10.1016/j.jobe.2022.104145]
87. Mirrashid, M.; Naderpour, H. Computational intelligence-based models for estimating the fundamental period of infilled reinforced concrete frames. J. Build. Eng.; 2021; 46, 103456. [DOI: https://dx.doi.org/10.1016/j.jobe.2021.103456]
88. Lv, Z.; Jiang, A.; Jin, J.; Lv, X. Multifractal Analysis and Compressive Strength Prediction for Concrete through Acoustic Emission Parameters. Adv. Civ. Eng.; 2021; 2021, 6683878. [DOI: https://dx.doi.org/10.1155/2021/6683878]
89. Al-Mughanam, T.; Aldhyani, T.; AlSubari, B.; Al-Yaari, M. Modeling of Compressive Strength of Sustainable Self-Compacting Concrete Incorporating Treated Palm Oil Fuel Ash Using Artificial Neural Network. Sustainability; 2020; 12, 9322. [DOI: https://dx.doi.org/10.3390/su12229322]
90. 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; 2020; 13, 1072. [DOI: https://dx.doi.org/10.3390/ma13051072]
91. Bušić, R.; Benšić, M.; Miličević, I.; Strukar, K. Prediction Models for the Mechanical Properties of Self-Compacting Concrete with Recycled Rubber and Silica Fume. Materials; 2020; 13, 1821. [DOI: https://dx.doi.org/10.3390/ma13081821]
92. Selvaraj, S.; Sivaraman, S. Prediction model for optimized self-compacting concrete with fly ash using response surface method based on fuzzy classification. Neural Comput. Appl.; 2018; 31, pp. 1365-1373. [DOI: https://dx.doi.org/10.1007/s00521-018-3575-1]
93. Kaveh, A. M5’ and Mars Based Prediction Models for Properties of Self-compacting Concrete Containing Fly Ash. Period. Polytech. Civ. Eng.; 2018; 62, pp. 281-294. [DOI: https://dx.doi.org/10.3311/PPci.10799]
94. Fakhrian, S.; Behbahani, H.; Mashhadi, S. Predicting Post-Fire Behavior of Green Geopolymer Mortar Containing Recycled Concrete Aggregate via GEP Approach. J. Soft Comput. Civ. Eng.; 2020; 4, pp. 22-45. [DOI: https://dx.doi.org/10.22115/SCCE.2020.220919.1182]
95. Shah, M.I.; Javed, M.F.; Aslam, F.; Alabduljabbar, H. Machine learning modeling integrating experimental analysis for predicting the properties of sugarcane bagasse ash concrete. Constr. Build. Mater.; 2021; 314, 125634. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2021.125634]
96. Al-Shamiri, A.K.; Kim, J.H.; Yuan, T.-F.; Yoon, Y.S. Modeling the compressive strength of high-strength concrete: An extreme learning approach. Constr. Build. Mater.; 2019; 208, pp. 204-219. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2019.02.165]
97. Dias, P.P.; Jayasinghe, L.B.; Waldmann, D. Machine learning in mix design of Miscanthus lightweight concrete. Constr. Build. Mater.; 2021; 302, 124191. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2021.124191]
98. Zhang, L.V.; Marani, A.; Nehdi, M.L. Chemistry-informed machine learning prediction of compressive strength for alkali-activated materials. Constr. Build. Mater.; 2021; 316, 126103. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2021.126103]
99. Nunez, I.; Marani, A.; Flah, M.; Nehdi, M.L. Estimating compressive strength of modern concrete mixtures using computational intelligence: A systematic review. Constr. Build. Mater.; 2021; 310, 125279. [DOI: https://dx.doi.org/10.1016/j.conbuildmat.2021.125279]
100. Khademi, F.; Jamal, S.M.; Deshpande, N.; Londhe, S. Predicting strength of recycled aggregate concrete using Artificial Neural Network, Adaptive Neuro-Fuzzy Inference System and Multiple Linear Regression. Int. J. Sustain. Built Environ.; 2016; 5, pp. 355-369. [DOI: https://dx.doi.org/10.1016/j.ijsbe.2016.09.003]
101. Hajnayeb, A.; Ghasemloonia, A.; Khadem, S.; Moradi, M. Application and comparison of an ANN-based feature selection method and the genetic algorithm in gearbox fault diagnosis. Expert Syst. Appl.; 2011; 38, pp. 10205-10209. [DOI: https://dx.doi.org/10.1016/j.eswa.2011.02.065]
102. Maulud, D.; AbdulAzeez, A.M. A Review on Linear Regression Comprehensive in Machine Learning. J. Appl. Sci. Technol. Trends; 2020; 1, pp. 140-147. [DOI: https://dx.doi.org/10.38094/jastt1457]
103. Machine Learning Techniques. Available online: https://bookdown.org/jhvdz1/ml2/ (accessed on 15 December 2022).
104. Moein, M.M.; Saradar, A.; Rahmati, K.; Mousavinejad, S.H.G.; Bristow, J.; Aramali, V.; Karakouzian, M. Predictive models for concrete properties using machine learning and deep learning approaches: A review. J. Build. Eng.; 2023; 63, 105444. [DOI: https://dx.doi.org/10.1016/j.jobe.2022.105444]
105. Chen, T.; Ren, J. Bagging for Gaussian process regression. Neurocomputing; 2009; 72, pp. 1605-1610. [DOI: https://dx.doi.org/10.1016/j.neucom.2008.09.002]
106. Xu, Y.; Zhou, Y.; Sekula, P.; Ding, L. Machine learning in construction: From shallow to deep learning. Dev. Built Environ.; 2021; 6, 100045. [DOI: https://dx.doi.org/10.1016/j.dibe.2021.100045]
107. Dong, W.; Huang, Y.; Lehane, B.; Ma, G. XGBoost algorithm-based prediction of concrete electrical resistivity for structural health monitoring. Autom. Constr.; 2020; 114, 103155. [DOI: https://dx.doi.org/10.1016/j.autcon.2020.103155]
108. Decision Tree Algorithm. Available online: https://towardsmachinelearning.org/decision-tree-algorithm/ (accessed on 15 December 2022).
109. Decision Tree—Learn Everything about Decision Trees. Available online: https://www.smartdraw.com/decision-tree/ (accessed on 15 December 2022).
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/). Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
Nowadays, lightweight aggregate concrete is becoming more popular due to its versatile properties. It mainly helps to reduce the dead loads of the structure, which ultimately reduces design load requirements. The main challenge associated with lightweight aggregate concrete is finding an optimized mix per requirements. However, the conventional material design of this composite is quite costly, time-consuming, and iterative. This research proposes a simplified methodology for the mix designing of structural and non-structural lightweight aggregate concrete by incorporating machine learning. For this purpose, five distinct machine learning algorithms, support vector machine (SVM), artificial neural network (ANN), decision tree (DT), Gaussian process of regression (GPR), and extreme gradient boosting tree (XGBoost) algorithms, were investigated. For the training, testing, and validation process, a total of 420 data points were collected from 43 published journal articles. The performance of models was evaluated based on statistical performance indicators. Overall, 11 input parameters, including ingredients of the concrete mix and aggregate properties were entertained; the only output parameter was the compressive strength of lightweight concrete. The results revealed that the GPR model outperformed the remaining four machine learning models by attaining an R2 value of 0.99, RMSE of 1.34, MSE of 1.79, and MAE of 0.69. In a nutshell, these simplified modern techniques can be employed to make the design of lightweight aggregate concrete easy without extensive experimentation.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
Details

1 Nust Institute of Civil Engineering (NICE), School of Civil and Environmental Engineering (SCEE), National University of Sciences and Technology (NUST), Sector H-12, Islamabad 44000, Pakistan
2 Nust Institute of Civil Engineering (NICE), School of Civil and Environmental Engineering (SCEE), National University of Sciences and Technology (NUST), Sector H-12, Islamabad 44000, Pakistan; Department of Structural, Geotechnical and Building Engineering, Politecnico di Torino, Corso Duca degli Abruzzi 24, 10129 Turin, Italy