Crack Detection Using Deeplearning
Crack Detection Using Deeplearning
Abstract- This research paper presents a novel ensure the safety of the infrastructure. Traditional
approach to detect cracks in concrete surfaces using methods of detecting cracks in concrete surfaces, such
the ResNet50 deep learning model with advanced as visual inspection, are is labor-intensive and subject
image transforms. The proposed methodology to human error.. With the advancement of deep
demonstrates high accuracy in detecting cracks learning techniques and the availability of large-scale
compared to traditional methods. In this study, we datasets, it is now possible to develop automated crack
have employed transfer learning to train the detection systems with high accuracy and efficiency.
ResNet50 model on a large dataset of concrete In this paper, we present a novel approach for
surface images with cracks. Additionally, we have detecting cracks in concrete surfaces using the
applied advanced image transforms, including ResNet50 deep learning model with advanced image
random rotation, random brightness adjustment, and transforms[1]. We employ transfer learning to train the
random scaling, to enhance the accuracy of the model on a large dataset of concrete surface images
model further. The results of this research provide a with cracks and apply advanced image transforms,
promising solution for automating the process of including random rotation, random brightness
crack detection in concrete surfaces, which is a adjustment, and random scaling, to enhance the
critical step in ensuring the structural integrity of accuracy of the model further. The dataset we use in
infrastructure. The dataset is segregated into two this study is a balanced collection of 40,000 images,
distinct classes: negative and positive, which divided into two classes: negative and positive,
correspond to images of intact concrete surfaces and corresponding to intact concrete surfaces and concrete
concrete surfaces with cracks, respectively. Each surfaces with cracks, respectively. The images are in
class consists of 20,000 images, resulting in a total of RGB format, with a resolution of 227 x 227 pixels,
40,000 images. The images are in RGB format, with providing researchers with a balanced dataset to use
a resolution of 227 x 227 pixels. These specifications for image classification tasks aimed at detecting cracks
provide researchers with a balanced dataset to use in concrete surfaces. The findings of this research
for image classification tasks aimed at detecting provide a promising solution for automating the
cracks in concrete surfaces. process of crack detection in concrete surfaces, which
is a critical step in ensuring the structural integrity of
Indexed Terms- Concrete surface crack detection, infrastructure.[2]
crack detection, deep learning, Image Processing,
Convolutional Neural Network, CNN, Resnet 50 II. RESNET 50
layer. This architecture addresses the vanishing augmentation techniques. We compute the mean and
gradient problem that occurs in deep neural networks standard deviation for the dataset and apply the chosen
by enabling the network to learn from residual transformations.[4] We also set up the device to run on
connections. The ResNet50 model has been widely GPU if available. After that, we set up a pre-trained
used for image classification tasks, achieving high ResNet-50 model for transfer learning. We freeze the
accuracy rates in various benchmark datasets such as model parameters and modify the final layer for our
ImageNet, CIFAR-10, and CIFAR-100. The model's classification task. We define the optimizer and loss
high accuracy is attributed to its depth, which enables function for training and set up a learning rate
it to learn complex features and patterns from input scheduler. We load the training and validation datasets
images. In this study, we utilize the transfer learning using data loaders. We then define functions to train
technique to train the ResNet50 model for the task of the model and visualize its performance.[5] The
detecting cracks in concrete surfaces. Transfer training function iterates over the specified number of
learning involves using a pre-trained model on a large epochs and performs forward and backward passes,
dataset to extract features from new data for a different updating the model's weights. It also keeps track of the
task. We used the ImageNet dataset to pre-train the best performing model based on validation
ResNet50 model and fine-tuned it on our concrete accuracy.[6] Finally, we visualize the model's
surface images dataset. The ResNet50 model's ability predictions on a subset of the validation dataset. After
to learn complex features and patterns from images, training the model, we define functions for making
coupled with its pre-trained weights, makes it a predictions on new images. We can predict the class
suitable model for the task of crack detection in of an input image using the trained model.[7]
concrete surfaces. In addition, we applied advanced Additionally, we provide a function to predict on
image transforms to enhance the model's performance image crops, where the input image is divided into
further. Our experiments show that the ResNet50 smaller crops and predictions are made on each crop.
model with advanced transforms achieved high In summary, this code snippet demonstrates the
accuracy in detecting cracks in concrete surfaces, process of loading a dataset, setting up a pre-trained
indicating its effectiveness in this task. model for transfer learning, training the model, and
making predictions on new images. The provided
functions and techniques can be used as a starting
point for similar image classification tasks.
A.Dataset
It is a collection of images specifically curated for the
task of crack detection or classification. The dataset
likely contains a variety of images showing different
types of cracks, such as cracks on walls, pavements, or
other structures.
Fig1.ResNet50 Model The dataset used in this code snippet focuses on crack
detection and classification, containing a collection of
III. PROPOSED METHOD images with and without cracks. It serves as the
foundation for training the model and enabling it to
Iwe start by importing the necessary libraries and accurately classify new images for crack-related
setting up the environment. We then load a dataset of tasks[8]
images containing cracks and visualize random
images with cracks and without cracks.[3] Next, we
create training and validation datasets by moving
images randomly from the training folder to the
validation folder. We define data loaders and
transformations for the dataset, including data
B.Processing
The dataset used for crack detection or classification
underwent several preprocessing steps to enhance its
quality and suitability for the task. These steps
included image scaling to a constant resolution,
applying image enhancement techniques such as
contrast adjustment and noise reduction, and
augmenting the data through transformations like
rotations and flips.[9] Feature extraction techniques
may have been employed to highlight distinctive crack
characteristics, and pixel value normalization ensured
standardized inputs for the model. These
preprocessing techniques aimed to standardize the
dataset, improve image quality, increase dataset
diversity, and potentially extract relevant features. By
preparing the dataset in this manner, the crack Fig4. Model Summary
detection or classification model was trained with
optimized inputs, leading to improved accuracy and A series of experiments were conducted to measure
robustness. These preprocessing steps play a crucial the pipeline's accuracy and processing speed. The
role in enhancing the dataset and optimizing it for the accuracy was evaluated by comparing the predicted
task at hand. outputs with ground truth labels using standard
evaluation metrics such as precision, recall, and F1
score. The processing speed was measured by
recording the time taken by the pipeline to process
each input image.
Fig3.Transforms applied in our dataset
C. System Overview
The user will capture images, which will be
subsequently uploaded through web applications.
These applications will then utilize an API to invoke a
pre-trained model, which will process the images and
provide highly accurate results as output.
Fig 5.Training and Validation Loss
IV. EXPERIMENTATION