SlideShare a Scribd company logo
https://iaeme.com/Home/journal/IJSE 30 editor@iaeme.com
International Journal of Structural Engineering (IJSE)
Volume 4, Issue 1, January-December 2022, pp. 30–46, Article ID: IJSE_04_01_003
Available online at https://iaeme.com/Home/issue/IJSE?Volume=4&Issue=1
DOI: https://doi.org/10.17605/OSF.IO/CFHWJ
© IAEME Publication
MACHINE LEARNING PREDICTION OF THE
COMPRESSIVE STRENGTH OF SILICEOUS
FLY ASH MODIFIED CEMENTITIOUS
CONCRETE
Steve Efe1 and Opeyemi Fadipe2
1,2
Civil Engineering Department, Morgan State University, MD. USA
ABSTRACT
Compressive strength (CS) is one of the most important mechanical qualities of
cementitious composites in the building sector. The data from the experimental work
were collected, and machine learning techniques were used to predict the compressive
strength of concrete containing fly ash. Statistical models, such as linear and nonlinear
regression widely used require laborious experimental work to develop, and can
provide inaccurate results when the relationships between concrete properties and
mixture composition and curing conditions are complex. This study focusses on the use
of supervised machine learning algorithms to predict concrete compressive strength.
For outcome prediction, the Random Forest (RF), support vector machine (SVM), and
Artificial neural network (ANN), techniques were examined. The experimental variables
from the literature included cement, fly ash, superplasticizer, coarse aggregate, fine
aggregate, water, and days, which were taken as input to predict the output which was
CS parameter. The study provides a critically review and comparison of different
machine learning techniques used for forecasting the mechanical properties of concrete
materials. Each machine learning model's applicability and performance are assessed,
resulting in practical recommendations, knowledge gaps, and recommended future
research.
Key words: Compressive strength, machine learning, random forest, fly ash, artificial neural
network
Cite this Article: Steve Efe and Opeyemi Fadipe, Machine Learning Prediction of the
Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete,
International Journal of Structural Engineering (IJSE), 4(1), 2022, pp. 30–46.
https://iaeme.com/Home/issue/IJSE?Volume=4&Issue=1
1. INTRODUCTION
Conventional concrete is the most common material used in civil construction, being a mixture
composed of water, cement and different aggregates. Its resistance mainly depends on factors
such as cement consumption, water- cement factor, degree of condensation and the nature of
aggregates. The compressive strength of concrete is quite considerable, but its tensile strength
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 31 editor@iaeme.com
is much lower. Owing to this, the concrete can be classified as a fragile material, having entirely
different strength properties under tensile and compression tests [1]. The compressive strength
of concrete is still one of the most widely used parameters in structural engineering for the
design of reinforced concrete structures. The performance of concrete, when defined
empirically, can be affected by nonlinear factors, when using the concrete compression test as
a destructive procedure on concrete specimens. However, this activity involves time, planning
and financial resources because the commonly used compressive strength factor is obtained on
the 28th day [2]. The application of appropriate additives to the cementitious mixture may
significantly improve its properties, such as workability, compressive strength, brittleness, or
volume porosity [16], [17], [18]. Fly ash (FA) is commonly used in the construction industry
[1], [2], [3]. While initially considered a waste that is recycled in cementitious composites, its
importance has grown significantly in recent years, and it has become a desirable product [4],
[5]. The promising effects of replacing cement with the addition of fly ash in cementitious
composites, such as enhanced workability, higher strength, lower shrinkage, or slower heat
evolution, make it the most widely applied mineral replacement for Portland cement in
cementitious mixtures [6], [7].
Rapid developments of novel concrete types stimulated by the ever-challenging
requirements of the construction industry has motivated further research to develop new
predictive models that can estimate concrete properties. Predicting the mechanical properties
of concrete has been an important research task that could better satisfy the requirements of
various design codes and standards. Conventional models for forecasting mechanical,
rheological, durability, and other properties of concrete consisted essentially of empirical
relationships developed from statistical analysis of experimental data, where linear and
nonlinear regression models have been established [1], [2].
Various regression models have been suggested to estimate mechanical properties of
concrete, including compressive strength, tensile strength, shear strength and elastic modulus
[5], [6], [7], [8], [9], [10]. Even though these models have proven to be effective in some cases
and tend to save time and cost for future applications, their development is associated with
multiple drawbacks. Costly and time-consuming trial batches required to establish empirical
models is among their major shortcomings. In addition, conventional models perform poorly in
dealing with complex materials [4], which makes them unreliable for estimating properties of
several types of concrete. For instance, Chou et al. [11] stated that some properties of high-
performance concrete (HPC) cannot be easily modelled due to the intricate relationship between
mechanical strength and mixture constituents. Furthermore, most of the current empirical
equations provided in design codes and standards incorporate a fixed number and type of
parameters, making their applicability to assess the strength of novel concrete types with
additional new features questionable since the effects of the new mixture constituents are
ignored. To compensate for the drawbacks of conventional linear and nonlinear regression
models, ML techniques have been recently introduced as a strong contender for predicting
concrete mechanical strength. Using such prediction tools can save costly and time-consuming
trial batches and associated experimental work required to achieve desired concrete strength
[12]. ML approaches can generally be classified into two major types: supervised learning and
unsupervised learning [13]. The former has been more commonly adopted for estimating the
mechanical properties of concrete. In supervised learning, ML models consist of computer
algorithms capable of generating patterns and hypotheses through a provided dataset to forecast
future values [13], [14], [15], [16], [17]. Although these models have been proposed to achieve
the same goal, i.e. prediction of mechanical strength of concrete, their structure and process can
differ significantly. As shown in Fig. 1, the most common ML techniques used for estimating
concrete strength can generally be grouped into four major types: artificial neural networks
(ANN), support vector machines (SVM), decision trees, and evolutionary algorithms (EA).
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 32 editor@iaeme.com
Generally, the size of the dataset and number of input parameters can affect the selection of the
most suitable model. Also, the performance of each model is evaluated via various statistical
metrics comparing actual and predicted values.
Figure 1 Machine learning models.
The aim of the present paper is to critically review and compare the different ML techniques
used for forecasting the mechanical properties of concrete materials and structures.
2. BACKGROUND OF STUDY
2.1. Prediction of Mechanical Properties of Concrete
ML models have been extensively used as an effective tool for forecasting mechanical
properties of concrete. Those models are typically applied to an extensive dataset, which is
generally divided into training (TR), validation (VAL), and testing (TS) subsets. The training
set is used for model training. Validation data provides unbiased evaluation of the model fit on
training data and prevents model overfitting by stopping the training process when the error
increases. The model is finally applied on the testing data to assess its predictive performance.
The most employed ML methods can be categorized into four major types, namely ANN, SVM,
decision trees, and EA. The evaluation, process and the application of these models are
discussed below.
2.2. Evaluation of Machine Learning Models
Performance assessment of ML algorithms has been carried out using several statistical
methods that describe the model fitting. Table 1 entails potential statistical metrics employed
for evaluating ML models with their corresponding mathematical expressions. These methods
indicate how well the predicted values fit with actual data. Moreover, they can be adopted in
sensitivity analysis, pointing out the weight of each input variable in the prediction process [18],
[19], [20], [21]. Not only can statistical metrics assess the performance of ML techniques, but
they may also be used as reference for comparing the effectiveness of several algorithms.
Technological advancement allows engineering problems to be solved by the use of machine
learning methods and their applications can represent good examples of fields explored with
different expectations and realistic results. In general, artificial intelligence systems have shown
their ability to solve real-life problems, particularly in nonlinear tasks [3]. Structural
engineering has been a field of significant development through the implementation and testing
of new computational models, that are able to predict the different properties of concrete
mixtures. In the case of behavioral models, pattern recognition is constructive and
computational intelligence methods can be used. Bio- inspired models can also be an excellent
aid to the design of structures for civil engineering [4–8]. With the development of artificial
intelligence, it is easier to forecast concrete compressive strength. When compared with other
traditional regression methods, machine learning adopts specific algorithms that can learn from
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 33 editor@iaeme.com
the input data and gives highly accurate results. Currently, several machine learning algorithms
are used for concrete compressive strength prediction, among which are Random Forest,
Artificial Neural Network and Support Vector Machine models. A brief review on the subject
is given below. Recently, Feng et al. [9] used a new technique called XGBoosting to predict the
concrete compressive strength with good results. They also used ANN and SVM to compare
the obtained results with excellent predictions. ANN and Adaptive Neuro-Fuzzy Inference
System (ANFIS) models were used to predict a cement-based mortar material compressive
strength [10]. The paper demonstrates the ability of ANN and ANFIS models to approximate
the compressive strength of mortars reliably and robustly. Also, ANN were applied to predict
the strength of concrete containing construction waste, recycled aggregate concrete [11] and
self-compacting concrete containing bottom ash [12]. ANN were used again to predict the
strength of environmentally friendly concrete [13]. They showed that ANN models can provide
high-performance prediction for concrete compressive strength. The application of ANN in
predicting the compressive strength of concrete containing nano-silica and copper slag was also
addressed by Chithra et al. [14], showing promising results. Machine learning techniques such
as ANN and SVM were used [15] and least- square SVM was improved using the metaheuristic
optimization to predict the compressive strength of high- performance concrete [16]. The
compared accuracy of different data mining techniques was applied for predicting the
compressive strength of environmentally friendly concrete [17] and the machine learning
approaches was used to analyze the compressive strength of greenfly ash-based geopolymer
concrete [18]. Finally, Chou et al. [19,20] and Young et al. [21] also considered a dataset for
testing SVM and ANN methods and other machine learning methods such as the gradient boost
and Random Forest.
This paper focuses on the use of computational intelligence techniques, especially Random
Forest, Artificial Neural Network (ANN) and Support Vector Machine (SVM), to analyze the
prediction of concrete compressive strength, emphasizing accuracy and efficiency, and their
potential to deal with experimental data. This study also aims to contribute to the knowledge of
the application of computational models in the prediction of compressive strength of concrete,
using machine learning and pre-processing methods such as GridsearchCV and cross-
validation, comparing the obtained results with other studies in the available literature.
2.3. Computational Experiments - Material Database and Methods
The compressive strength of concrete required a definition to establish reliable data in the
literature. The chosen database was made available in the article written by Yeh [22]. The
programming language used to implement these models was Python, and the Sci-kit-learn and
Keras library were also used in this work. Initially, several neural networks were tested to obtain
a preliminary result of the concrete compressive strength. To improve these results, other
computational models and pre-processing data methods were also implemented.
2.4. Data Pre-Processing and Visualization
Database visualization and preprocessing seek to obtain a better understanding of the dataset to
be studied. The first one intends to visualize correlations between inputs and outputs to achieve
this goal. Histograms can help to form a better understanding of the data by showing
information about each entry. The purpose of using histograms is to estimate whether the
database has a normal distribution or whether it is biased to the left or right. The figures obtained
assist the user to visualize and analyze the resources more effectively and facilitate the choice
of the most suitable computational models [23]. Moreover, the density plots are variables that
provide an idea of each feature distribution in the dataset. With these plots, one can see a smooth
distribution curve drawn over the top of each histogram. Box plots are still another effective
way to summarize the distribution of each available resource in the dataset. These boxes are
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 34 editor@iaeme.com
useful because they give a better indication of the median value and the first and last quartile
of the used data. Finally, the correlation matrix is a factor that indicates how two variables are
related in the dataset. This matrix describes the relationship between any pair of variables. In
this matrix, it is possible to see whether the variables are positively or negatively correlated.
The value obtained represents how closely these data are related. The correlation matrix can
provide better insight into how the regression model can be used. Highly correlated input
variables can affect the performance of specific algorithms [24]. The dataset needs to be pre-
processed before its application. Pre-processing techniques have been proven effective and can
improve the performance of computational models [25]. In this project, the database was pre-
processed using the feature scale method. This method involves transforming all characteristics
on a standard scale [26,27]. Usually, resources are transformed within a range between 0 and
1. The scale is necessary to construct the machine learning model because the Euclidean
distance between points may lead to a domination point, having a more significant effect on the
variable target. To obtain better results, the database is usually split into training and testing
data. Thus, the algorithm is trained with a volume of data that is validated in the test set. This
is done to guarantee that the result obtained is not biased and only learns from similar data used
for training. The dataset is reorganized with re-sampling. In this work, cross- validation and
GridsearchCV are used. There are several types of cross-validation. However, the most
common is the -fold method. In this method, several samples k are created, each sample being
set aside while the model trains with the remainder. The process repeats until it is possible to
determine the “quality” of each observation. The most common values for the number of
samples are between 5 and 10. This technique is most used when the amount of data is lower
or not sufficient to obtain a good result with more straightforward divisions [24–26]. The
GridsearchCV is used as a tuning process that uses hyper-parametrization to determine the
optimal values for a given model. This means that the performance of the entire model is based
on the values of a specified hyper- parameter. GridsearchCV performs an exhaustive search on
the specified parameters. This method is computationally expensive but produces excellent
results [28,29].
3. METHODS
3.1. Random Forest
Random Forest models are constructed from a collection of decision trees [30,31]. They are
easy to use without many pre-processing strategies. The idea is to build a collection of trees
with a controlled variation. Random Forest is a clustering technique that can perform regression
and classification tasks using multiple decision trees and bootstrap aggregation, commonly
known as bagging. Bagging, in the Random Forest method, involves training each decision tree
with a different data sample, where sampling is done with a substitution. The biggest problem
with decision trees is that they tend to over-fit training data. Error pruning is the most common
technique for avoiding this type of problem [32]. In this project, the Random Forest model is
defined with the help of GridsearchCV.
3.2. Support Vector Machine
SVM are popular learning algorithms that work in classification and regression problems. In
addition to performing linear regression and classification, SVM have also worked well on
nonlinear data [33,34]. To sort linearly separable data, there may be different hyperplanes that
can separate the data. The problem here would be to find a hyper-plane (margin) that could
maximize the separation between two classes [35]. Therefore, SVM can be defined as a machine
learning technique that can be used for regression and classification problems. This technique
builds a multidimensional hyper-plane space to separate a dataset into different classes. This
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 35 editor@iaeme.com
paper used a support vector regressor as a non-parametric regression technique that relies solely
on kernel functions. The goal is to find a function f (x ) that deviates from yn by a value no
larger than ε for each of the training points in our dataset and remains as flat as possible [34–
36]. As the dataset is a multivariate supervised dataset, some of the cores used for regression
comparison could be linear, polynomial, or RBFs [37]. In this project, GridsearchCV is used to
evaluate possible kernels, linear, polynomial and RBFs. Thus, it is possible to assess the
performance of these cores and evaluate different parameters of ε, which are the penalty
parameters for the error. For polynomial and RBF kernels, there is a γ parameter called the
kernel coefficient. The best performance is evaluated based on the results of R2. Thus, it is
possible to assess the best performance of the implemented model using different kernels, ε
values and γ parameters.
3.3. Artificial Neural Network
ANN are a typical example of a modern method that solves various engineering problems that
could not be explained by traditional methods. The neural network can collect, memorize,
analyze and process a large amount of data obtained through experimental tests [38,39].
Training data are critical to the network as they convey the information needed to find the
optimal operating point. ANN are one of the most useful computational models used in
supervised regression tasks and learning classification and works primarily with three layers:
the input layer, the hidden layers and the output layer. However, the performance of an ANN
depends mostly on the performance of hidden layers. The number of neurons in the input layer
is a pattern usually presented to the neural network. Each neuron in the input layer must
represent an independent variable that affects the outcome of the network. Therefore, the
number of nodes in the input layer is equal to the number of inputs. Problems that require two
or more intermediate layers are unusual. A neural network with two intermediate layers can
represent functions of any shape. Therefore, there are no theoretical reasons for using more than
two middle layers. However, the higher the number of layers of neurons, the better the
performance of the neural network. This is because it increases learning capacity [40]. Also,
the input layer may have a particular neuron called bias that increases the degrees of freedom,
allowing the neural network to better adapt to the knowledge. The number of neurons in the
output layer is directly related to the task that the neural network performs. In general, the
number of neurons the classifier must have is equal to the number of distinct groups. When
ANN are built, it is important to consider a suitable model architecture. In an ANN, neurons
appear as
followed by the activation function that determines whether the neuron is dispensed or
follows to the output presented in the following equation
However, it needs to train the neural network and evaluate the results using some function
error and propagate through the neural network by updating weights (w) and bias (b). Therefore,
derivatives of activation functions are used.
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 36 editor@iaeme.com
4. RESULTS AND ANALYSIS
As already said, this work required the acquisition of experimental data to determine the
compressive strength of concrete through computational intelligence. The database chosen was
obtained from studies by Yeh [22]. This database presents 1030 experimental stress versus
compression tests. Eight input variables were used as shown in follows: cement; blast furnace
slag; fly ash; water; superplasticizer; coarse aggregate; fine aggregate; age. The output variable
is the compressive strength of concrete (f’c). Figure 1 shows the static parameters, such as
maximums and minimums of input and output components. The figure presents a heatmap,
which graphically represents the measured value of numerical data using a color scheme, with
warm colors representing the high-value of data points and cold colors representing the low-
value data points of the data set. The presented database, provided by Yeh [22], is quite
consolidated and has a proper distribution for input and output variables. This fact facilitates
the application of computational methods such as those presented in this work. There are also
several studies in the literature that use the same database, so that a fair comparison between
their results and the results obtained here can be made. A visualization of histograms, density
boxes and box plots obtained from the database used is provided in Figure 2. As stated earlier,
this visualization aims to give a better idea of which method is more appropriate to obtain a
better fit for the machine learning models. The variables have an almost normal distribution.
Thus, it is possible to see that the efficiency of learning algorithms can be facilitated. Figure 3
shows the box plots for the variables used. An analysis of the outlier values for each input and
output variable was also performed and the results are listed in Table 1. A proper distribution
can be seen with no more than 10% of outliers in any attribute.
Figure 1 Concrete data parameters
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 37 editor@iaeme.com
Figure 2 Data visualization of histograms, density boxes and box plots of concrete data
Figure 3 Box plots for the concrete variables
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 38 editor@iaeme.com
Table 1 Analysis of outliers
Number of outliers Percentage of
outliers
Cement (kg/m³) 0 0.00
Blast furnace slag (kg/m³) 2 0.19
Fly ash (kg/m³) 0 0.00
Water (kg/m³) 9 0.87
Superplasticizer (kg/m³) 10 0.97
Coarse aggregate (kg/m³) 0 0.00
Fine aggregate(kg/m³) 5 0.49
Age (days) 59 5.73
Compressive strength of concrete (MPa) 4 0.39
Figure 4 presents the correlation matrix of the data used in the model. The correlation matrix
shows no correlation between the variables used in the computational model. Therefore, it can
be said that the components are mostly independent of each other.
Figure 4 Presents the correlation matrix of concrete data
To build up the used predictive models, the collected experimental data was split into two
parts, the training set and the testing set. The training set is used to produce the final strong
learner and the testing set is used to show the accuracy of the model in predicting the
compressive strength. The results presented in this paper used 85% of the data (875 samples)
for training the computer models; the remaining 15% of the data (155 samples) were used for
testing. It is worth emphasizing that cross-validation was used to select the best parameters for
each method, so there was not necessary to use the data validation set.
4.1. Random Forest
For the Random Forest machine learning model, the best parameters to be used in the kernel
were defined after several tests. GridsearchCV and cross-validation were used to find a better
correlation with the database and the model and to prevent overfitting of the models. Table 2
present the range of parameters used in the GridsearchCV and the best parameters used in the
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 39 editor@iaeme.com
experiments for the Random Forest algorithm. Figure 5 shows the graphical representation of
the results of the test dataset. The original values are those obtained experimentally, and the
predicted values are the values obtained by the Random Forest model. Figure 6 presents the
relationship between the predicted compressive strength values and the tested compressive
strength values for the training and testing sets. For both sets, the graphs display a linear
relationship between the predicted and testes values, especially for the training set. The figure
also displays the value of R2.
Table 2 Range of parameters and best parameters used in the Random Forest experiments
Parameter Range Setting
Maximum depth 4-10 10
Maximum of leaf nodes 100-120 120
Minimum number of samples required to split 7-9 7
Number of trees in the forest 400-500 500
Figure 5 Original versus expected results for the Random Forest
(a) (b)
Figure 6 Relationship between the predicted compressive strength values and the tested compressive
strength values for the (a) training and (b) testing sets
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 40 editor@iaeme.com
The Random Forest model shows excellent performance in predicting compressive concrete
strength values. For the training data set, performance indicators are R2 = 0.964 and RMSE =
3.087 MPa, which means that the predicted value and original values of the experiment are
almost the same. The test data set shows R2 = 0.902 and RMSE = 5.614 MPa. The error ratio
is very low and indicates that the Random Forest model is well suited for engineering practice.
4.2. Support Vector Machine
For the SVM learning model, the best parameters to be used in the kernel were defined. As
GridsearchCV was used in this work to evaluate possible kernels, linear, polynomial and RBFs
could be applied. The intention was to evaluate the performance of these cores in the database
presented and estimate different parameters of ε , which are the penalty parameters for the error.
For polynomial and RBF kernels, there is also a kernel coefficient called the γ parameter. In
such cases, there is a need to search these parameters to find the relationships between them
and the best metrics that can optimally predict relevant results for the database. By applying
linear, polynomial and RBFs, it was found that the RBF was the best SVM kernel, i.e., which
best predicts the results for the data presented. The best performance is evaluated based on the
results of R2. Thus, it is possible to evaluate the best performance of the model over different
kernels, ε values and γ parameters. Table 3 presents the range of parameter used in the
GridsearchCV and the best parameters used in the experiments for the SVM algorithm.
Table 3 Range of parameters used and best parameters for the SVM experiments
Parameter Range Setting
C 10-500 100
Degree 3-5 3
Epsilon 0.1-1 0.1
Kernel RBF-Linear-Sigmoid RBF
Figure 7 shows the graphical representation of the results of the test dataset. Figure 8
presents the relationship between the predicted compressive strength values and the tested
compressive strength values for the training and testing sets.
Figure 7 Original versus expected results for the SVM
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 41 editor@iaeme.com
The relationship between the predicted and testes values can be considered linear for both
sets, especially for the training set results. The figure also shows the values of R2.
(a) (b)
Figure 8 Relationship between (a) tested and (b) predicted compressive strength for the SVM
The SVM model shows good performance in calculating compressive concrete strength
values. For the training data set, R2 = 0.976 and RMSE = 2.554 MPa mean that the predicted
value and original values of the test are very close. The test data set shows R2 = 0.829 and
RMSE = 7.456. The error ratio is low and, despite being larger than that found by the Random
Forest, it also indicates that the SVM model is suitable for engineering practice. However, this
method does not seem to be the best suited for this database.
4.3. Artificial Neural Network (ANN)
The current model used Keras, an open-source neural network library available in Python.
Keras was used on the TensorFlow backend [41,42]. The neural network was trained using the
SGD optimizer. The defined architecture with the best result is presented, as can be seen in
Figure 9.
Figure 9. Schematic representation of the ANN
Eight neurons were used for the input layer. Further, 2 intermediate layers with 10 neurons
each were used. One neuron was used in the output layer (the compressive strength of the
concrete). The activation functions for the initial and intermediate layers are ReLU. This
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 42 editor@iaeme.com
decision was made based on its well-known performance for regression problems [43,44]. It
was necessary to use a linear activation function in the last layer because the method is
regression [45]. Glorot uniform was used to initialize the weights, with small numbers close to
0 [46]. Figure 10 shows the graphical representation of the results of the test dataset, where the
original and predicted values are compared. Figure 11 presents the relationship between the
predicted compressive strength values and the tested compressive strength values for the
training and testing sets. For both two sets, a linear relationship between the predicted and testes
values is obtained. The figure also shows the values of R2 for both sets.
Figure 10 Original versus expected results for the ANN
(a) (b)
Figure 11 Relationship between (a) tested and (b) predicted compressive strength for the ANN
The ANN model shows a good performance in predicting compressive concrete strength
values. For the training dataset, R2 = 0.908 and RMSE = 4.979 MPa, which means the predicted
value and original values of the test are comparable. The test data set shows R2 = 0.893 and
RMSE = 5.881 MPa. The found error ratio is low and indicates that ANN is appropriate for
engineering practice too. However, it is worth saying that the ANN model spent, among the
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 43 editor@iaeme.com
tested models, the highest processing time with the applied database. The summaries of the
performance values obtained for the training set are summarized in Table 4. The table presents
the R2, the RMSE and the runtime for the three methods used.
Table 4 Comparison of obtained results
R2 RMSE (MPa) Execution time
(seconds)
Random forest 0.902 5.614 5.506
SVM 0.829 7.456 0.247
ANN 0.893 5.881 86.46
The best model, measured by the chosen performance parameters, was the Random Forest.
This may be due to the fact that the random forest algorithms are known to be simpler to use
and have a high learning rate. ANN algorithms still show good results and was second for the
performance techniques chosen in this work. However, as seen, they have significantly higher
CPU time. The results for the testing set parameters results are also compared to some previous
studies using Random Forest, SVM and ANN algorithms with the same Yeh’s dataset, as shown
in Table 5.
Table 5 Comparison with the results for the same dataset in previous studies
Research Algorithm R2 RMSE (MPa)
Chou et al. [19] ANN 0.88 -
SVM 0.91 -
Chou et al. [20] ANN - 7.9
SVM - 5.5
Young et al. [21]
Random Forest 0.86 5.7
ANN 0.82 6.3
SVM 0.83 6.4
This paper
Random Forest 0.90 5.6
SVM 0.83 7.5
ANN 0.89 5.9
The RMSE performance results obtained in this study are slight better than the results
obtained in previously studies. The overall performance results obtained are significantly better
for ANN and Random Forest. However, the same behavior does not happen for SVM.
Nonetheless, the performance results obtained for this type of algorithm is still consistent with
those obtained in the existing literature.
5. CONCLUSIONS
This work aimed to present the study of computational intelligence applied to define the
concrete compressive strength from a database obtained in the studies of Yeh [22]. Three
computational methods of machine learning and artificial intelligence were used, namely
Random Forest, Support Vector Machines and Artificial Neural Networks. Data pre-processing
and data visualization methods were also used to improve the results. Preprocessed methods
known as GridsearchCV and cross-validation were employed to improve the performance of
machine learning methods. The obtained results show that the Random Forest gave the best
performance (R2 = 0.902 and RMSE = 5.614) and an average execution time. It can be noted
that the SVM method had the worst performance of the three used methods but presented the
shortest execution time. On the other hand, the ANN showed the second-best result and the
longest execution time. The overall error rate can be considered low and the techniques can
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 44 editor@iaeme.com
adequately be used to predict the concrete compressive strength, staying within the acceptable
safety range for engineering practices.
The computational intelligence models used are reliable to solve different complex
problems, such as prediction problems. These models can be used to solve a specific problem
when a deviation in available data is expected and accepted, and when a defined methodology
is not available. Therefore, to predict the properties of concrete with high reliability, instead of
using expensive experimental investigation, conventional and innovative models can be
replaced by computational intelligence models. Computational intelligence models can be used
to predict the compressive strength of concrete specimens, as shown in this study. The
prediction of mean percent error values for these simulations shows a high degree of
consistency with compressive strength and is experimentally evaluated from the concrete
specimens used. Thus, the present study suggests an alternative approach to evaluate
compressive strength against destructive testing methods.
REFERENCES
[1] 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., 230:117000, 2020.
[2] Armaghani D.J., Asteris P.G. A comparative study of ANN and ANFIS models for the
prediction of cement-based mortar materials compressive strength. Springer London, 2020.
[3] Duan Z.H., Kou S.C., Poon C.S. Prediction of compressive strength of recycled aggregate
concrete using artificial neural networks. Constr. Build. Mater., 40:1200-1206, 2013.
[4] Siddique R., Aggarwal P., Aggarwal Y. Prediction of compressive strength of self-compacting
concrete containing bottom ash using artificial neural networks. Adv. Eng. Softw., 42:780–786,
2011.
[5] Naderpour H., Rafiean A.H., Fakharian P. Compressive strength prediction of environmentally
friendly concrete using artificial neural networks. J. Build. Eng., 16:213–219, 2018.
[6] Chithra S., Kumar S.R.R.S., Chinnaraju K., Alfin Ashmita F. 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.,
114:528-535, 2016.
[7] Chou J.-S.S., Tsai C.-F.F. Concrete compressive strength analysis using a combined
classification and regression technique. Autom. Constr., 24:52–60, 2012.
[8] Pham, A.D., Hoang N.D., Nguyen Q.T. Predicting compressive strength of high-performance
concrete using metaheuristic-optimized least squares support vector regression. J. Comput. Civ.
Eng., 30:28–31, 2016.
[9] Omran B.A., Chen Q., Asce A.M., Jin R. Comparison of data mining techniques for predicting
compressive strength of environmentally friendly concrete. J. Comput. Civ. Eng., 30(6), 2016.
[10] Nguyen K.T., Nguyen Q.D., Le T.A., Shin J., Lee K. Analyzing the compressive strength of
green fly ash based geopolymer concrete using experiment and machine learning approaches.
Constr. Build. Mater. 247:118581, 2020.
Steve Efe, Opeyemi Fadipe
https://iaeme.com/Home/journal/IJSE 45 editor@iaeme.com
[11] Chou J., Chiu C., Farfoura M., Al-taharwa I. Optimizing the prediction accuracy of concrete
compressive strength based on a comparison of data-mining techniques. J.Comput. Civ. Eng.,
25(3). 2011.
[12] Chou J.S., Tsai C.F., Pham A.D., Lu Y.H. Machine learning in concrete strength simulations:
Multi-nation data analytics. Constr. Build. Mater., 73:771–780, 2014.
[13] Young B.A., Hall A., Pilon L., Gupta P., Sant G. Can the compressive strength of concrete be
estimated from knowledge of the mixture proportions?: New insights from statistical analysis
and machine learning methods. Cem. Concr. Res., 115:379–388, 2019.
[14] Yeh I.-C. Modeling concrete strength with augment-neuron networks. J. Mater. Civ. Eng., 10(4),
1998.
[15] Scott D.W. On optimal and data-based histograms. Biometrika, 66:605–610, 1979.
[16] Steiger J.H. Tests for comparing elements of a correlation matrix. Psychol. Bull., 87:245, 1980.
[17] Wang L., Wang G., Alexander C.A. Big data and visualization: methods, challenges and
technology progress. Digit. Technol., 1:33–38, 2015.
[18] Forman G. BNS feature scaling: an improved representation over tf-idf for svm text
classification. In: Proc. 17th ACM Conf. Inf. Knowl. Manag., ACM, pp. 263–270,2008.
[19] Zhang M.-L., Zhou Z.-H. Improve multi-instance neural networks through feature selection.
Neural Process. Lett., 19:1–10, 2004.
[20] Buitinck L., Louppe G., Blondel M., Pedregosa F., Mueller A., Grisel O., Niculae V.,
Prettenhofer P., Gramfort A., Grobler J., Layton R., Vanderplas J., Joly A., Holt B.,Varoquaux
G. API design for machine learning software: experiences from the scikit-learn project. ArXiv
Prepr. ArXiv1309.0238, 1–15, 2013.
[21] Pedregosa F., Varoquaux G., Gramfort A., Michel V., Thirion B., Grisel O., Blondel M.,
Prettenhofer P., Weiss R., Dubourg V. Scikit-learn: machine learning in python. J.Mach. Learn.
Res., 12:2825–2830, 2011.
[22] Barandiaran I., Ho T.K. The random subspace method for constructing decision forest. IEEE
Trans. Pattern Anal. Mach. Intell., 20:832–844, 1998.
[23] Pal M. Random forest classifier for remote sensing classification. Int. J. Remote Sens., 26:217–
222, 2005.
[24] Breiman L. Random forests. Mach. Learn., 45:5–32, 2001.
[25] Lin C.-F., Wang S.-D. Fuzzy support vector machines. IEEE Trans. Neural Networks., 13:464–
471, 2002.
[26] Scholkopf B., Smola A.J. Learning with kernels: support vector machines, regularization,
optimization, and beyond. IEEE Trans. Neural Networks, 16:781–781, 2001.
[27] Suykens J.A.K., Vandewalle J. Least squares support vector machine classifiers. Neural Process.
Lett., 9:293–300, 1999.
[28] Drucker H., Burges C.J.C., Kaufman L., Smola A.J., Vapnik V. Support vector regression
machines. In: Adv. Neural Inf. Process. Syst., pp. 155–161, 1997.
Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified
Cementitious Concrete
https://iaeme.com/Home/journal/IJSE 46 editor@iaeme.com
[29] Basak D., Pal S., Patranabis D.C. Support vector regression. Neural Inf. Process. Rev., 11:203–
224, 2007.
[30] Hopfield J.J. Artificial neural networks. IEEE Circuits Devices Mag., 4:3–10, 1988.
[31] Sarle W.S. Neural networks and statistical models. Proc. Ninet. Annu. SAS Users Gr. Int. Conf.,
1994.
[32] Arruda V.F., Moita G.F., Silva P.F.S. Determining the optimal artificial neural network
architecture capable of predict the compressive strength of concrete. Proc. XL Ibero-Latin-
American Congr. Comput. Methods Eng., 2019.
[33] Goldsborough P. A tour of tensor flow. ArXiv Prepr. ArXiv1610.01178, 2016.
[34] Kossaifi J., Panagakis Y., Anandkumar A., Pantic M. Tensorly: Tensor learning in python. J.
Mach. Learn. Res., 20:925–930, 2019.
[35] Clevert D.A., Unterthiner T., Hochreiter S. Fast and accurate deep network learning by
exponential linear units (ELUs). 4th Int. Conf. Learn. Represent. ICLR 2016 -Conf. Track Proc.,
1–14, 2016.
[36] Klambauer G., Unterthiner T., Mayr A., Hochreiter S. Self-normalizing neural networks. Adv.
Neural Inf. Process. Syst., 972–981, 2017.
[37] Agarap A.F. Deep learning using rectified linear units (relu). ArXiv Prepr. ArXiv1803.08375,
2018.
[38] Kaveh A., Kalateh-Ahani M., Fahimi-Farzam M. Constructability optimal design of reinforced
concrete retaining walls using a multi-objective genetic algorithm. Struct.Eng. Mech., 47:227–
245, 2013.

More Related Content

What's hot

Comparison of facts devices for two area power system stability enhancement u...
Comparison of facts devices for two area power system stability enhancement u...Comparison of facts devices for two area power system stability enhancement u...
Comparison of facts devices for two area power system stability enhancement u...IAEME Publication
 
Artificial neural network for concrete mix design
Artificial neural network for concrete mix designArtificial neural network for concrete mix design
Artificial neural network for concrete mix designMonjurul Shuvo
 
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test Result
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test ResultPredicting 28 Days Compressive Strength of Concrete from 7 Days Test Result
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test ResultMonjurul Shuvo
 
Smart materials in civil engineering construction
Smart materials in civil engineering constructionSmart materials in civil engineering construction
Smart materials in civil engineering constructionprasath k s
 
High performance concrete ppt
High performance concrete pptHigh performance concrete ppt
High performance concrete pptGoogle
 
High density concrete, high strength concrete and high performance concrete.
High density concrete, high strength concrete and high performance concrete.High density concrete, high strength concrete and high performance concrete.
High density concrete, high strength concrete and high performance concrete.shebina a
 
Stabilization of Black Cotton Soil with Lime and Geo-grid
Stabilization of Black Cotton Soil with Lime and Geo-gridStabilization of Black Cotton Soil with Lime and Geo-grid
Stabilization of Black Cotton Soil with Lime and Geo-gridAM Publications
 
Artificial intelligence in civil engineering
Artificial intelligence in civil engineering Artificial intelligence in civil engineering
Artificial intelligence in civil engineering Aseena Latheef
 
Ordinary portland cement (opc) & Rapid hardening cement
Ordinary portland cement (opc)  & Rapid hardening cementOrdinary portland cement (opc)  & Rapid hardening cement
Ordinary portland cement (opc) & Rapid hardening cementGhanashyam Prajapati
 
Review on seismic analysis of elevated water tank 2
Review on seismic analysis of elevated water tank 2Review on seismic analysis of elevated water tank 2
Review on seismic analysis of elevated water tank 2IAEME Publication
 
Rheology of concrete
Rheology of concreteRheology of concrete
Rheology of concreteajay nagaraj
 
PERVIOUS CONCRETE by DEEPAK TIWARI
PERVIOUS CONCRETE by DEEPAK TIWARI PERVIOUS CONCRETE by DEEPAK TIWARI
PERVIOUS CONCRETE by DEEPAK TIWARI Deepak_Tiwari19
 
CONCRETE MIX DESIGN AS PER IS 10262:2009
 CONCRETE MIX DESIGN AS PER IS 10262:2009  CONCRETE MIX DESIGN AS PER IS 10262:2009
CONCRETE MIX DESIGN AS PER IS 10262:2009 Avinash Kumar Gupta
 
Project Report on Concrete Mix Design of Grade M35
Project Report on Concrete Mix Design of Grade M35Project Report on Concrete Mix Design of Grade M35
Project Report on Concrete Mix Design of Grade M35Gyan Prakash
 
Artificial Intelligence in Civil Engineering.
 Artificial Intelligence in Civil Engineering.  Artificial Intelligence in Civil Engineering.
Artificial Intelligence in Civil Engineering. hannan366
 
Testing of hardened concrete
Testing of hardened concreteTesting of hardened concrete
Testing of hardened concreteJ C
 
Mix Design of Concrete
Mix Design of ConcreteMix Design of Concrete
Mix Design of ConcreteVivek Das
 
Advanced concrete technology
Advanced concrete technologyAdvanced concrete technology
Advanced concrete technologySelva Prakash
 
Design & Analysis of Circular Water Tank by Using Staad Pro Software
Design & Analysis of Circular Water Tank by Using Staad Pro SoftwareDesign & Analysis of Circular Water Tank by Using Staad Pro Software
Design & Analysis of Circular Water Tank by Using Staad Pro SoftwareIRJET Journal
 

What's hot (20)

Comparison of facts devices for two area power system stability enhancement u...
Comparison of facts devices for two area power system stability enhancement u...Comparison of facts devices for two area power system stability enhancement u...
Comparison of facts devices for two area power system stability enhancement u...
 
Artificial neural network for concrete mix design
Artificial neural network for concrete mix designArtificial neural network for concrete mix design
Artificial neural network for concrete mix design
 
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test Result
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test ResultPredicting 28 Days Compressive Strength of Concrete from 7 Days Test Result
Predicting 28 Days Compressive Strength of Concrete from 7 Days Test Result
 
Smart materials in civil engineering construction
Smart materials in civil engineering constructionSmart materials in civil engineering construction
Smart materials in civil engineering construction
 
High performance concrete ppt
High performance concrete pptHigh performance concrete ppt
High performance concrete ppt
 
Concrete Mix design as per IS 10262:2009 by Dr.Vinay Kumar B M
Concrete Mix design as per IS 10262:2009 by Dr.Vinay Kumar B MConcrete Mix design as per IS 10262:2009 by Dr.Vinay Kumar B M
Concrete Mix design as per IS 10262:2009 by Dr.Vinay Kumar B M
 
High density concrete, high strength concrete and high performance concrete.
High density concrete, high strength concrete and high performance concrete.High density concrete, high strength concrete and high performance concrete.
High density concrete, high strength concrete and high performance concrete.
 
Stabilization of Black Cotton Soil with Lime and Geo-grid
Stabilization of Black Cotton Soil with Lime and Geo-gridStabilization of Black Cotton Soil with Lime and Geo-grid
Stabilization of Black Cotton Soil with Lime and Geo-grid
 
Artificial intelligence in civil engineering
Artificial intelligence in civil engineering Artificial intelligence in civil engineering
Artificial intelligence in civil engineering
 
Ordinary portland cement (opc) & Rapid hardening cement
Ordinary portland cement (opc)  & Rapid hardening cementOrdinary portland cement (opc)  & Rapid hardening cement
Ordinary portland cement (opc) & Rapid hardening cement
 
Review on seismic analysis of elevated water tank 2
Review on seismic analysis of elevated water tank 2Review on seismic analysis of elevated water tank 2
Review on seismic analysis of elevated water tank 2
 
Rheology of concrete
Rheology of concreteRheology of concrete
Rheology of concrete
 
PERVIOUS CONCRETE by DEEPAK TIWARI
PERVIOUS CONCRETE by DEEPAK TIWARI PERVIOUS CONCRETE by DEEPAK TIWARI
PERVIOUS CONCRETE by DEEPAK TIWARI
 
CONCRETE MIX DESIGN AS PER IS 10262:2009
 CONCRETE MIX DESIGN AS PER IS 10262:2009  CONCRETE MIX DESIGN AS PER IS 10262:2009
CONCRETE MIX DESIGN AS PER IS 10262:2009
 
Project Report on Concrete Mix Design of Grade M35
Project Report on Concrete Mix Design of Grade M35Project Report on Concrete Mix Design of Grade M35
Project Report on Concrete Mix Design of Grade M35
 
Artificial Intelligence in Civil Engineering.
 Artificial Intelligence in Civil Engineering.  Artificial Intelligence in Civil Engineering.
Artificial Intelligence in Civil Engineering.
 
Testing of hardened concrete
Testing of hardened concreteTesting of hardened concrete
Testing of hardened concrete
 
Mix Design of Concrete
Mix Design of ConcreteMix Design of Concrete
Mix Design of Concrete
 
Advanced concrete technology
Advanced concrete technologyAdvanced concrete technology
Advanced concrete technology
 
Design & Analysis of Circular Water Tank by Using Staad Pro Software
Design & Analysis of Circular Water Tank by Using Staad Pro SoftwareDesign & Analysis of Circular Water Tank by Using Staad Pro Software
Design & Analysis of Circular Water Tank by Using Staad Pro Software
 

Similar to MACHINE LEARNING PREDICTION OF THE COMPRESSIVE STRENGTH OF SILICEOUS FLY ASH MODIFIED CEMENTITIOUS CONCRETE

A new approach to estimate damage in concrete beams using non linearity
A new approach to estimate damage in concrete beams using non linearityA new approach to estimate damage in concrete beams using non linearity
A new approach to estimate damage in concrete beams using non linearityUniversity of Malaya
 
A survey on fem modelling for composites
A survey on fem modelling for compositesA survey on fem modelling for composites
A survey on fem modelling for compositeseSAT Publishing House
 
An Automated Input Data Management Approach for Discrete Event Simulation App...
An Automated Input Data Management Approach for Discrete Event Simulation App...An Automated Input Data Management Approach for Discrete Event Simulation App...
An Automated Input Data Management Approach for Discrete Event Simulation App...IJERA Editor
 
Reliability based selection of standard steel beams
Reliability based selection of standard steel beamsReliability based selection of standard steel beams
Reliability based selection of standard steel beamseSAT Journals
 
Strength Prediction Model for Concrete
Strength Prediction Model for ConcreteStrength Prediction Model for Concrete
Strength Prediction Model for ConcreteIDES Editor
 
A Review on Finite Element Analysis of Automobile roof header Manufactured By...
A Review on Finite Element Analysis of Automobile roof header Manufactured By...A Review on Finite Element Analysis of Automobile roof header Manufactured By...
A Review on Finite Element Analysis of Automobile roof header Manufactured By...ijiert bestjournal
 
Journal of Architectural Environment & Structural Engineering Research | Vol....
Journal of Architectural Environment & Structural Engineering Research | Vol....Journal of Architectural Environment & Structural Engineering Research | Vol....
Journal of Architectural Environment & Structural Engineering Research | Vol....Bilingual Publishing Group
 
IRJET- Quality Control Measures and Strategies for Filament Wound Composi...
IRJET-  	  Quality Control Measures and Strategies for Filament Wound Composi...IRJET-  	  Quality Control Measures and Strategies for Filament Wound Composi...
IRJET- Quality Control Measures and Strategies for Filament Wound Composi...IRJET Journal
 
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURES
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURESLONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURES
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURESIRJET Journal
 
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...ijtsrd
 
IRJET- Non-Destructive Test Application in Civil Infrastructure
IRJET- Non-Destructive Test Application in Civil InfrastructureIRJET- Non-Destructive Test Application in Civil Infrastructure
IRJET- Non-Destructive Test Application in Civil InfrastructureIRJET Journal
 
Modelling and simulation methodology for unidirectional composite laminates i...
Modelling and simulation methodology for unidirectional composite laminates i...Modelling and simulation methodology for unidirectional composite laminates i...
Modelling and simulation methodology for unidirectional composite laminates i...Olben Falcó Salcines
 
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...meijjournal
 
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADING
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADINGAN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADING
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADINGIRJET Journal
 
The Method for Optimum Design of Resin Injection Molding Process Conditions u...
The Method for Optimum Design of Resin Injection Molding Process Conditions u...The Method for Optimum Design of Resin Injection Molding Process Conditions u...
The Method for Optimum Design of Resin Injection Molding Process Conditions u...meijjournal
 
Mechanical Engineering: An International Journal (MEIJ)
Mechanical Engineering: An International Journal (MEIJ)Mechanical Engineering: An International Journal (MEIJ)
Mechanical Engineering: An International Journal (MEIJ)MEIJjournal1
 
The method for optimum design of resin injection molding process condition us...
The method for optimum design of resin injection molding process condition us...The method for optimum design of resin injection molding process condition us...
The method for optimum design of resin injection molding process condition us...meijjournal
 
IRJET- U-Boot Technology
IRJET-  	  U-Boot TechnologyIRJET-  	  U-Boot Technology
IRJET- U-Boot TechnologyIRJET Journal
 
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...IAEME Publication
 
IRJET- Accomplishment Interpretation and Reformative Study for RCC Struct...
IRJET-  	  Accomplishment Interpretation and Reformative Study for RCC Struct...IRJET-  	  Accomplishment Interpretation and Reformative Study for RCC Struct...
IRJET- Accomplishment Interpretation and Reformative Study for RCC Struct...IRJET Journal
 

Similar to MACHINE LEARNING PREDICTION OF THE COMPRESSIVE STRENGTH OF SILICEOUS FLY ASH MODIFIED CEMENTITIOUS CONCRETE (20)

A new approach to estimate damage in concrete beams using non linearity
A new approach to estimate damage in concrete beams using non linearityA new approach to estimate damage in concrete beams using non linearity
A new approach to estimate damage in concrete beams using non linearity
 
A survey on fem modelling for composites
A survey on fem modelling for compositesA survey on fem modelling for composites
A survey on fem modelling for composites
 
An Automated Input Data Management Approach for Discrete Event Simulation App...
An Automated Input Data Management Approach for Discrete Event Simulation App...An Automated Input Data Management Approach for Discrete Event Simulation App...
An Automated Input Data Management Approach for Discrete Event Simulation App...
 
Reliability based selection of standard steel beams
Reliability based selection of standard steel beamsReliability based selection of standard steel beams
Reliability based selection of standard steel beams
 
Strength Prediction Model for Concrete
Strength Prediction Model for ConcreteStrength Prediction Model for Concrete
Strength Prediction Model for Concrete
 
A Review on Finite Element Analysis of Automobile roof header Manufactured By...
A Review on Finite Element Analysis of Automobile roof header Manufactured By...A Review on Finite Element Analysis of Automobile roof header Manufactured By...
A Review on Finite Element Analysis of Automobile roof header Manufactured By...
 
Journal of Architectural Environment & Structural Engineering Research | Vol....
Journal of Architectural Environment & Structural Engineering Research | Vol....Journal of Architectural Environment & Structural Engineering Research | Vol....
Journal of Architectural Environment & Structural Engineering Research | Vol....
 
IRJET- Quality Control Measures and Strategies for Filament Wound Composi...
IRJET-  	  Quality Control Measures and Strategies for Filament Wound Composi...IRJET-  	  Quality Control Measures and Strategies for Filament Wound Composi...
IRJET- Quality Control Measures and Strategies for Filament Wound Composi...
 
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURES
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURESLONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURES
LONGEVITY ASSESSMENT AND LIFE SPAN ENHANCEMENT OF CIVIL ENGINEERING STRUCTURES
 
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...
Design Optimization of Reinforced Concrete Slabs Using Various Optimization T...
 
IRJET- Non-Destructive Test Application in Civil Infrastructure
IRJET- Non-Destructive Test Application in Civil InfrastructureIRJET- Non-Destructive Test Application in Civil Infrastructure
IRJET- Non-Destructive Test Application in Civil Infrastructure
 
Modelling and simulation methodology for unidirectional composite laminates i...
Modelling and simulation methodology for unidirectional composite laminates i...Modelling and simulation methodology for unidirectional composite laminates i...
Modelling and simulation methodology for unidirectional composite laminates i...
 
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...
THE METHOD FOR OPTIMUM DESIGN OF RESIN INJECTION MOLDING PROCESS CONDITIONS U...
 
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADING
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADINGAN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADING
AN EXPERIMENTAL STUDY ON CFDST COLUMN UNDER AXIAL LOADING
 
The Method for Optimum Design of Resin Injection Molding Process Conditions u...
The Method for Optimum Design of Resin Injection Molding Process Conditions u...The Method for Optimum Design of Resin Injection Molding Process Conditions u...
The Method for Optimum Design of Resin Injection Molding Process Conditions u...
 
Mechanical Engineering: An International Journal (MEIJ)
Mechanical Engineering: An International Journal (MEIJ)Mechanical Engineering: An International Journal (MEIJ)
Mechanical Engineering: An International Journal (MEIJ)
 
The method for optimum design of resin injection molding process condition us...
The method for optimum design of resin injection molding process condition us...The method for optimum design of resin injection molding process condition us...
The method for optimum design of resin injection molding process condition us...
 
IRJET- U-Boot Technology
IRJET-  	  U-Boot TechnologyIRJET-  	  U-Boot Technology
IRJET- U-Boot Technology
 
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...
OPTIMUM DESIGN OF SEMI-GRAVITY RETAINING WALL SUBJECTED TO STATIC AND SEISMIC...
 
IRJET- Accomplishment Interpretation and Reformative Study for RCC Struct...
IRJET-  	  Accomplishment Interpretation and Reformative Study for RCC Struct...IRJET-  	  Accomplishment Interpretation and Reformative Study for RCC Struct...
IRJET- Accomplishment Interpretation and Reformative Study for RCC Struct...
 

More from IAEME Publication

IAEME_Publication_Call_for_Paper_September_2022.pdf
IAEME_Publication_Call_for_Paper_September_2022.pdfIAEME_Publication_Call_for_Paper_September_2022.pdf
IAEME_Publication_Call_for_Paper_September_2022.pdfIAEME Publication
 
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...IAEME Publication
 
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURS
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURSA STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURS
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURSIAEME Publication
 
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURS
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURSBROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURS
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURSIAEME Publication
 
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONS
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONSDETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONS
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONSIAEME Publication
 
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONS
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONSANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONS
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONSIAEME Publication
 
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINO
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINOVOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINO
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINOIAEME Publication
 
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...IAEME Publication
 
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMY
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMYVISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMY
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMYIAEME Publication
 
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...IAEME Publication
 
GANDHI ON NON-VIOLENT POLICE
GANDHI ON NON-VIOLENT POLICEGANDHI ON NON-VIOLENT POLICE
GANDHI ON NON-VIOLENT POLICEIAEME Publication
 
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...IAEME Publication
 
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...IAEME Publication
 
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...IAEME Publication
 
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...IAEME Publication
 
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...IAEME Publication
 
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...IAEME Publication
 
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...IAEME Publication
 
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...IAEME Publication
 
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENT
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENTA MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENT
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENTIAEME Publication
 

More from IAEME Publication (20)

IAEME_Publication_Call_for_Paper_September_2022.pdf
IAEME_Publication_Call_for_Paper_September_2022.pdfIAEME_Publication_Call_for_Paper_September_2022.pdf
IAEME_Publication_Call_for_Paper_September_2022.pdf
 
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...
MODELING AND ANALYSIS OF SURFACE ROUGHNESS AND WHITE LATER THICKNESS IN WIRE-...
 
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURS
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURSA STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURS
A STUDY ON THE REASONS FOR TRANSGENDER TO BECOME ENTREPRENEURS
 
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURS
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURSBROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURS
BROAD UNEXPOSED SKILLS OF TRANSGENDER ENTREPRENEURS
 
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONS
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONSDETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONS
DETERMINANTS AFFECTING THE USER'S INTENTION TO USE MOBILE BANKING APPLICATIONS
 
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONS
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONSANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONS
ANALYSE THE USER PREDILECTION ON GPAY AND PHONEPE FOR DIGITAL TRANSACTIONS
 
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINO
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINOVOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINO
VOICE BASED ATM FOR VISUALLY IMPAIRED USING ARDUINO
 
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...
IMPACT OF EMOTIONAL INTELLIGENCE ON HUMAN RESOURCE MANAGEMENT PRACTICES AMONG...
 
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMY
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMYVISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMY
VISUALISING AGING PARENTS & THEIR CLOSE CARERS LIFE JOURNEY IN AGING ECONOMY
 
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...
A STUDY ON THE IMPACT OF ORGANIZATIONAL CULTURE ON THE EFFECTIVENESS OF PERFO...
 
GANDHI ON NON-VIOLENT POLICE
GANDHI ON NON-VIOLENT POLICEGANDHI ON NON-VIOLENT POLICE
GANDHI ON NON-VIOLENT POLICE
 
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...
A STUDY ON TALENT MANAGEMENT AND ITS IMPACT ON EMPLOYEE RETENTION IN SELECTED...
 
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...
ATTRITION IN THE IT INDUSTRY DURING COVID-19 PANDEMIC: LINKING EMOTIONAL INTE...
 
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...
INFLUENCE OF TALENT MANAGEMENT PRACTICES ON ORGANIZATIONAL PERFORMANCE A STUD...
 
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...
A STUDY OF VARIOUS TYPES OF LOANS OF SELECTED PUBLIC AND PRIVATE SECTOR BANKS...
 
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...
EXPERIMENTAL STUDY OF MECHANICAL AND TRIBOLOGICAL RELATION OF NYLON/BaSO4 POL...
 
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...
ROLE OF SOCIAL ENTREPRENEURSHIP IN RURAL DEVELOPMENT OF INDIA - PROBLEMS AND ...
 
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...
OPTIMAL RECONFIGURATION OF POWER DISTRIBUTION RADIAL NETWORK USING HYBRID MET...
 
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...
APPLICATION OF FRUGAL APPROACH FOR PRODUCTIVITY IMPROVEMENT - A CASE STUDY OF...
 
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENT
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENTA MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENT
A MULTIPLE – CHANNEL QUEUING MODELS ON FUZZY ENVIRONMENT
 

Recently uploaded

The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfPipe Restoration Solutions
 
IT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data AnalysisIT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data AnalysisDr. Radhey Shyam
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.PrashantGoswami42
 
Furniture showroom management system project.pdf
Furniture showroom management system project.pdfFurniture showroom management system project.pdf
Furniture showroom management system project.pdfKamal Acharya
 
Online resume builder management system project report.pdf
Online resume builder management system project report.pdfOnline resume builder management system project report.pdf
Online resume builder management system project report.pdfKamal Acharya
 
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and ClusteringKIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and ClusteringDr. Radhey Shyam
 
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfKamal Acharya
 
Pharmacy management system project report..pdf
Pharmacy management system project report..pdfPharmacy management system project report..pdf
Pharmacy management system project report..pdfKamal Acharya
 
Explosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdfExplosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdf884710SadaqatAli
 
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWINGBRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWINGKOUSTAV SARKAR
 
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptx
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptxCloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptx
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptxMd. Shahidul Islam Prodhan
 
ENERGY STORAGE DEVICES INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES  INTRODUCTION UNIT-IENERGY STORAGE DEVICES  INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES INTRODUCTION UNIT-IVigneshvaranMech
 
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfRESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfKamal Acharya
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwoodseandesed
 
Arduino based vehicle speed tracker project
Arduino based vehicle speed tracker projectArduino based vehicle speed tracker project
Arduino based vehicle speed tracker projectRased Khan
 
HYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generationHYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generationRobbie Edward Sayers
 
A case study of cinema management system project report..pdf
A case study of cinema management system project report..pdfA case study of cinema management system project report..pdf
A case study of cinema management system project report..pdfKamal Acharya
 
Peek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdfPeek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdfAyahmorsy
 
Digital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdfDigital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdfAbrahamGadissa
 
RS Khurmi Machine Design Clutch and Brake Exercise Numerical Solutions
RS Khurmi Machine Design Clutch and Brake Exercise Numerical SolutionsRS Khurmi Machine Design Clutch and Brake Exercise Numerical Solutions
RS Khurmi Machine Design Clutch and Brake Exercise Numerical SolutionsAtif Razi
 

Recently uploaded (20)

The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
 
IT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data AnalysisIT-601 Lecture Notes-UNIT-2.pdf Data Analysis
IT-601 Lecture Notes-UNIT-2.pdf Data Analysis
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
 
Furniture showroom management system project.pdf
Furniture showroom management system project.pdfFurniture showroom management system project.pdf
Furniture showroom management system project.pdf
 
Online resume builder management system project report.pdf
Online resume builder management system project report.pdfOnline resume builder management system project report.pdf
Online resume builder management system project report.pdf
 
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and ClusteringKIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
KIT-601 Lecture Notes-UNIT-4.pdf Frequent Itemsets and Clustering
 
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdfONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
ONLINE VEHICLE RENTAL SYSTEM PROJECT REPORT.pdf
 
Pharmacy management system project report..pdf
Pharmacy management system project report..pdfPharmacy management system project report..pdf
Pharmacy management system project report..pdf
 
Explosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdfExplosives Industry manufacturing process.pdf
Explosives Industry manufacturing process.pdf
 
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWINGBRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
BRAKING SYSTEM IN INDIAN RAILWAY AutoCAD DRAWING
 
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptx
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptxCloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptx
Cloud-Computing_CSE311_Computer-Networking CSE GUB BD - Shahidul.pptx
 
ENERGY STORAGE DEVICES INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES  INTRODUCTION UNIT-IENERGY STORAGE DEVICES  INTRODUCTION UNIT-I
ENERGY STORAGE DEVICES INTRODUCTION UNIT-I
 
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdfRESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
RESORT MANAGEMENT AND RESERVATION SYSTEM PROJECT REPORT.pdf
 
Architectural Portfolio Sean Lockwood
Architectural Portfolio Sean LockwoodArchitectural Portfolio Sean Lockwood
Architectural Portfolio Sean Lockwood
 
Arduino based vehicle speed tracker project
Arduino based vehicle speed tracker projectArduino based vehicle speed tracker project
Arduino based vehicle speed tracker project
 
HYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generationHYDROPOWER - Hydroelectric power generation
HYDROPOWER - Hydroelectric power generation
 
A case study of cinema management system project report..pdf
A case study of cinema management system project report..pdfA case study of cinema management system project report..pdf
A case study of cinema management system project report..pdf
 
Peek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdfPeek implant persentation - Copy (1).pdf
Peek implant persentation - Copy (1).pdf
 
Digital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdfDigital Signal Processing Lecture notes n.pdf
Digital Signal Processing Lecture notes n.pdf
 
RS Khurmi Machine Design Clutch and Brake Exercise Numerical Solutions
RS Khurmi Machine Design Clutch and Brake Exercise Numerical SolutionsRS Khurmi Machine Design Clutch and Brake Exercise Numerical Solutions
RS Khurmi Machine Design Clutch and Brake Exercise Numerical Solutions
 

MACHINE LEARNING PREDICTION OF THE COMPRESSIVE STRENGTH OF SILICEOUS FLY ASH MODIFIED CEMENTITIOUS CONCRETE

  • 1. https://iaeme.com/Home/journal/IJSE 30 editor@iaeme.com International Journal of Structural Engineering (IJSE) Volume 4, Issue 1, January-December 2022, pp. 30–46, Article ID: IJSE_04_01_003 Available online at https://iaeme.com/Home/issue/IJSE?Volume=4&Issue=1 DOI: https://doi.org/10.17605/OSF.IO/CFHWJ © IAEME Publication MACHINE LEARNING PREDICTION OF THE COMPRESSIVE STRENGTH OF SILICEOUS FLY ASH MODIFIED CEMENTITIOUS CONCRETE Steve Efe1 and Opeyemi Fadipe2 1,2 Civil Engineering Department, Morgan State University, MD. USA ABSTRACT Compressive strength (CS) is one of the most important mechanical qualities of cementitious composites in the building sector. The data from the experimental work were collected, and machine learning techniques were used to predict the compressive strength of concrete containing fly ash. Statistical models, such as linear and nonlinear regression widely used require laborious experimental work to develop, and can provide inaccurate results when the relationships between concrete properties and mixture composition and curing conditions are complex. This study focusses on the use of supervised machine learning algorithms to predict concrete compressive strength. For outcome prediction, the Random Forest (RF), support vector machine (SVM), and Artificial neural network (ANN), techniques were examined. The experimental variables from the literature included cement, fly ash, superplasticizer, coarse aggregate, fine aggregate, water, and days, which were taken as input to predict the output which was CS parameter. The study provides a critically review and comparison of different machine learning techniques used for forecasting the mechanical properties of concrete materials. Each machine learning model's applicability and performance are assessed, resulting in practical recommendations, knowledge gaps, and recommended future research. Key words: Compressive strength, machine learning, random forest, fly ash, artificial neural network Cite this Article: Steve Efe and Opeyemi Fadipe, Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete, International Journal of Structural Engineering (IJSE), 4(1), 2022, pp. 30–46. https://iaeme.com/Home/issue/IJSE?Volume=4&Issue=1 1. INTRODUCTION Conventional concrete is the most common material used in civil construction, being a mixture composed of water, cement and different aggregates. Its resistance mainly depends on factors such as cement consumption, water- cement factor, degree of condensation and the nature of aggregates. The compressive strength of concrete is quite considerable, but its tensile strength
  • 2. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 31 editor@iaeme.com is much lower. Owing to this, the concrete can be classified as a fragile material, having entirely different strength properties under tensile and compression tests [1]. The compressive strength of concrete is still one of the most widely used parameters in structural engineering for the design of reinforced concrete structures. The performance of concrete, when defined empirically, can be affected by nonlinear factors, when using the concrete compression test as a destructive procedure on concrete specimens. However, this activity involves time, planning and financial resources because the commonly used compressive strength factor is obtained on the 28th day [2]. The application of appropriate additives to the cementitious mixture may significantly improve its properties, such as workability, compressive strength, brittleness, or volume porosity [16], [17], [18]. Fly ash (FA) is commonly used in the construction industry [1], [2], [3]. While initially considered a waste that is recycled in cementitious composites, its importance has grown significantly in recent years, and it has become a desirable product [4], [5]. The promising effects of replacing cement with the addition of fly ash in cementitious composites, such as enhanced workability, higher strength, lower shrinkage, or slower heat evolution, make it the most widely applied mineral replacement for Portland cement in cementitious mixtures [6], [7]. Rapid developments of novel concrete types stimulated by the ever-challenging requirements of the construction industry has motivated further research to develop new predictive models that can estimate concrete properties. Predicting the mechanical properties of concrete has been an important research task that could better satisfy the requirements of various design codes and standards. Conventional models for forecasting mechanical, rheological, durability, and other properties of concrete consisted essentially of empirical relationships developed from statistical analysis of experimental data, where linear and nonlinear regression models have been established [1], [2]. Various regression models have been suggested to estimate mechanical properties of concrete, including compressive strength, tensile strength, shear strength and elastic modulus [5], [6], [7], [8], [9], [10]. Even though these models have proven to be effective in some cases and tend to save time and cost for future applications, their development is associated with multiple drawbacks. Costly and time-consuming trial batches required to establish empirical models is among their major shortcomings. In addition, conventional models perform poorly in dealing with complex materials [4], which makes them unreliable for estimating properties of several types of concrete. For instance, Chou et al. [11] stated that some properties of high- performance concrete (HPC) cannot be easily modelled due to the intricate relationship between mechanical strength and mixture constituents. Furthermore, most of the current empirical equations provided in design codes and standards incorporate a fixed number and type of parameters, making their applicability to assess the strength of novel concrete types with additional new features questionable since the effects of the new mixture constituents are ignored. To compensate for the drawbacks of conventional linear and nonlinear regression models, ML techniques have been recently introduced as a strong contender for predicting concrete mechanical strength. Using such prediction tools can save costly and time-consuming trial batches and associated experimental work required to achieve desired concrete strength [12]. ML approaches can generally be classified into two major types: supervised learning and unsupervised learning [13]. The former has been more commonly adopted for estimating the mechanical properties of concrete. In supervised learning, ML models consist of computer algorithms capable of generating patterns and hypotheses through a provided dataset to forecast future values [13], [14], [15], [16], [17]. Although these models have been proposed to achieve the same goal, i.e. prediction of mechanical strength of concrete, their structure and process can differ significantly. As shown in Fig. 1, the most common ML techniques used for estimating concrete strength can generally be grouped into four major types: artificial neural networks (ANN), support vector machines (SVM), decision trees, and evolutionary algorithms (EA).
  • 3. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 32 editor@iaeme.com Generally, the size of the dataset and number of input parameters can affect the selection of the most suitable model. Also, the performance of each model is evaluated via various statistical metrics comparing actual and predicted values. Figure 1 Machine learning models. The aim of the present paper is to critically review and compare the different ML techniques used for forecasting the mechanical properties of concrete materials and structures. 2. BACKGROUND OF STUDY 2.1. Prediction of Mechanical Properties of Concrete ML models have been extensively used as an effective tool for forecasting mechanical properties of concrete. Those models are typically applied to an extensive dataset, which is generally divided into training (TR), validation (VAL), and testing (TS) subsets. The training set is used for model training. Validation data provides unbiased evaluation of the model fit on training data and prevents model overfitting by stopping the training process when the error increases. The model is finally applied on the testing data to assess its predictive performance. The most employed ML methods can be categorized into four major types, namely ANN, SVM, decision trees, and EA. The evaluation, process and the application of these models are discussed below. 2.2. Evaluation of Machine Learning Models Performance assessment of ML algorithms has been carried out using several statistical methods that describe the model fitting. Table 1 entails potential statistical metrics employed for evaluating ML models with their corresponding mathematical expressions. These methods indicate how well the predicted values fit with actual data. Moreover, they can be adopted in sensitivity analysis, pointing out the weight of each input variable in the prediction process [18], [19], [20], [21]. Not only can statistical metrics assess the performance of ML techniques, but they may also be used as reference for comparing the effectiveness of several algorithms. Technological advancement allows engineering problems to be solved by the use of machine learning methods and their applications can represent good examples of fields explored with different expectations and realistic results. In general, artificial intelligence systems have shown their ability to solve real-life problems, particularly in nonlinear tasks [3]. Structural engineering has been a field of significant development through the implementation and testing of new computational models, that are able to predict the different properties of concrete mixtures. In the case of behavioral models, pattern recognition is constructive and computational intelligence methods can be used. Bio- inspired models can also be an excellent aid to the design of structures for civil engineering [4–8]. With the development of artificial intelligence, it is easier to forecast concrete compressive strength. When compared with other traditional regression methods, machine learning adopts specific algorithms that can learn from
  • 4. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 33 editor@iaeme.com the input data and gives highly accurate results. Currently, several machine learning algorithms are used for concrete compressive strength prediction, among which are Random Forest, Artificial Neural Network and Support Vector Machine models. A brief review on the subject is given below. Recently, Feng et al. [9] used a new technique called XGBoosting to predict the concrete compressive strength with good results. They also used ANN and SVM to compare the obtained results with excellent predictions. ANN and Adaptive Neuro-Fuzzy Inference System (ANFIS) models were used to predict a cement-based mortar material compressive strength [10]. The paper demonstrates the ability of ANN and ANFIS models to approximate the compressive strength of mortars reliably and robustly. Also, ANN were applied to predict the strength of concrete containing construction waste, recycled aggregate concrete [11] and self-compacting concrete containing bottom ash [12]. ANN were used again to predict the strength of environmentally friendly concrete [13]. They showed that ANN models can provide high-performance prediction for concrete compressive strength. The application of ANN in predicting the compressive strength of concrete containing nano-silica and copper slag was also addressed by Chithra et al. [14], showing promising results. Machine learning techniques such as ANN and SVM were used [15] and least- square SVM was improved using the metaheuristic optimization to predict the compressive strength of high- performance concrete [16]. The compared accuracy of different data mining techniques was applied for predicting the compressive strength of environmentally friendly concrete [17] and the machine learning approaches was used to analyze the compressive strength of greenfly ash-based geopolymer concrete [18]. Finally, Chou et al. [19,20] and Young et al. [21] also considered a dataset for testing SVM and ANN methods and other machine learning methods such as the gradient boost and Random Forest. This paper focuses on the use of computational intelligence techniques, especially Random Forest, Artificial Neural Network (ANN) and Support Vector Machine (SVM), to analyze the prediction of concrete compressive strength, emphasizing accuracy and efficiency, and their potential to deal with experimental data. This study also aims to contribute to the knowledge of the application of computational models in the prediction of compressive strength of concrete, using machine learning and pre-processing methods such as GridsearchCV and cross- validation, comparing the obtained results with other studies in the available literature. 2.3. Computational Experiments - Material Database and Methods The compressive strength of concrete required a definition to establish reliable data in the literature. The chosen database was made available in the article written by Yeh [22]. The programming language used to implement these models was Python, and the Sci-kit-learn and Keras library were also used in this work. Initially, several neural networks were tested to obtain a preliminary result of the concrete compressive strength. To improve these results, other computational models and pre-processing data methods were also implemented. 2.4. Data Pre-Processing and Visualization Database visualization and preprocessing seek to obtain a better understanding of the dataset to be studied. The first one intends to visualize correlations between inputs and outputs to achieve this goal. Histograms can help to form a better understanding of the data by showing information about each entry. The purpose of using histograms is to estimate whether the database has a normal distribution or whether it is biased to the left or right. The figures obtained assist the user to visualize and analyze the resources more effectively and facilitate the choice of the most suitable computational models [23]. Moreover, the density plots are variables that provide an idea of each feature distribution in the dataset. With these plots, one can see a smooth distribution curve drawn over the top of each histogram. Box plots are still another effective way to summarize the distribution of each available resource in the dataset. These boxes are
  • 5. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 34 editor@iaeme.com useful because they give a better indication of the median value and the first and last quartile of the used data. Finally, the correlation matrix is a factor that indicates how two variables are related in the dataset. This matrix describes the relationship between any pair of variables. In this matrix, it is possible to see whether the variables are positively or negatively correlated. The value obtained represents how closely these data are related. The correlation matrix can provide better insight into how the regression model can be used. Highly correlated input variables can affect the performance of specific algorithms [24]. The dataset needs to be pre- processed before its application. Pre-processing techniques have been proven effective and can improve the performance of computational models [25]. In this project, the database was pre- processed using the feature scale method. This method involves transforming all characteristics on a standard scale [26,27]. Usually, resources are transformed within a range between 0 and 1. The scale is necessary to construct the machine learning model because the Euclidean distance between points may lead to a domination point, having a more significant effect on the variable target. To obtain better results, the database is usually split into training and testing data. Thus, the algorithm is trained with a volume of data that is validated in the test set. This is done to guarantee that the result obtained is not biased and only learns from similar data used for training. The dataset is reorganized with re-sampling. In this work, cross- validation and GridsearchCV are used. There are several types of cross-validation. However, the most common is the -fold method. In this method, several samples k are created, each sample being set aside while the model trains with the remainder. The process repeats until it is possible to determine the “quality” of each observation. The most common values for the number of samples are between 5 and 10. This technique is most used when the amount of data is lower or not sufficient to obtain a good result with more straightforward divisions [24–26]. The GridsearchCV is used as a tuning process that uses hyper-parametrization to determine the optimal values for a given model. This means that the performance of the entire model is based on the values of a specified hyper- parameter. GridsearchCV performs an exhaustive search on the specified parameters. This method is computationally expensive but produces excellent results [28,29]. 3. METHODS 3.1. Random Forest Random Forest models are constructed from a collection of decision trees [30,31]. They are easy to use without many pre-processing strategies. The idea is to build a collection of trees with a controlled variation. Random Forest is a clustering technique that can perform regression and classification tasks using multiple decision trees and bootstrap aggregation, commonly known as bagging. Bagging, in the Random Forest method, involves training each decision tree with a different data sample, where sampling is done with a substitution. The biggest problem with decision trees is that they tend to over-fit training data. Error pruning is the most common technique for avoiding this type of problem [32]. In this project, the Random Forest model is defined with the help of GridsearchCV. 3.2. Support Vector Machine SVM are popular learning algorithms that work in classification and regression problems. In addition to performing linear regression and classification, SVM have also worked well on nonlinear data [33,34]. To sort linearly separable data, there may be different hyperplanes that can separate the data. The problem here would be to find a hyper-plane (margin) that could maximize the separation between two classes [35]. Therefore, SVM can be defined as a machine learning technique that can be used for regression and classification problems. This technique builds a multidimensional hyper-plane space to separate a dataset into different classes. This
  • 6. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 35 editor@iaeme.com paper used a support vector regressor as a non-parametric regression technique that relies solely on kernel functions. The goal is to find a function f (x ) that deviates from yn by a value no larger than ε for each of the training points in our dataset and remains as flat as possible [34– 36]. As the dataset is a multivariate supervised dataset, some of the cores used for regression comparison could be linear, polynomial, or RBFs [37]. In this project, GridsearchCV is used to evaluate possible kernels, linear, polynomial and RBFs. Thus, it is possible to assess the performance of these cores and evaluate different parameters of ε, which are the penalty parameters for the error. For polynomial and RBF kernels, there is a γ parameter called the kernel coefficient. The best performance is evaluated based on the results of R2. Thus, it is possible to assess the best performance of the implemented model using different kernels, ε values and γ parameters. 3.3. Artificial Neural Network ANN are a typical example of a modern method that solves various engineering problems that could not be explained by traditional methods. The neural network can collect, memorize, analyze and process a large amount of data obtained through experimental tests [38,39]. Training data are critical to the network as they convey the information needed to find the optimal operating point. ANN are one of the most useful computational models used in supervised regression tasks and learning classification and works primarily with three layers: the input layer, the hidden layers and the output layer. However, the performance of an ANN depends mostly on the performance of hidden layers. The number of neurons in the input layer is a pattern usually presented to the neural network. Each neuron in the input layer must represent an independent variable that affects the outcome of the network. Therefore, the number of nodes in the input layer is equal to the number of inputs. Problems that require two or more intermediate layers are unusual. A neural network with two intermediate layers can represent functions of any shape. Therefore, there are no theoretical reasons for using more than two middle layers. However, the higher the number of layers of neurons, the better the performance of the neural network. This is because it increases learning capacity [40]. Also, the input layer may have a particular neuron called bias that increases the degrees of freedom, allowing the neural network to better adapt to the knowledge. The number of neurons in the output layer is directly related to the task that the neural network performs. In general, the number of neurons the classifier must have is equal to the number of distinct groups. When ANN are built, it is important to consider a suitable model architecture. In an ANN, neurons appear as followed by the activation function that determines whether the neuron is dispensed or follows to the output presented in the following equation However, it needs to train the neural network and evaluate the results using some function error and propagate through the neural network by updating weights (w) and bias (b). Therefore, derivatives of activation functions are used.
  • 7. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 36 editor@iaeme.com 4. RESULTS AND ANALYSIS As already said, this work required the acquisition of experimental data to determine the compressive strength of concrete through computational intelligence. The database chosen was obtained from studies by Yeh [22]. This database presents 1030 experimental stress versus compression tests. Eight input variables were used as shown in follows: cement; blast furnace slag; fly ash; water; superplasticizer; coarse aggregate; fine aggregate; age. The output variable is the compressive strength of concrete (f’c). Figure 1 shows the static parameters, such as maximums and minimums of input and output components. The figure presents a heatmap, which graphically represents the measured value of numerical data using a color scheme, with warm colors representing the high-value of data points and cold colors representing the low- value data points of the data set. The presented database, provided by Yeh [22], is quite consolidated and has a proper distribution for input and output variables. This fact facilitates the application of computational methods such as those presented in this work. There are also several studies in the literature that use the same database, so that a fair comparison between their results and the results obtained here can be made. A visualization of histograms, density boxes and box plots obtained from the database used is provided in Figure 2. As stated earlier, this visualization aims to give a better idea of which method is more appropriate to obtain a better fit for the machine learning models. The variables have an almost normal distribution. Thus, it is possible to see that the efficiency of learning algorithms can be facilitated. Figure 3 shows the box plots for the variables used. An analysis of the outlier values for each input and output variable was also performed and the results are listed in Table 1. A proper distribution can be seen with no more than 10% of outliers in any attribute. Figure 1 Concrete data parameters
  • 8. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 37 editor@iaeme.com Figure 2 Data visualization of histograms, density boxes and box plots of concrete data Figure 3 Box plots for the concrete variables
  • 9. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 38 editor@iaeme.com Table 1 Analysis of outliers Number of outliers Percentage of outliers Cement (kg/m³) 0 0.00 Blast furnace slag (kg/m³) 2 0.19 Fly ash (kg/m³) 0 0.00 Water (kg/m³) 9 0.87 Superplasticizer (kg/m³) 10 0.97 Coarse aggregate (kg/m³) 0 0.00 Fine aggregate(kg/m³) 5 0.49 Age (days) 59 5.73 Compressive strength of concrete (MPa) 4 0.39 Figure 4 presents the correlation matrix of the data used in the model. The correlation matrix shows no correlation between the variables used in the computational model. Therefore, it can be said that the components are mostly independent of each other. Figure 4 Presents the correlation matrix of concrete data To build up the used predictive models, the collected experimental data was split into two parts, the training set and the testing set. The training set is used to produce the final strong learner and the testing set is used to show the accuracy of the model in predicting the compressive strength. The results presented in this paper used 85% of the data (875 samples) for training the computer models; the remaining 15% of the data (155 samples) were used for testing. It is worth emphasizing that cross-validation was used to select the best parameters for each method, so there was not necessary to use the data validation set. 4.1. Random Forest For the Random Forest machine learning model, the best parameters to be used in the kernel were defined after several tests. GridsearchCV and cross-validation were used to find a better correlation with the database and the model and to prevent overfitting of the models. Table 2 present the range of parameters used in the GridsearchCV and the best parameters used in the
  • 10. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 39 editor@iaeme.com experiments for the Random Forest algorithm. Figure 5 shows the graphical representation of the results of the test dataset. The original values are those obtained experimentally, and the predicted values are the values obtained by the Random Forest model. Figure 6 presents the relationship between the predicted compressive strength values and the tested compressive strength values for the training and testing sets. For both sets, the graphs display a linear relationship between the predicted and testes values, especially for the training set. The figure also displays the value of R2. Table 2 Range of parameters and best parameters used in the Random Forest experiments Parameter Range Setting Maximum depth 4-10 10 Maximum of leaf nodes 100-120 120 Minimum number of samples required to split 7-9 7 Number of trees in the forest 400-500 500 Figure 5 Original versus expected results for the Random Forest (a) (b) Figure 6 Relationship between the predicted compressive strength values and the tested compressive strength values for the (a) training and (b) testing sets
  • 11. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 40 editor@iaeme.com The Random Forest model shows excellent performance in predicting compressive concrete strength values. For the training data set, performance indicators are R2 = 0.964 and RMSE = 3.087 MPa, which means that the predicted value and original values of the experiment are almost the same. The test data set shows R2 = 0.902 and RMSE = 5.614 MPa. The error ratio is very low and indicates that the Random Forest model is well suited for engineering practice. 4.2. Support Vector Machine For the SVM learning model, the best parameters to be used in the kernel were defined. As GridsearchCV was used in this work to evaluate possible kernels, linear, polynomial and RBFs could be applied. The intention was to evaluate the performance of these cores in the database presented and estimate different parameters of ε , which are the penalty parameters for the error. For polynomial and RBF kernels, there is also a kernel coefficient called the γ parameter. In such cases, there is a need to search these parameters to find the relationships between them and the best metrics that can optimally predict relevant results for the database. By applying linear, polynomial and RBFs, it was found that the RBF was the best SVM kernel, i.e., which best predicts the results for the data presented. The best performance is evaluated based on the results of R2. Thus, it is possible to evaluate the best performance of the model over different kernels, ε values and γ parameters. Table 3 presents the range of parameter used in the GridsearchCV and the best parameters used in the experiments for the SVM algorithm. Table 3 Range of parameters used and best parameters for the SVM experiments Parameter Range Setting C 10-500 100 Degree 3-5 3 Epsilon 0.1-1 0.1 Kernel RBF-Linear-Sigmoid RBF Figure 7 shows the graphical representation of the results of the test dataset. Figure 8 presents the relationship between the predicted compressive strength values and the tested compressive strength values for the training and testing sets. Figure 7 Original versus expected results for the SVM
  • 12. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 41 editor@iaeme.com The relationship between the predicted and testes values can be considered linear for both sets, especially for the training set results. The figure also shows the values of R2. (a) (b) Figure 8 Relationship between (a) tested and (b) predicted compressive strength for the SVM The SVM model shows good performance in calculating compressive concrete strength values. For the training data set, R2 = 0.976 and RMSE = 2.554 MPa mean that the predicted value and original values of the test are very close. The test data set shows R2 = 0.829 and RMSE = 7.456. The error ratio is low and, despite being larger than that found by the Random Forest, it also indicates that the SVM model is suitable for engineering practice. However, this method does not seem to be the best suited for this database. 4.3. Artificial Neural Network (ANN) The current model used Keras, an open-source neural network library available in Python. Keras was used on the TensorFlow backend [41,42]. The neural network was trained using the SGD optimizer. The defined architecture with the best result is presented, as can be seen in Figure 9. Figure 9. Schematic representation of the ANN Eight neurons were used for the input layer. Further, 2 intermediate layers with 10 neurons each were used. One neuron was used in the output layer (the compressive strength of the concrete). The activation functions for the initial and intermediate layers are ReLU. This
  • 13. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 42 editor@iaeme.com decision was made based on its well-known performance for regression problems [43,44]. It was necessary to use a linear activation function in the last layer because the method is regression [45]. Glorot uniform was used to initialize the weights, with small numbers close to 0 [46]. Figure 10 shows the graphical representation of the results of the test dataset, where the original and predicted values are compared. Figure 11 presents the relationship between the predicted compressive strength values and the tested compressive strength values for the training and testing sets. For both two sets, a linear relationship between the predicted and testes values is obtained. The figure also shows the values of R2 for both sets. Figure 10 Original versus expected results for the ANN (a) (b) Figure 11 Relationship between (a) tested and (b) predicted compressive strength for the ANN The ANN model shows a good performance in predicting compressive concrete strength values. For the training dataset, R2 = 0.908 and RMSE = 4.979 MPa, which means the predicted value and original values of the test are comparable. The test data set shows R2 = 0.893 and RMSE = 5.881 MPa. The found error ratio is low and indicates that ANN is appropriate for engineering practice too. However, it is worth saying that the ANN model spent, among the
  • 14. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 43 editor@iaeme.com tested models, the highest processing time with the applied database. The summaries of the performance values obtained for the training set are summarized in Table 4. The table presents the R2, the RMSE and the runtime for the three methods used. Table 4 Comparison of obtained results R2 RMSE (MPa) Execution time (seconds) Random forest 0.902 5.614 5.506 SVM 0.829 7.456 0.247 ANN 0.893 5.881 86.46 The best model, measured by the chosen performance parameters, was the Random Forest. This may be due to the fact that the random forest algorithms are known to be simpler to use and have a high learning rate. ANN algorithms still show good results and was second for the performance techniques chosen in this work. However, as seen, they have significantly higher CPU time. The results for the testing set parameters results are also compared to some previous studies using Random Forest, SVM and ANN algorithms with the same Yeh’s dataset, as shown in Table 5. Table 5 Comparison with the results for the same dataset in previous studies Research Algorithm R2 RMSE (MPa) Chou et al. [19] ANN 0.88 - SVM 0.91 - Chou et al. [20] ANN - 7.9 SVM - 5.5 Young et al. [21] Random Forest 0.86 5.7 ANN 0.82 6.3 SVM 0.83 6.4 This paper Random Forest 0.90 5.6 SVM 0.83 7.5 ANN 0.89 5.9 The RMSE performance results obtained in this study are slight better than the results obtained in previously studies. The overall performance results obtained are significantly better for ANN and Random Forest. However, the same behavior does not happen for SVM. Nonetheless, the performance results obtained for this type of algorithm is still consistent with those obtained in the existing literature. 5. CONCLUSIONS This work aimed to present the study of computational intelligence applied to define the concrete compressive strength from a database obtained in the studies of Yeh [22]. Three computational methods of machine learning and artificial intelligence were used, namely Random Forest, Support Vector Machines and Artificial Neural Networks. Data pre-processing and data visualization methods were also used to improve the results. Preprocessed methods known as GridsearchCV and cross-validation were employed to improve the performance of machine learning methods. The obtained results show that the Random Forest gave the best performance (R2 = 0.902 and RMSE = 5.614) and an average execution time. It can be noted that the SVM method had the worst performance of the three used methods but presented the shortest execution time. On the other hand, the ANN showed the second-best result and the longest execution time. The overall error rate can be considered low and the techniques can
  • 15. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 44 editor@iaeme.com adequately be used to predict the concrete compressive strength, staying within the acceptable safety range for engineering practices. The computational intelligence models used are reliable to solve different complex problems, such as prediction problems. These models can be used to solve a specific problem when a deviation in available data is expected and accepted, and when a defined methodology is not available. Therefore, to predict the properties of concrete with high reliability, instead of using expensive experimental investigation, conventional and innovative models can be replaced by computational intelligence models. Computational intelligence models can be used to predict the compressive strength of concrete specimens, as shown in this study. The prediction of mean percent error values for these simulations shows a high degree of consistency with compressive strength and is experimentally evaluated from the concrete specimens used. Thus, the present study suggests an alternative approach to evaluate compressive strength against destructive testing methods. REFERENCES [1] 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., 230:117000, 2020. [2] Armaghani D.J., Asteris P.G. A comparative study of ANN and ANFIS models for the prediction of cement-based mortar materials compressive strength. Springer London, 2020. [3] Duan Z.H., Kou S.C., Poon C.S. Prediction of compressive strength of recycled aggregate concrete using artificial neural networks. Constr. Build. Mater., 40:1200-1206, 2013. [4] Siddique R., Aggarwal P., Aggarwal Y. Prediction of compressive strength of self-compacting concrete containing bottom ash using artificial neural networks. Adv. Eng. Softw., 42:780–786, 2011. [5] Naderpour H., Rafiean A.H., Fakharian P. Compressive strength prediction of environmentally friendly concrete using artificial neural networks. J. Build. Eng., 16:213–219, 2018. [6] Chithra S., Kumar S.R.R.S., Chinnaraju K., Alfin Ashmita F. 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., 114:528-535, 2016. [7] Chou J.-S.S., Tsai C.-F.F. Concrete compressive strength analysis using a combined classification and regression technique. Autom. Constr., 24:52–60, 2012. [8] Pham, A.D., Hoang N.D., Nguyen Q.T. Predicting compressive strength of high-performance concrete using metaheuristic-optimized least squares support vector regression. J. Comput. Civ. Eng., 30:28–31, 2016. [9] Omran B.A., Chen Q., Asce A.M., Jin R. Comparison of data mining techniques for predicting compressive strength of environmentally friendly concrete. J. Comput. Civ. Eng., 30(6), 2016. [10] Nguyen K.T., Nguyen Q.D., Le T.A., Shin J., Lee K. Analyzing the compressive strength of green fly ash based geopolymer concrete using experiment and machine learning approaches. Constr. Build. Mater. 247:118581, 2020.
  • 16. Steve Efe, Opeyemi Fadipe https://iaeme.com/Home/journal/IJSE 45 editor@iaeme.com [11] Chou J., Chiu C., Farfoura M., Al-taharwa I. Optimizing the prediction accuracy of concrete compressive strength based on a comparison of data-mining techniques. J.Comput. Civ. Eng., 25(3). 2011. [12] Chou J.S., Tsai C.F., Pham A.D., Lu Y.H. Machine learning in concrete strength simulations: Multi-nation data analytics. Constr. Build. Mater., 73:771–780, 2014. [13] Young B.A., Hall A., Pilon L., Gupta P., Sant G. Can the compressive strength of concrete be estimated from knowledge of the mixture proportions?: New insights from statistical analysis and machine learning methods. Cem. Concr. Res., 115:379–388, 2019. [14] Yeh I.-C. Modeling concrete strength with augment-neuron networks. J. Mater. Civ. Eng., 10(4), 1998. [15] Scott D.W. On optimal and data-based histograms. Biometrika, 66:605–610, 1979. [16] Steiger J.H. Tests for comparing elements of a correlation matrix. Psychol. Bull., 87:245, 1980. [17] Wang L., Wang G., Alexander C.A. Big data and visualization: methods, challenges and technology progress. Digit. Technol., 1:33–38, 2015. [18] Forman G. BNS feature scaling: an improved representation over tf-idf for svm text classification. In: Proc. 17th ACM Conf. Inf. Knowl. Manag., ACM, pp. 263–270,2008. [19] Zhang M.-L., Zhou Z.-H. Improve multi-instance neural networks through feature selection. Neural Process. Lett., 19:1–10, 2004. [20] Buitinck L., Louppe G., Blondel M., Pedregosa F., Mueller A., Grisel O., Niculae V., Prettenhofer P., Gramfort A., Grobler J., Layton R., Vanderplas J., Joly A., Holt B.,Varoquaux G. API design for machine learning software: experiences from the scikit-learn project. ArXiv Prepr. ArXiv1309.0238, 1–15, 2013. [21] Pedregosa F., Varoquaux G., Gramfort A., Michel V., Thirion B., Grisel O., Blondel M., Prettenhofer P., Weiss R., Dubourg V. Scikit-learn: machine learning in python. J.Mach. Learn. Res., 12:2825–2830, 2011. [22] Barandiaran I., Ho T.K. The random subspace method for constructing decision forest. IEEE Trans. Pattern Anal. Mach. Intell., 20:832–844, 1998. [23] Pal M. Random forest classifier for remote sensing classification. Int. J. Remote Sens., 26:217– 222, 2005. [24] Breiman L. Random forests. Mach. Learn., 45:5–32, 2001. [25] Lin C.-F., Wang S.-D. Fuzzy support vector machines. IEEE Trans. Neural Networks., 13:464– 471, 2002. [26] Scholkopf B., Smola A.J. Learning with kernels: support vector machines, regularization, optimization, and beyond. IEEE Trans. Neural Networks, 16:781–781, 2001. [27] Suykens J.A.K., Vandewalle J. Least squares support vector machine classifiers. Neural Process. Lett., 9:293–300, 1999. [28] Drucker H., Burges C.J.C., Kaufman L., Smola A.J., Vapnik V. Support vector regression machines. In: Adv. Neural Inf. Process. Syst., pp. 155–161, 1997.
  • 17. Machine Learning Prediction of the Compressive Strength of Siliceous Fly Ash Modified Cementitious Concrete https://iaeme.com/Home/journal/IJSE 46 editor@iaeme.com [29] Basak D., Pal S., Patranabis D.C. Support vector regression. Neural Inf. Process. Rev., 11:203– 224, 2007. [30] Hopfield J.J. Artificial neural networks. IEEE Circuits Devices Mag., 4:3–10, 1988. [31] Sarle W.S. Neural networks and statistical models. Proc. Ninet. Annu. SAS Users Gr. Int. Conf., 1994. [32] Arruda V.F., Moita G.F., Silva P.F.S. Determining the optimal artificial neural network architecture capable of predict the compressive strength of concrete. Proc. XL Ibero-Latin- American Congr. Comput. Methods Eng., 2019. [33] Goldsborough P. A tour of tensor flow. ArXiv Prepr. ArXiv1610.01178, 2016. [34] Kossaifi J., Panagakis Y., Anandkumar A., Pantic M. Tensorly: Tensor learning in python. J. Mach. Learn. Res., 20:925–930, 2019. [35] Clevert D.A., Unterthiner T., Hochreiter S. Fast and accurate deep network learning by exponential linear units (ELUs). 4th Int. Conf. Learn. Represent. ICLR 2016 -Conf. Track Proc., 1–14, 2016. [36] Klambauer G., Unterthiner T., Mayr A., Hochreiter S. Self-normalizing neural networks. Adv. Neural Inf. Process. Syst., 972–981, 2017. [37] Agarap A.F. Deep learning using rectified linear units (relu). ArXiv Prepr. ArXiv1803.08375, 2018. [38] Kaveh A., Kalateh-Ahani M., Fahimi-Farzam M. Constructability optimal design of reinforced concrete retaining walls using a multi-objective genetic algorithm. Struct.Eng. Mech., 47:227– 245, 2013.