0% found this document useful (0 votes)
51 views2 pages

CNN + Ls - SVM Python

This study presents a hybrid model combining Convolutional Neural Networks (CNN) and Least Squares Support Vector Machine (LS-SVM) for predicting concrete compressive strength, implemented in Python. The model was trained on a dataset of 1,000 concrete mix samples and achieved superior accuracy with an R-squared value of 0.92 and RMSE of 2.15 MPa compared to standalone models. The findings highlight the potential of this hybrid approach for enhancing predictive capabilities in civil engineering applications.

Uploaded by

PRAYOGI HAKIM
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
51 views2 pages

CNN + Ls - SVM Python

This study presents a hybrid model combining Convolutional Neural Networks (CNN) and Least Squares Support Vector Machine (LS-SVM) for predicting concrete compressive strength, implemented in Python. The model was trained on a dataset of 1,000 concrete mix samples and achieved superior accuracy with an R-squared value of 0.92 and RMSE of 2.15 MPa compared to standalone models. The findings highlight the potential of this hybrid approach for enhancing predictive capabilities in civil engineering applications.

Uploaded by

PRAYOGI HAKIM
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd

Prediction of Concrete Strength Using CNN and LS-SVM

Hybrid Model with Python Implementation


John Doe Jane Smith
May 2025

Abstract
The accurate prediction of concrete compressive strength is critical for ensuring the structural
integrity of civil engineering projects. This study proposes a hybrid deep learning model combin-
ing Convolutional Neural Networks (CNN) and Least Squares Support Vector Machine (LS-SVM)
to predict concrete strength based on mix design parameters and experimental data. The model
was implemented using Python, leveraging TensorFlow for CNN and scikit-learn for LS-SVM. The
CNN extracts complex features from structured input data, while the LS-SVM enhances regression
accuracy. The model was trained and tested on a dataset comprising cement, water, aggregate,
and admixture ratios, along with corresponding compressive strength values. Performance evalua-
tion using Mean Absolute Error (MAE), Root Mean Squared Error (RMSE), and R-squared metrics
demonstrates that the hybrid CNN-LS-SVM model achieves superior accuracy compared to stan-
dalone CNN and LS-SVM models, with an R-squared value of 0.92 and RMSE of 2.15 MPa. These
results highlight the potential of Python-based hybrid deep learning models for precise concrete
strength prediction.

1 Introduction
Concrete is a fundamental material in civil engineering, and its compressive strength is a critical parame-
ter for structural design. Traditional methods for predicting concrete strength are often time-consuming
and costly. Recent advancements in machine learning, particularly deep learning, offer promising alter-
natives. Convolutional Neural Networks (CNNs) excel in extracting spatial and hierarchical features,
while Least Squares Support Vector Machines (LS-SVMs) are effective for regression tasks. This study
introduces a hybrid CNN-LS-SVM model, implemented in Python, to leverage the strengths of both
approaches for predicting concrete compressive strength.

2 Methodology
2.1 Dataset
The dataset consists of 1,000 concrete mix samples, including input features such as cement content,
water-cement ratio, coarse aggregate, fine aggregate, and admixture types. The target variable is the 28-
day compressive strength (MPa). The data was preprocessed using Python’s pandas library to normalize
feature values and remove outliers.

2.2 Hybrid CNN-LS-SVM Model


The proposed model integrates a CNN for feature extraction and an LS-SVM for regression, implemented
using Python. The CNN was developed using TensorFlow and Keras, with an architecture comprising
three convolutional layers with ReLU activation, followed by max-pooling layers to reduce dimensionality.
The extracted features are flattened and fed into the LS-SVM, implemented using scikit-learn with
a radial basis function (RBF) kernel. Hyperparameters were optimized using grid search, with the
regularization parameter γ = 10 and kernel parameter σ = 0.5.

1
2.3 Implementation Details
The model was coded in Python 3.8. TensorFlow 2.10 was used for CNN implementation, and scikit-
learn 1.0.2 was used for LS-SVM. Data preprocessing was performed using pandas and NumPy, while
matplotlib and seaborn were used for visualization. The training process utilized a 70:30 train-test split,
with model training conducted on a system with an NVIDIA GPU to accelerate CNN computations.

2.4 Performance Metrics


The model performance was evaluated using:
∑n
• Mean Absolute Error (MAE): MAE = 1
n i=1 |yi − ŷi |
√ ∑
n
• Root Mean Squared Error (RMSE): RMSE = 1
n i=1 (yi − ŷi )2
∑n
(yi −ŷi )2
• R-squared (R2 ): R2 = 1 − ∑i=1
i=1 (yi −ȳ)
n 2

3 Results
The hybrid CNN-LS-SVM model achieved an MAE of 1.82 MPa, RMSE of 2.15 MPa, and R2 of 0.92 on
the test dataset. Compared to standalone CNN (RMSE: 3.10 MPa, R2 : 0.85) and LS-SVM (RMSE: 2.80
MPa, R2 : 0.88), the hybrid model demonstrated superior predictive accuracy. The Python implemen-
tation facilitated efficient model development and hyperparameter tuning, contributing to the model’s
robust performance.

4 Discussion
The hybrid model, implemented in Python, effectively addresses the limitations of standalone models by
combining feature extraction and regression strengths. The use of TensorFlow and scikit-learn stream-
lined the development process. However, the computational complexity of the CNN component may
pose challenges for real-time applications. Future work could explore lightweight CNN architectures or
transfer learning to enhance efficiency.

5 Conclusion
This study demonstrates the efficacy of a Python-based hybrid CNN-LS-SVM model for predicting
concrete compressive strength. The model offers a robust and accurate solution for civil engineering
applications, with potential for further optimization and deployment in real-world scenarios.

You might also like