Next Article in Journal
Tuned-Mass-Damper-Inerter Performance Evaluation and Optimal Design for Transmission Line under Harmonic Excitation
Next Article in Special Issue
Meta-Analysis of the Performance of Pervious Concrete with Cement and Aggregate Replacements
Previous Article in Journal
Dynamic Network Analysis of the Risks of Mega Infrastructure Projects from a Sustainable Development Perspective
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Bibliometric Analysis and Review of Deep Learning-Based Crack Detection Literature Published between 2010 and 2022

1
Department of Computer Science and Software Engineering, College of Information Technology, United Arab Emirates University (UAEU), Al Ain 15551, United Arab Emirates
2
Emirates Center for Mobility Research, United Arab Emirates University (UAEU), Al Ain 15551, United Arab Emirates
3
AI and Robotics Lab (Air-Lab), United Arab Emirates University (UAEU), Al Ain 15551, United Arab Emirates
4
Department of Information Systems and Security, College of Information Technology, United Arab Emirates University (UAEU), Al Ain 15551, United Arab Emirates
5
Department of Civil Engineering, College of Engineering, United Arab Emirates University (UAEU), Al Ain 15551, United Arab Emirates
*
Author to whom correspondence should be addressed.
Buildings 2022, 12(4), 432; https://doi.org/10.3390/buildings12040432
Submission received: 2 March 2022 / Revised: 25 March 2022 / Accepted: 28 March 2022 / Published: 1 April 2022
(This article belongs to the Special Issue ZEMCH—Zero Energy Mass Custom Home International Research 2021)

Abstract

:
The use of deep learning (DL) in civil inspection, especially in crack detection, has increased over the past years to ensure long-term structural safety and integrity. To achieve a better understanding of the research work on crack detection using DL approaches, this paper aims to provide a bibliometric analysis and review of the current literature on DL-based crack detection published between 2010 and 2022. The search from Web of Science (WoS) and Scopus, two widely accepted bibliographic databases, resulted in 165 articles published in top journals and conferences, showing the rapid increase in publications in this area since 2018. The evolution and state-of-the-art approaches to crack detection using deep learning are reviewed and analyzed based on datasets, network architecture, domain, and performance of each study. Overall, this review article stands as a reference for researchers working in the field of crack detection using deep learning techniques to achieve optimal precision and computational efficiency performance in light of electing the most effective combination of dataset characteristics and network architecture for each domain. Finally, the challenges, gaps, and future directions are provided to researchers to explore various solutions pertaining to (a) automatic recognition of crack type and severity, (b) dataset availability and suitability, (c) efficient data preprocessing techniques, (d) automatic labeling approaches for crack detection, (e) parameter tuning and optimization, (f) using 3D images and data fusion, (g) real-time crack detection, and (h) increasing segmentation accuracy at the pixel level.

1. Introduction

Cracks are the initial signs of degradation of any civil infrastructure, which appear due to various reasons, such as structural foundation shifting, shrinkage and expansion, unbalanced blend, swollen soil, overloading, natural hazards, manmade disasters, and so on. Crack detection and localization tasks can be performed by manually gathering information, i.e., visually inspecting and assessing the structure by subjective human experts or automatically [1]. Manual inspection techniques are laborious, time-consuming, inspector dependent, and easily vulnerable to the perspicacity of the inspector. To overcome all the problems associated with manual assessment, automatic inspection techniques provide an efficient solution that decreases subjectivity and can be used as an alternative to the human eye [2]. Additionally, the rate of designing and utilizing the computer vision-based civil infrastructure inspection and monitoring system has dramatically increased [3]. Developing an efficient vision-based automated pavement crack detection system has always been challenging due to the low contrast between the pavement surface and cracks, irregular size and random shape of cracks, the intensity of variation in the image, and multi-texture and shadowing in the images [4]. Computer vision approaches include acquisition and analysis to find and classify the crack regions [5]. The results from these approaches are used to (a) replace the manual detection and quantification of cracks, (b) provide a reference for crack detection for future structure maintenance, and (c) enable the automatic repair of crack regions by providing accurate positioning of the crack regions. These approaches can be categorized into image-processing-based and machine learning approaches. Image processing methods for crack detection include edge detection [6], thresholding and segmentation [7], region growing [8], and peculation-based techniques [9]. In image-processing-based approaches, the local information-based models use various filters, such as the morphological filter [10], statistical filter [11], 2D matched filter [12], median filter, multi-scale line filter with the Hessian matrix [13], and so on. The main issue with image-processing-based techniques is the poor continuity and low contrast between neighbouring crack pixels. Due to the evolution of machine learning, automated inspection has reached an inevitable peak of advancement. Machine learning approaches can learn deep features and perform statistical inference without tuning parameters manually, as in other prior approaches [14]. Traditional machine learning approaches for pavement crack detection consist of data acquisition, feature extraction, and classification. In data acquisition, high-resolution images of the target structure are acquired and preprocessed to remove noise and other forms of deformities. In feature extraction, the acquired features are given to classifiers to determine their class. Various reviews have been proposed on ML-based crack detection algorithms [3,15], which conclude that if the extracted features do not represent the actual cracks, the classifier may not yield accurate results. Moreover, these ML-based approaches cannot generate semantic features of the cracks. The capability and robustness of traditional approaches have been greatly extended by deep learning techniques [16]. In DL, the term “deep” refers to a large number of layers present between the input and the output layers [17,18,19]. DL models are different from traditional machine learning approaches in that they are capable of learning the representations of the data without introducing any hand-crafted rules or knowledge and have shown great performance in solving the crack detection problem [1]. Deep learning has the capability to classify, i.e., labeling the image patch as crack or non-crack; localize, i.e., determining the location of the crack by drawing a bounding box around the crack region; and segment, i.e., segmenting the image pixels into crack and non-crack pixels. A sample representation of the output of the DL model is shown in Figure 1. Recently, various DL-based crack detection studies were proposed in research environments. Therefore, to provide the researchers with sufficient knowledge of available literature and maintain its intensity, a detailed study of deep learning-based automatic approaches for crack detection in civil structure is carried out in this article. The main contributions of the articles are as follows:
  • The article performs bibliometric analysis and a comprehensive review of the most recent research articles from the last 11 years.
  • In the comprehensive review, the relative finding of the latest studies in DL-based crack detection is explained, and analysis is performed based on various factors, such as the studied domain, deep learning architecture, architecture performance, and datasets used.
  • The paper provides an overview of DL-based crack detection approaches and categorizes them to simplify the current literature for better understanding and better analysis of trends, gaps, and challenges in the field. The paper also provides future directions to the readers to address the current challenges. The articles can be used as a reference that will work for the researchers working in the field.
The remainder of this paper is organized as follows. Materials and methods are described in Section 2. Section 3 summarizes DL-based crack detection approaches. Discussion and conclusions are presented in Section 4. Finally, future works are discussed in Section 6.

Research Questions

The main questions that are addressed in this article are as follows:
  • Which datasets have been used for crack detection?
  • What is the impact of dataset characteristics on classification performance?
  • What are the different application domains in crack detection?
  • Which deep learning algorithms have been used for crack detection?
  • What are the gaps and challenges of deep learning for crack detection?
  • What are the future research opportunities?

2. Materials and Methods

The research methodology adopted in the proposed work consists of three main steps, as depicted in Figure 2.
  • Retrieval of relevant literature.
  • Review and analysis of the retrieved literature.
  • Discussion and conclusion.
The first step involves retrieving relevant literature from the Scopus and Web of Science (WoS) search engines. In the second step, a different analysis is performed, which includes analyses of keywords, affiliated organizations, citations, and the article’s country of origin. The keyword scientometric mapping, listing of the top articles, and the yearly publication trend of the retrieved articles are also observed in this section. Google trend analysis based on the web, image, and news searches is also performed to visualize the search trend and global focus of the keywords and terms in the proposed study. Furthermore, a detailed review of DL-based crack detection approaches for civil infrastructure monitoring and maintenance is presented. In the last section, discussions, conclusions, and implications are given, and the proposed work is concluded by presenting the future work.

Literature Retrieval

In the current study, the literature is retrieved from Scopus and WoS search engines. In the beginning, various research questions are formulated to identify the objectives of the study. The relevant literature is retrieved from the search engines based on their keywords and semantic search strings. The search strings are formed by using the keywords used in previous relevant literature reviews [5,18,19] and conceptual terms that are comparable. The keywords used for searching relevant papers include “crack detection” “deep learning”, “crack detection” “Machine Learning”, “crack detection” “road” “pavement” “concrete”, “crack detection” “manual inspection”, and “condition assessment” “computer vision” joined by Boolean operators “OR” as depicted in Table 1. The total number of articles that use the search string keywords in the title or abstract is 523 from Scopus and 367 from the Web of Science. Various restrictions are applied to keep relevant articles related to the current study theme. In the Scopus search engine, the articles are restricted to engineering, computer science, and material science. Similarly, in WoS, restrictions are imposed differently, and the subject areas include civil engineering, construction building technology, computer science interdisciplinary applications, engineering multidisciplinary, computer science artificial intelligence, transportation, materials science multidisciplinary, transportation science technology, computer science information systems, robotics, and imaging science photographic technology. A few more restrictions, as shown in Table 2, are applied to the retrieved articles; the period of publication is restricted from 2010 to 2021 (Criterion 1); the language is restricted to the English language only (Criterion 2); only journals and conferences are considered in the article type (Criterion 3). Conferences and journals with at least five publications in their outlets regarding the topic of interest are included (Criterion 4). This comprehensive search results in 382 articles from both search engines. A total of 99 duplicates found in both the search engines are removed, and a total of 239 articles are selected after applying Criterion 5 (articles related to deep learning only). At the end, the title, abstract, and full paper screening is performed, and 165 relevant articles are selected for the current work.

3. Bibliometric Analysis of the Retrieved Literature

The Google trend analysis, literature synthesis and bibliometric analysis of the retrieved articles are discussed below.

3.1. Google Trends Analysis

Google trends analysis of the keywords is performed to highlight the global search, and attention is given to the considered keywords in the current work. The comparison is performed based on three keywords: crack detection, convolutional neural network, and deep learning. Figure 3 shows the web search, news search, and image search trends plotted for the years 2010 to 2021. The web-based search for the keywords is shown in Figure 3a. The graph shows that the keyword “deep learning” is most searched, followed by “Convolutional Neural Network” and “crack detection”. A similar trend is observed in the news search, as shown in Figure 3b, where deep learning dominates the other search items. Few searches are also performed for “Convolutional Neural Network” and “crack detection”, but the magnitude is negligible as compared to deep learning. Overall, the news search in comparison with web-based search is very limited. When it comes to image-based search, a similar pattern is observed, and deep learning is the top topic, followed by “Convolutional Neural Network” and “crack detection”, as shown in Figure 3c.

3.2. Literature Synthesis

In the current study, bibliometric analysis is performed to investigate the retrieved articles. The main steps followed in the literature synthesis are discussed in detail below.

3.2.1. Retrieved Articles Classification

The retrieved articles are distributed into three various domains, i.e., computer science, engineering, and material sciences. Most of the articles selected in the current study belong to the field of engineering, followed by computer science and material science, respectively. The statistics in Figure 4 shows that material science is the least explored field, and less than 20% of the retrieved articles belong to this domain. On the other hand, most of the retrieved articles belong to the technology-focused field, i.e., the engineering domain followed by computer science. This also shows that the research environment is focusing on the adoption of technologies and computer applications for civil infrastructure condition assessment problems.

3.2.2. Publication Trend (Yearly)

The publication trend of the retrieved studies from both repositories is shown in Figure 5. The three different colour graphs represent the studies from Scopus and WoS repositories and the duplicates in both. As shown in the figure, there has been an increase in the number of publications over the five years, where 90% of the publications have been published in recent years. This highlights the fact that the focus on crack detection using deep learning techniques was increased recently. The nascency of the current study theme can also be verified by the fact that there is a smaller number of publications in the years 2010 to 2015.

3.2.3. Article Types

After analyzing the yearly publication trend of the retrieved articles, the article’s type is examined. In the current study, journal articles and conferences are selected as they provide organized and quality research in comparison with other types of research outputs. The quality of all the retrieved articles fulfils the modern systematic literature review requirements. The articles retrieved from the WoS repository consist of 9% conferences and 91% articles, while in the case of the Scopus repository, the conferences contribute 33%, while the journal articles contribute 67% of the overall articles. In comparison with WoS, the Scopus repository shows a greater tendency toward index conference papers.

3.2.4. Top Sources

The sources of the retrieved articles are investigated. The top sources with the most retrieved articles are shown in Table 3. In the inclusion criterion, the outlets in both repositories with a minimum number of three articles published are considered. In the case of the Scopus repository, the top three contributors are the ACM International Conference Proceeding Series, Proceedings of SPIE The International Society for Optical Engineering, and Advances in Structure Engineering. Similarly, for the WoS repository, the top sources are Automation in Construction, Computer-aided Civil and Infrastructure Engineering, and IEEE Access. Amongst the top sources, two outlets, i.e., Automation in Construction and Computer-aided Civil and Infrastructure Engineering, are common in both search engines. In the top sources, most of the Scopus repository sources are conferences, while the WoS repository sources are mostly journal articles. Overall, the outlets such as Automation in Construction, Computer-aided Civil and Infrastructure Engineering, IEEE Access, Construction and Building Materials, ACM International Conference Proceeding Series, Journal of Computing in Civil Engineering, and Structural Health Monitoring contribute to more than half of the retrieved articles.

3.2.5. Keyword Analysis and Scientometric Mapping

In the current study, the keyword analysis and scientometric mapping of the retrieved studies are performed by using VOS viewer. It is a literature analysis software that is used in various fields to visualize the relationship between authors, fields, authors, organizations, countries, and keywords. The software is mostly used for quantitative analysis and produces the results in a well-organized, meaningful, and easily interpretable way. The co-occurrence analysis for the keywords of the retrieved articles is performed by using VOS viewer, and the results are tabulated in Table 4. From the table, 666 keywords are retrieved from the Scopus repository, which is then restricted to 39 after applying the minimum occurrence criterion. For both repositories, the minimum occurrence criterion is the existence of the keyword in at least five articles. From the WoS, 346 keywords are retrieved, which are then restricted to 32 after applying the minimum inclusion criterion.
In addition to the keywords co-occurrence analysis, the top retrieved keywords for both the repositories are shown in Table 5. In the Scopus search engine, the top keyword is “Crack Detection”, which appears in 57 articles, corresponding to nearly 22.5% of the top keywords. “Deep learning” is the second top keyword with 55 appearances and a 21.6% share. Both the crack detection and deep learning keywords are used in search strings; however, the contribution of both keywords shows the lack of literature on both keywords. All the remaining keywords have less than 11% contribution individually. In WoS, both keywords “Crack detection” and “Deep learning” lead the list with an individual share of 30%, and their appearances are 53 and 54 times, respectively. The top two keywords for both the search engines are the same, regardless of their ranks. “Damage detection“is the third-ranked keyword in the WoS repository, with 29 appearances (16.6%).
The scientometric mapping for the keyword of both Scopus and WoS repositories is shown in Figure 6a,b. The inclusion criterion is the 10 and 5 keyword appearances for the Scopus and WoS repositories. In the scientometric analysis of the Scopus search engine as shown in Figure 6a, the top keywords highlighted as large bubbles are “crack detection”, “deep learning”, “convolutional neural networks”, “convolution” and “deep neural networks”. The large bubbles represent the high prevalence of the keywords in the retrieved literature. Similarly, in the scientometric mapping of WoS, “crack detection”, “deep learning”, Convolutional neural network”, and “damage detection” are the significant keywords, as shown in Figure 6b. The mapping clearly shows that crack detection using deep learning algorithms is increasingly targeted in published articles as compared to other keywords considered in the current study.

3.2.6. Co-Authorship Analysis

The co-authorship analysis of the retrieved article as shown in Table 6 is performed using a VOS viewer. The inclusion criterion for both search engines is set to two publications by an author. In Scopus articles, out of 227 authors, only 24 authors fulfil the criterion and are considered top contributors to the repository. On the other hand, WoS’s top contributors include 45 authors out of 331.

3.2.7. Organizational Affiliation Analysis

The organizational affiliation of the authors is analyzed by setting the inclusion criterion of two articles per organization as shown in Table 7. In the articles retrieved from Scopus, a total of 122 organizations are affiliated, of which four organizations fulfill the inclusion criterion. Similarly, for the WoS, 30 organizations out of 115 are shortlisted based on the inclusion criterion.

3.2.8. Origin Country of the Articles and Citation Analysis

In the retrieved articles, the contribution of various countries in terms of the number of contributed documents is also investigated as shown in Table 8.
The minimum inclusion criterion of three documents per country is kept for both Scopus and WoS search engines. In the retrieved articles, 22 countries contributed to the Scopus, of which only 5 countries satisfy the minimum inclusion criterion. In WoS, a total of 18 countries contributed, and 7 were shortlisted after applying the limits. The number of documents and citations of the top countries that contributed to the current study theme is summarized in Table 9, and their world maps are shown in Figure 7.

4. DL Based Crack Detection Approaches

In deep learning architectures, CNN is widely used and has shown great performance in crack detection tasks in various civil infrastructures. CNN is a feed-forward deep neural network (DNN) consisting of input, middle, and output layers. The first layer is the input layer, which, in combination with the middle layers, extracts features from the input images and forwards them to the final layer for classification. The architecture of CNN has been evolved, and several architectures are now available as shown in Figure 8.

4.1. Crack Detection Using DL Based on Classification and Localization Algorithms

DL algorithms used for the classification and localization of crack are summarized below.

4.1.1. DCNN and Pretrained Approaches

In classification, the DL model extracts useful features and learns crack features from the input images. The crack regions are localized by convolving a sliding window of a fixed size over a high resolution entire image. The image is divided into small patches of specified dimensions, and a bounding box is drawn around the patch classified as a crack patch by the CNN classifier. In the last few years, various efforts have been made to apply the DL model for the classification and localization of cracks in different structures, such as concrete, pavement, and so on. In [20], a CNN-based crack classification algorithm was proposed for crack detection in the bridge surface, using custom data of evenly distributed crack and non-crack 2000 images with a resolution of 96 × 96 and achieved a predictive accuracy of 98.8% on noisy concrete crack images. Dorafshan [21] compared the performance of common edge detectors (Roberts, Prewitt, Sobel, Laplacian of Gaussian, Butterworth, and Gaussian) and CNN for image-based crack detection and localization in concrete structures using 3420 images (319 with cracks and 3101 without). The best edge detector method accurately detected 53–79% of cracked pixels with a residual noise in the final binary images, while the DCNN network accurately detected 86% of cracked images with finer cracks (0.04–0.08 mm). Although the results are not comparable, as edge detection algorithms are pixel-based, while the CNN algorithms are patch-based, the average variation in the F1 score (which is defined as the harmonic mean of the model’s precision and recall) of the best deep learning model in comparison with the best edge detector was recorded to be 0.23 and is 1.5 times faster than edge detector models. A CNN model named ChaNet was proposed in [22] for crack identification in concrete structures under lighting conditions using 40,000 images of resolution 256 × 256. The model achieved 96% testing accuracy, 82% precision, 95% recall and 87% F1 score. Comparing the model to the traditional, well-known edge detection methods (i.e., Canny and Sobel [6]), the edge detection methods provided no meaningful crack information and might not be able to treat nonhomogeneous concrete surfaces properly in terms of colour and texture.
The use of a pre-trained network can increase the crack detection capability of a model trained on a small amount of data. A pre-trained DCNN model was trained in [23] for automated pavement crack detection using 1056 images of size 224 × 224. The authors employed and compared specific machine learning, such as neural networks (NN), support vector machine (SVM), random forest (RF), logistic regression (LR), and extremely randomized tree (ERT), and an average variation in F1 score of the TL-NN (transfer learning neural network) classifier in comparison with the other classifier was recorded to be 4.17%; however, the classifier failed to learn to distinguish cracks from joints in PCC-surfaced pavements. Aliyari et al. (2021) [24] compared the performance of various transfer learning (TL) models, namely VGG16 [25], Resnet50 [26], Resnet152-v2, Xception [27], InceptionV3 [28], DenseNet210 [29], NASNetLarge [30], and EfficientNetB4 [31], using 19,023 UAV acquired bridge images. EfficientNetB4 and DenseNet210 achieved the highest accuracy of 96%, followed by ResNet50 and VGG16 with 95% accuracy. Similarly, a comparison of TL methods was performed for the detection of various crack anomalies such as delamination, cracks, spalling, and patches in digital and thermographic images [32]. The MobileNetV2 and VGG16 models outperformed all the compared models and showed average F1 score variations of 7.40% and 11.91%, respectively. Yang et al. (2021) [33] compared the performance of three various deep learning models named AlexNet, VGGNet13, and ResNet18. The ResNet 18 model outperformed the other two neural networks with 98.80% accuracy, 98.90% precision, 98.60% recall, and 98.80% F1 score. A two-step cracks detection and classification architecture by modifying the LeNet-5 model [34] and VGG-16 architecture [25] was proposed in [35]. In the LeNet-5 architecture, the output dimensions of the FC2 (fully connected) layer are modified, and the VGG-16 model is optimized for automatic crack detection of concrete and pavement cracks. The proposed model was evaluated on various publicly available datasets and achieved 91.20% precision, 89.10% recall, and 90.10% F1 score on Cracktree200. Żarski et al. (2021) [36] proposed the TL-based framework KrakN for surface defect detection. The model was trained on 16144 images divided equally into the background and crack categories of size 224 × 224 and achieved 98% accuracy and 97% recall on the KrakN dataset. To improve the accuracy of the crack detection model and reduce the false alarm, the authors in [37] used hybrid (digital and infrared) as an input to the AlexNet architecture. Using hybrid images, the accuracy, precision, and recall of the model were improved by 1.11%, 68.43%, and 9.38%, respectively. Moreover, several TF architectures were used in various works, GoogLeNet [38,39], ResNet-152 [40], Inception V3 [40], Inception V4 [41], and GoogLeNet + ResNet [33,42,43,44,45,46], for crack detection in various civil structures.
In [47], the authors performed optimal hyperparameter selection and trained a DCNN network for crack detection in road structures using 62,408 images with a dimension of 256 × 256. The trained network achieved 99.70% precision, 99.50% recall, 99.60% F1 score, and 7.9 s testing time; in comparison with various ResNet [26] architectures, an average variation of 0.18% variation was observed, while the algorithms were 6–18 times faster than compared algorithms. Liang et al. (2018) [48] also performed hyperparameter selection to address the overfitting problem of various pre-trained networks for system-level failure classification. The VGG16 achieved the highest testing accuracy of 98.98% on a small dataset of 492 images with a resolution of 224 × 224. Similarly, in [49], the authors proposed a crack detection model by adjusting image processing parameters to the optimized value to increase the accuracy of crack detection before using CNN. The proposed model achieved a testing accuracy of 91% using 3000 images for each class. Moreover, in [50], the authors explained the importance of parameter knowledge in addition to model and data knowledge by training a DCNN to detect cracks in the concrete surface, using three publicly available (CCIC [51], SDNET [52], and BCD [53]) datasets. The detection accuracy of the proposed end-to-end DCNN based transfer learning model was recorded as 99.3% for the CCIC dataset, 99.72% for the BCD dataset, and 97.07% for the SDNET dataset.
The performance of different optimizers for DL-based crack detection was evaluated in [54]. Optimizers play a vital role in the training speed and performance of deep learning models [55]. There are various optimizers available, such as Adam, stochastic gradient descent (SGD), momentum and so on. Based on the comparison, the Adam optimizer showed higher precision with the lowest false-negative rate and highest accuracy. The importance of using the Adam optimizer for a crack detection DL model was also highlighted by the authors in [1]. Rao et al. (2020 [40] evaluate the performance using 15 state-of-the-art convolutional neural network models (Alex Net [56], VGG16 [25], VGG19 [25], ResNet-50 [26], ResNet-101 [26], ResNet-152 [26], InceptionV3 [28], InceptionV4 [57], Inception-ResNet-v2 [57], DenseNet121 [29], DenseNet169 [29], ResNeXt-50-32×4d [58], ResNeXt-101-32×8d [58], Wide-ResNet-50-2 [59], Wide-ResNet-101-2 [59]) in terms of number of parameters required to train the models, area under the curve, and inference time using 40,000. All the models provide over 95% accuracy and over 87% precision in detecting the cracks. Kim and Cho 2018 [60] used the AlexNet architecture for crack detection in concrete images acquired from an internet search. The softmax layers were modified by developing a probability map to add robustness to the sliding window detection, and a parametric study was performed to determine its threshold. The average accuracy, precision, recall, and elapsed time of the proposed algorithm on various 40 test images were recorded to be 97.02%, 92.36%, 89.28% and 2.02 s, respectively. Kamada and Ichimura 2020 [61] used the restricted Boltzmann machine (Adaptive RBM) for fine-tuning in combination with the deep belief network (Adaptive DBN) for image-based crack detection in concrete structure. The fine-tuning method increased the inference time and accuracy of the model.
Additionally, the importance of training dataset integrity in DL crack classification architecture was shown in [62]. The authors used sampling and training methods based on cross-entropy ranking to address the training class imbalance issue. Three various Alexnet architectures were trained on three various size datasets, namely D1, D2, and D3. The networks trained on a sampled dataset (AlexNet 2 and 3) achieved validation accuracies of 97.46% and 97.55%, respectively, approximately 1.2% higher than that related to AlexNet 1, 96.34%, which indicated that the errors were reduced from 3.64% to 2.54% and 2.45%, respectively. In [63], the authors proposed an external few-shot meta-learning module for handling small and incomplete data size and the internal attribute-based transfer learning module to extract features. The classification accuracy, average precision, recall, and F1 score for all the 10 damage types are 93.5%, 93.1%, 92.9%, and 92.9%, respectively. The training data size, data heterogeneity, network complexity, and the number of epochs have significant effects on the performance of the DL model as studied in [1]. The authors compared a proposed customized CNN model pre-trained networks, i.e., the VGG-16 [25], VGG-19 [25], ResNet-50 [26], and Inception V3 models [28], on eight datasets of different sizes, created from two public datasets. The proposed model is 8–43 times faster than other compared algorithms, and there is no significant change in F1 of the models. The authors showed that the optimal amount of training samples with significant variations has a positive influence on the efficiency of DL-based crack detection models. The effect of data heterogeneity was also studied in [64] using intensity, range and filtered image data types to train deep learning architectures, named Net A, Net B and Net C using 60,000 images with a resolution of 256 × 256. To alleviate the need for post-processing techniques and more training data, the authors in [65] used data augmentation to increase the number of samples to identify the exact location. The proposed method achieved 98.50% accuracy, 1.5% error rate, 98.70% specificity, 13.10% precision, 57.20% recall and 21.40% F1 score. The average variation in the F1 score of the proposed model in comparison with other compared deep learning algorithms was recorded to be 4.32%, which is due to the inclusion of the output function [66] to the encoder. The labeled image data can also be used in integration with other data types, such as fuse 3D LiDAR data images to generate a colorized and semantically labeled 3D map of a structure [67].

4.1.2. Modified CNN Architecture

Moreover, DL models can also be used as a feature extractor and integrated with traditional classifiers for crack detection and localization purposes. In [68], the authors used CNN for extracting features from input images and SVM as an alternative classifier to a softmax to enhance model performance. The proposed CNN-SVM model surpasses the CNN model, and an increase of 7.4%, 2%, 10%, and 5% is observed in accuracy, precision, recall, and F1 score, respectively. The same methodology was adopted in [69] for the bridge crack classification algorithm, and the accuracy of the combined model is 91.9% for horizontal, 93.10% for vertical, 91.70% for slope, and 92.30% for block cracks. In comparison with CNN, the proposed model achieved an average variation of 6.76% for various types of cracks. It is still challenging to decide on the architecture and parameters of each model [2]. Individual models may perform well for one classification task but not for another. The authors in [2] introduced a deep learning-based multi-model ensemble approach by combining five different customized convolutional neural networks (CNN) trained on data of 8400 crack and non-crack images with a resolution of 224 × 224.
Furthermore, detecting cracks in other structures, such as tunnels, dams, and masonry, is of vital importance to avoid any unwanted situations. The crack patterns in these structures can be horizontal, vertical, or diagonal. Among all these structures, crack detection in the masonry structure is a tedious task due to the similarity of crack regions with the grout lines. In [39], the authors combined deep learning techniques with traditional image processing algorithms for crack detection, localization, and measurement in tunnels. The authors trained two pre-trained architectures, AlexNet [56] and GoogLeNet [38], on a smaller dataset of 376 images to compare their performance. The AlexNet performed better than GoogLeNet and obtained 93.90% accuracy, 72.40% precision, and 77.80% recall. A ceiling crack detection and localization model, trained, validated, and tested on 1953 ceiling images, was proposed in [70]; 86.22% testing prediction accuracy, 82.53% sensitivity, and 88.94% specificity were achieved. Features visualization was used to demonstrate the classification correctness and provide a localization method for damaged ceiling regions. The authors in [71] combined freeform surface modelling based on the maximum likelihood function and crack analysis based on Mask RCNN for the inspection of tunnel structures using acquired images from a vision measurement unit consisting of camera arrays. Wang et al. (2019) [72] proposed using the Faster R-CNN model based on the ResNet101 framework to detect two categories of damage (efflorescence and spalling) for historic masonry structures. An AP of 99.90% for efflorescence and 90% for spalling damage was achieved by the model, with a 95% mean AP. Sewer pipe defect detection was proposed in [73], using an improved version of a faster region-based convolutional neural network (Faster R-CNN) using 3000 images; 83% mAP and 9.43 FPS speed were achieved. Li et al. (2019) [74] used the YOLO-v3 object detection model for crack detection of dam surface and achieved recall, precision, and F1 score of 0.85, 0.85, and 0.85, respectively.

4.1.3. CNN Integrated with Other Modules

In [75], the authors integrated two pivotal attention modules with a very low computational cost in a sequential manner with ResNet architecture to enhance the quality of crack features. The model was trained with 3150 unique crack image samples, with 700 extra images for validation and testing, and achieved an average precision (AP) value of 80.06%. Xu et al. (2019) [53] improved the CNN architecture by introducing the Astrous Spatial Pyramid Pooling (ASPP) module and depth-wise separable convolution to extract multiscale features and reduce computational complexity. The proposed model achieved an accuracy, precision, recall, specificity, and F1 score of 96.37, 78.11, 100, 95.83, and 0.8771, respectively. The model was compared with standard VGG [25] and ResNet [26] and was shown to be 1.5–2 times faster with an average variation of 20.28% in F1 score than the compared algorithms of the crack detection of the dam surface; it achieved recall, precision, and F1 score of 0.85, 0.85, and 0.85.

4.1.4. Object Detection Models

Recent strides in DL have enabled the deployment of object detection models for crack detection and localization. The accuracy of these models is measured using mean average precision (mAP), which is calculated by taking the mean of average precision (AP). The AP calculates the detection results of the models by using precision and recall at different threshold levels. The speed of these models is calculated by frames per second (FPS), which is the number of frames that a model processes during a second. Qi et al. (2020) [76] improved the architecture of SSD by removing the network layers that are not useful for prediction and varying the aspect ratio while fixing the short side rather than the area in the prior box setting. The authors used fine labelled 1300 industrial crack images and achieved 81.06% mAP and 52.6 FPS. The proposed model outperformed the traditional SSD and YOLOv3 model since its network is simplified, and priors were designed regarding the crack characteristics. The authors in [77] introduced a receptive field module in the SSD DL framework to enhance the feature extraction capability of the network for real-time pavement crack detection. Similarly, Yan and Zhang [78] proposed a novel network named deformable SSD by adding a deformable convolution to the backbone feature extraction network VGG16. The model was trained and tested on 22,250 crack images of size 562 × 562 and achieved an mAP of 85.11%. The precision of the SSD model for road defect detection can be improved by using faster RCNN models [79]. In [80], the authors trained a generic object detection model (an updated version of faster RCNN called RetinaNet) for road damage identification using a quality-aware filter dataset consisting of 18,340 images and 8 various classes. The proposed method was compared with the state-of-the-art model [81,82] and achieved 91.55% accuracy for asphalt structural damages detection from videos and low inference time. The regular convolution and pooling operation with a deformable convolution operation and a deformable pooling operation were improved in three different regular detectors (Faster R-CNN, region-based fully convolutional networks (R-FCN), and feature pyramid network (FPN)-based Faster R-CNN [83].
In Faster RCNN, hyperparameters, such as data size, network depth, number of layers, filter dimensions, or stride values, have a significant effect on the detection accuracy of the model [73,84]. Kalfarisi et al. [85] proposed FRCNN-FED by combining FRCNN with SRFED (structured random forest edge detection) bridge structures using 1250 bridge images of sizes varying from 344 × 296 to 1024 × 796. The proposed FRCNN-FED model is 10 times faster but less accurate than Mask RCNN. The authors in [86] combined Faster RCNN with 2D digital image correlation (DIC) for concrete crack detection using 1058 images. In the prosed system, Faster RCNN helps in the detection and localization of the crack region, while the DIC helps in the estimation of the deformation field on the concrete surface and measurement of crack width. The architecture was able to localize crack using FRCNN with a certainty of 98%. The accuracy of Faster RCNN was improved by ad hoc YOLOv2 for concrete crack detection [87]. The model was trained on 3010 images of 448 × 448 size and is 2.5% more precise, 4.5 times faster in training, and 1.35 times faster in testing time than Faster RCNN on the same data. The accuracy and inference speed of the YOLOv3 model is greater than Faster R-CNN and the SSD network for classifying pavement and concrete distress types [88,89]. Zhang and Chang 2019 [90] proposed an improved version of YOLOv3 for the detection of multiple types of concrete defects. The model was trained on 2206 images (1280 × 960 and 4000 × 3000) labelled for four types of concrete damages (crack, pop-out, spalling, and exposed rebar) and achieved 13% better precision than the traditional YOLOv3 model. An improved version of YOLOv3, i.e., YOLOv3-tiny, was proposed in [91] for the crack detection task. The performance of YOLOv3 was compared with the newest versions of YOLO, i.e., YOLO version 4 (YOLOv4) and YOLO version 5 (YOLOv5) for concealed crack detection in asphalt pavement [92]. In terms of processing, YOLOv4 performed better with the fastest detection rate of 10.16 FPS, while in terms of mAP, YOLOv5 achieved the highest mAP of 94.39%. Yao et al. (2021) [93] integrated SPP and PANet modules to the YOLov4 architecture to reduce the number of parameters for a concrete surface crack detection model. The model accuracy slightly decreased as compared to the traditional YOLOv4 model; however, the number of parameters and inference time of the model decreased. The improved model achieved a mAP of 94.09% with 8.04 M parameters and 0.64 GMacs (Flops). Similarly, the number of parameters of the YOLOv4 model was reduced using the pruning algorithm YOLOv4-FPM. The model was trained on 3487 images of 1000 × 1000, 2000 × 2000, and 3000 × 3000 dimensions and is 20–33 times faster than the traditional YOLOv4 model. Crack segmentation refers to the classification of image pixels into the crack and non-crack pixels.

4.2. DL Based Segmentation Algorithms

Crack segmentation refers to the classification of image pixels into crack and non-crack pixels. Various DL methods have been implemented for the detection and segmentation of cracks in various structures [46,48,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113]. A fully convolutional network (FCN) named Ci-Net trained on two publicly available datasets (CFD [114] and TITS2016 [115] was proposed in [103] for the identification and segmentation of structural cracks. The model achieved 84% precision, 82% recall, 72% IoU, and 60.40% F1 score. Similarly, in [116], FCN was trained for the segmentation of concrete cracks using pre-trained networks as a backbone for the FCN encoders. An automatic pixel-level crack detection and measurement algorithm was proposed in [117] to identify and segment pixel-wise cracks at different scales and measure the morphological features of cracks, providing valuable crack indicators for assessment in practice, such as crack topology, crack length, max-width, and mean width. The architecture of FCN was modified in [118] for the detection of multiple types of damages, such as spalling, efflorescence, cracks, and holes in concrete structures. The architecture was compared with SegNet and the PA, and the MPA of FCN were lower than SegNet, while the FCN achieved higher MIoU and FWIoU than the SegNet.
Moreover, U-net has also been extensively used in crack segmentation task [97,101,102,111,117,119,120,121,122]. The authors in [119] used U-net architecture for concrete crack segmentation using a small number of images and achieved the highest IoU of 0.681 at a threshold level of 80. Shokri et al. (2020) [101] also performed crack segmentation in concrete images by training a U-net architecture on a merged dataset consisting of 458 images from CCIC [51] and 670 images from a custom dataset with a resolution of 512 × 512. In [102], the authors introduced a self-attention mechanism, truncated expansion strategy, and weighted classification to U-net architecture and compared its performance on various publicly available road datasets, namely CrackTree200 [4], ALE [123], and CFD [114], and an average variation in the F1 score of the model in comparison achieved 38.81%, 51.76%, and 43.66%, respectively. Similarly, a new loss function was introduced by Cheng [104] to the U-net architecture and trained on two publicly available datasets (CFD [114], AigleRN [123]). The average variation in the F1 score of the proposed algorithm in comparison with other considered algorithms was recorded to be 17.58% on the CFD dataset and 8.84% on the AigleRN dataset. SegNet, a novel pixel-wise deep convolutional semantic segmentation network proposed by Zhang [124] has the capability to perform pixel-level classification and has been used in various crack segmentation works [48,112,124,125,126,127]. A modified version of SegNet called Seg-DCRF was proposed for crack binarization by combining SegNet and the dense condition random field (DCRF) networks [125]. CrackSegNet for crack detection and segmentation was proposed in [126] with architecture consisting of the backbone network, dilated convolution, spatial pyramid pooling, and skip connection module. The model showed average F1 score variations of 65.41% and 15.37%, in comparison with the traditional method and U-net method, respectively. Recently, Zheng et al. 2021 [127] used the SegNet network for back-end processing for semantic segmentation in a lightweight bridge concrete crack detection model. The proposed model was compared with state-of-the-art algorithms, namely FCN [117], U-net [128], SegNet [129], DeepCrack [130] and CrackU-Net [97] and achieved an average variation in F1 score, recorded to be 5.32%. A deep learning algorithm based on U-Net and a convolutional neural network with alternately updated clique (CliqueNet), called U-CliqueNet, were proposed to separate cracks from a background in the 60,000 tunnel sub-images with a resolution of 496 × 496 [83]. The model achieved MIoU, precision, recall, and F1 score of 0.869, 0.863, 0.802, and 0.834, respectively. The model was also compared with SegNet [129], U-net [131], FCN [117] and MFCD [132], and an average variation of 6.58% was obtained based on the F1 score.
Zhang [133] proposed an efficient architecture based on the convolutional neural network (CNN) called CrackNet for detecting pavement surface distresses at the pixel level. The authors modified the architecture and proposed CrackNet II [134] to make the model more robust, eliminate local noises and detect fine or hairline cracks. The architecture was further modified, and CrackNet-V was introduced in [135]. CrackNet-V has small filters in the convolutional layers for reducing the number of parameters and a new activation function called “Leaky Rectified Tanh” for accurate detection. CrackNet-V only takes 0.33 s on average for pixel-level crack detection, which is roughly 3–4 times faster than CrackNet. In [136], the author’s proposed a three-phase architecture for crack detection and segmentation in concrete structures. The first and second phases use 2D CNNs for the classification and segmentation of cracks. In the third phase, the crack length and width are estimated. The crack classification algorithm achieved an accuracy of 98.98%, and the segmentation network achieved an accuracy of 100% with an IoU value of 0.87. The model can measure crack length and width of 401.33 mm and 2.2 mm, respectively. Similarly, a two-stage DL architecture was used for the segmentation and identification of distress types on road surfaces using images acquired from a UAV [137]. In the defect segmentation task, the VGG model outperformed the other considered models and achieved IoU of 89.2, 66.2, and 85.7 in detecting path holes, rutting, and wash-boarding. Pan et al. (2020) [94] proposed a pixel-level crack detection and segmentation system by using a hybrid deep learning approach called SCHNet (spatial–channel hierarchical networks) on a portion of publicly available datasets [24]. The average variations in the means IoU of the proposed algorithm on the test data in comparison with U-Net [131], Deep-Labv3 [138], PSPNet [139], and Ding [140] is 15.48%. The authors in [95] created a dataset named EdmCrack600 consisting of 600 annotated images of 1920 × 1080 resolution and a DL-based new algorithm ConnCrack by combining the conditional Wasserstein generative adversarial network with connectivity maps for crack detection and the segmentation of road cracks. The average variation of the algorithm in comparison with other machine learning approaches on CFD [114] and the proposed EdmCrack600 dataset was recorded to be 9.37% and 33.67%. The proposed algorithm is 1.2–4 times faster than other compared algorithms.
Crack segmentation based on object detection models have been performed in various studies [107,110,111,141]. Zhang et al. [98] added semantic segmentation to the Mask RCNN model to extract more information about the crack to improve the prediction accuracy of the model. The architecture exhibits 13.18%, 4.52%, variations in the mask AP and AP box on GDPH (Guangdong Provincial Highway) custom dataset in comparison with Mask RCNN and PANet (Path Aggregation Network). The authors in [142] combined Faster region proposal convolutional neural network (Faster R-CNN), modified tubularity flow field (TuFF), and modified distance transform method (DTM) crack detection, segmentation, and quantification. The hybrid network achieved an average precision of 95% in crack detection, 83% IoU in crack segmentation, and 93% accuracy in the crack quantification process for crack length and thickness of a 2.6-pixel root mean square error. Majifarid et al. 2020 [143] also creates a hybrid model by combining YOLO and U-net architecture for classifying and segmenting nine road distress types using a dataset consisting of 7237 images extracted from Google Street-view. Various pre-trained architectures are used as encoders for U-net [131], FCN [117], FPN [144], a generic pyramid representation to perform pixel-level crack segmentation in masonry structures [145]. The average variation of the combined models i.e., U-net-MobileNet and FPN-InceptionV3 in comparison with other networks is recorded to be 2.85%. Crack detection and segmentation algorithm (CDDS is proposed) for dam surface in [146] using images collected from a drone. The proposed network achieved recall, precision, F1 score, Crack IoU, and Background of 80.45, 80.31, 79.16, 66.76, and 99.76. On comparison with SegNet [129], Unet [131], FCN [117] and ResNet152 [147], an average variation of 9.53% is observed in F1 score due to integration multi-level features.

5. Analysis and Discussion

The analysis of the retrieved articles is performed based on the dataset, its size, the domain in which the study was performed, the architecture and precision of the model, as explained in detail below.

5.1. Dataset Based Analysis

Before the development of a vision-based crack detection system, dataset acquisition is performed for training the models. The selection of a feasible dataset for model training remains a great challenge that needs to be resolved. In the retrieved articles, 72.12% of articles are based on a custom dataset among which 64.71% used less and 10K images for model training while the remaining used more than 10K images. The custom dataset is preferred by most researchers due to the lack of a standard dataset for crack detection tasks and enables them to capture specific requirements of the crack detection algorithm being used. In the custom dataset-based articles, 62.73% of studies are conducted for concrete crack detection while 28.87% are performed for crack detection in pavement surfaces. It can be inferred that the majority of the custom datasets consisting of less than 10K image samples are used for training concrete crack detection models. In 8.40% of articles, the researchers built their datasets for crack detection in different types of materials namely dams, glasses, masonry, ceiling, rock cliffs, and nuclear plants.
Moreover, 17.57% of the retrieved studies are based on publicly available datasets in which 74.41% of datasets consists of more than 10K images while 25.59% of the public dataset have less than 10K images. The pre-built datasets are available online and are used as a standard for the training and testing of the crack detection models. Among these studies, concrete crack detection is performed in 58.13% of articles while pavement crack detection is performed in 41.85% of studies. The analytics shows that public datasets such CFD [114], AigleRN [123], Crack500 [148], AEL [148] are frequently used for pavement crack detection while for concrete crack detection SDNet, CCIC [51], and Özgenel’s [51] are commonly used for crack detection. From the above analysis, it can be inferred that there is no public crack detection dataset available for other structures such as masonry, dams, sewage pipes, tunnels, and so on. Therefore, this points towards the need to create a publicly available dataset for such structures to solve the inspection problem efficiently. The overall distribution of the articles is shown in Figure 9 and the articles are shown in Table 10.

5.2. Domain-Based Analysis

In the reviewed articles, every study is conducted to perform crack detection in a specific civil structure as depicted in Table 11. The majority of the articles are focused on detecting cracks in concrete and pavement and contribute approximately 85% of the reviewed articles as shown in Figure 10.
The reason is that concrete and pavement cover many infrastructures elements, such as roads, bridges, buildings, walls, and so on. Several studies are present on crack detection in other structures namely tunnels, dams, sewage pipes, masonry structures, industry, ceilings, nuclear plant, glass, dam, and rock cliffs, which cover 15% of the articles reviewed in the current study. Hence, there is a need to focus on developing crack detection algorithms for these structures also.

5.3. Architecture Based Analysis

Each article reviewed in this work is based on a specific DL architecture. As summarized in Table 12, DCNN is mostly used for crack classification in various structures followed by CNN TL models, such as MobileNetV2, AlexNet, VGG-16, GoogLeNet, and so on. Performing crack detection using CNN, some of the authors have trained the model from scratch, while most of them opted for pre-trained models because of their capability to achieve better crack classification performance on large training datasets. The remaining CNN-based architectures are either hybrid, or some modules are integrated with them. In the object recognition-based DL models, Faster RCNN and YOLO are the most implemented architectures for the recognition and localization of the crack regions. The reason behind the abundant use of FRCNN is the architecture’s ability to localize small cracks. However, these approaches have the limitation of treating the whole crack as a single object. These models are also integrated with other modules for crack segmentation tasks to locate the crack region more precisely [85,142]. In crack segmentation, Unet is the most adopted DL learning architecture in the reviewed literature followed by the SegNet model. The segmentation of cracks is a tedious task and require a powerful architecture to accurately segment cracks in the images. U-net has shown promising performance in various applications, including crack segmentation. In comparison with other segmentation networks, the encoder–decoders network architecture (U-net) requires a small amount of data to train and provide crack location information precisely. Various authors have also improved state-of-the-art DL models and named their architectures as APLCNet [98], RetinaNet [80], [172], SCHNet [94], Ci-Net [103], Cls-GAP Net [96], EfficientNet [168], ProposedNet [109], CMDNet [161], TernausNet [185], Spiral Net [166], LDCC-Net [189], RRCE-Net [170], RAO-UNet [181] and so on. From the above analysis, it can be inferred that crack segmentation can be performed by implementing a simple lightweight encoder–decoder network that can be trained with less data and resources.

5.4. Precision Based Analysis

The effectiveness of a crack dataset can be assessed by reviewing its performance outcomes for crack detection. In the reviewed studies, researchers used various evaluation metrics, such as accuracy, precision, recall, and F1 score for the validation of their proposed crack detection systems. In the proposed articles, precision is considered for dataset-based performance analysis, as it is mostly used in the reviewed articles. The precision values of studies based on the custom dataset are summarized in the table. The majority of concrete and pavement surfaces achieved a precision of more than 75%; however, the articles using less than 10,000 images achieved more precision than articles based on a dataset consisting of more than 10,000 images. The distribution of the articles based on precision is depicted in Table 13. The precision based comparative analysis of the algorithms is not provided in the paper, as the majority of the works are based on a custom dataset, and it is impossible to provide a fair comparison of the algorithms unless all the models are evaluated in a unified setup.

6. Gaps, Challenges, and Future Research Opportunities

Crack detection using DL approaches has seen exponential growth over the past few years. Since cracks are irregular in form with no specific shape or size, it therefore becomes difficult for a DL to perform a crack recognition task. Additionally, the considered domain poses further challenges that need to be addressed to enable the DL algorithms to replicate human perceptions.

6.1. Automatic Recognition of Crack Type and Severity

The current approaches focus on the detection and segmentation of cracks; however, there is limited literature available focusing on the nature and severity of cracks, concerning various structural components. A few of the available studies based on crack width and topology considered in this review article are [117,119,125,136,150,154,155,183,184]. To the best of the author’s knowledge, crack types, namely meandering and crescent-shaped, have not yet been considered in any article. It is therefore imperative to carry out research studies that consider classification and other factors to make the task of crack detection more efficient. Moreover, efforts have been put forth to convert crack pixel values to a physical length and width [117,213,214,215], which can be calculated by using a conversion scale (mm/pixel). To convert the crack width from pixel units to millimeters, the camera sensor’s physical size (in millimeters) and image resolution (in pixels) are required [216]. However, the transition of pixels to geometric properties still needs a lot of improvement.

6.2. Dataset Availability and Suitability

From the review, the majority of the DL-based crack detection models are based on custom datasets consisting of small image patches acquired in a close range using a digital camera [36,172], moving vehicle with a mounted camera [71,95,173,180], smartphone [81,99] and UAV [24,119,154]. There are limited studies available on crack detection using composite view of the structure by creating a continuous mosaic. To provide a global view of the crack density of the structures, the drone, aerial and satellite images in combination with close-range images must be taken into consideration to provide a better view of the structure’s cracks to the inspectors. In the areas where image acquisition cannot be performed by using a drone or handheld cameras due to high traffic flow or other environmental factors, aerial and satellite images can provide a cost-effective solution.
The performance of the DL model depends on the various factors of the input data, such as variation among the samples, textures, noises, samples resolution, illumination, and so on. Additionally, there is a lack of a public dataset for structures such as masonry, dam, etc. Therefore, it is necessary to make a standard dataset from various civil structures. The dataset must ensure variation among the data samples, and the data collection should be performed in various lighting conditions to validate the performance of various DL-based approaches. The dataset must be made publicly available to the research community with specified samples in the training, cross-validation, and testing, which in return will enable researchers to validate their approaches on a single data for a fair comparison. In situations where the data availability is limited, data augmentation approaches can be used to increase the dataset samples to achieve better performance; however, the selection of the data augmentation approach is still not considered in the literature. Similarly, the need for larger datasets can also be addressed by using ensemble modelling.

6.3. Efficient Data Preprocessing Techniques

In addition to data, researchers use various preprocessing approaches to address the presence of noises, blemishes, and shadows in the images while performing crack detection using DL techniques; however, more efforts are required to build automatic and efficient algorithms to address the removal of noise and irregularities from the images before being given to DL models. Additionally, sometimes the quality of images acquired from UAVs is adversely affected by the camera vibrations due to inadequate operator skills and atmospheric factors, such as wind direction and speed [217]. The blur caused due to the moving camera reduces the image sharpness and makes the crack detection task difficult. Various DL-based deblurring approaches have been proposed in the past to address the issue in various applications [218,219,220,221]; therefore, it can also be considered to deblur the images containing cracks to improve the detection accuracy.

6.4. Automatic Labelling Approaches for Crack Detection

Currently, very little effort is made to perform crack segmentation using a weakly supervised or unsupervised manner. In the supervised segmentation approaches, the dataset labelling for crack detection is performed manually, which is laborious and time-consuming. To minimize these human interventions, either the crack segmentation task should be performed in an unsupervised manner or an automatic labelling method, which can automatically perform the manual labelling of the cracks. The speed of the CNN-based crack detection methods highly depends on various factors, such as the selection of hyperparameters, network depth, and fine-tuning of the architecture.

6.5. Parameter Tuning and Optimization

In the review, most of the algorithms adopted to noise and image variations have experienced longer processing time; therefore, it is required to necessarily explore the network depth and perform parameter tuning to achieve better performance with less computational time and cost. Moreover, numerous approaches have demonstrated optimization techniques for the fast convergence of deep learning models with minimum iterations. To the best of the author’s knowledge, there is a lack of studies that take the selection and combination of various optimization algorithms to help DL models. Therefore, there is a serious need to perform studies on different optimizers and their combination (hybrid optimizers) and examine the strength and weaknesses of each optimizer to set the stage for future research.

6.6. Integrating New Features beyond RGB Images

The last few years have also seen various DL-based crack detection studies using 3D images [222,223]. The state-of-the-art DL approaches can also be improved to adapt the 3D imaging technologies to improve model generalization ability and consider new crack features, such as crack dimensions. Finding the crack dimensions will not only help in determining the severity of the crack but will also help the authorities in deciding on the structure usage. Crack detection focuses on capturing the current state of the structures using vision-based techniques. Regression models may help to predict and quantify the number of cracks on structures using multiple features, such as (a) time since last maintenance, (b) type of last maintenance (i.e., surface or major), (c) environmental factors (freeze-thaw cycles, temperature, depth of water table beneath, humidity and precipitation [224,225]), (d) deterioration measure (road rutting [226], international roughness index (IRI) [226], deflection and pavement condition index (PCI [227])), and (e) traffic factors (lane, traffic volume) [228]. The advantage of data fusion is two-fold: (a) to predict the progression of cracks within the coming years and (b) to improve the accuracy of the state-of-the-art crack detection models. Further research is needed to assess the advantage of blending these features to improve the accuracy of RGB-based automatic crack quantification methods.

6.7. Realtime Crack Detection

Additionally, the DL model does not perform well in real-time scenarios as the model is trained offline. There is a need to address the issue by proposing a robust model and evaluating the model in real-time under various environmental conditions.

6.8. Improving the Pixel Level Segmentation Accuracy

For the semantic segmentation task, U-net and FCN are widely used in the literature for crack classification at the pixel level. However, the segmentation of hairline crack remains a challenge for the researchers, and straight networks usually require more time to train. The improvement in the architecture of U-net, such as removing pooling layers and introducing objective and loss functions, might enhance the performance and reduce the computational cost of the crack segmentation task. The segmentation is also performed by integrating CNN with other modules, such as crack delineation network (CDN), pyramid attention network (PAN), and so on. However, it still requires more attention from the researcher working in the field to increase the accuracy of crack detection at the pixel level. The DL model consists of millions of parameters with large memory and high computing devices; therefore, implementing DL for various problem challenges still requires research.

7. Conclusions

This paper provides an extensive review of deep learning-based crack detection approaches developed in the last 11 years and published in top-quality journals and conferences. A detailed review of 165 articles retrieved from Scopus and WoS after applying five different criteria is performed. A detailed summary of the developments of CNN-based structural crack detection architectures is presented in this paper. The analysis of the articles is performed based on the used dataset, its characteristics, algorithms, their performances, and application domain. The paper also provides a discussion on the gaps, challenges, and future research opportunities in the field of crack detection using deep learning approaches. From the analysis, it can be inferred that most researchers prefer to use custom datasets when it comes to crack detection since there are no standard datasets available. Moreover, there is limited work available on structures, such as masonry, dams, sewage pipes, tunnels, etc. As a result, an efficient algorithm and open dataset for such structures would solve the inspection problem more efficiently. It can also be inferred that collecting an optimal amount of data at various lightning conditions and providing variation among data samples can increase the performance of deep learning models. For concrete and pavement surfaces, more than 75% precision was achieved in the reviewed articles; however, those using datasets containing fewer than 10,000 images achieved more precision than those using datasets containing more than 10,000 images.
In the reviewed articles, CNN is widely used for crack detection tasks and its performance heavily relies on various factors, such as the selection of hyperparameters and fine-tuning of the architecture. For the crack localization, sliding window techniques have shown promising results; however, it is difficult for the sliding window approach to localize crack pixels. It is possible to segment fine cracks using crack segmentation algorithms, such as U-net. Moreover, the U-net architecture can be enhanced for improving the performance and reducing the computational cost of crack segmentation, removing pooling layers and introducing loss functions. Another observation is that the crack property, nature, and severity for the diverse structural components should be considered while performing crack detection using DL approaches. Using 3D imaging techniques, the ability to generalize the model and find new crack features, such as crack depth, can be enhanced. The articles also highlight various research gaps and challenges that need to be addressed, such as common publicly available datasets having specified training, validation and testing samples, automatic data labelling software, pre-processing methods for handling noises and irregularities, and so on. Overall, the proposed review provides a solid knowledge of various DL-based crack detection approaches and will work as benchmarks for researchers working in the field to assist them. The limitations of the proposed study are that (a) articles written in the English language were chosen from both libraries, while papers written in any other language were excluded; (b) to cover the majority of the related articles and minimize the bias caused by the keyword search, most commonly used keywords were included, but some research studies may have used synonyms that were not included in the keyword search; however, we think this risk is low because of the adapted methodology. In the future, the authors are planning to include different comparison criteria, such as the inference time of algorithms, network depth, and implementation, for reviewing DL-based crack detection approaches.

Author Contributions

Conceptualization, L.A., F.A. and H.A.J.; methodology, L.A., W.K., F.A. and H.A.J.; writing—original draft preparation, L.A., H.A.J. and F.A.; writing—review and editing, F.A., H.A.J., W.K., M.A.S. and L.A.; supervision, F.A., H.A.J. and M.A.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Ali, L.; Alnajjar, F.; Jassmi, H.A.; Gocho, M.; Khan, W.; Serhani, M.A. Performance Evaluation of Deep CNN-Based Crack Detection and Localization Techniques for Concrete Structures. Sensors 2021, 21, 1688. [Google Scholar] [CrossRef] [PubMed]
  2. Ali, L.; Sallabi, F.; Khan, W.; Alnajjar, F.; Aljassmi, H. A Deep Learning-Based Multi-Model Ensemble Method for Crack Detection in Concrete Structures. In Proceedings of the 38th International Symposium on Automation and Robotics in Construction (ISARC), Dubai, United Arab Emirates, 2 November 2021. [Google Scholar]
  3. Spencer, B.F.; Hoskere, V.; Narazaki, Y. Advances in Computer Vision-Based Civil Infrastructure Inspection and Monitoring. Engineering 2019, 5, 199–222. [Google Scholar] [CrossRef]
  4. Zou, Q.; Cao, Y.; Li, Q.; Mao, Q.; Wang, S. CrackTree: Automatic Crack Detection from Pavement Images. Pattern Recognit. Lett. 2012, 33, 227–238. [Google Scholar] [CrossRef]
  5. Munawar, H.S.; Hammad, A.W.A.; Haddad, A.; Soares, C.A.P.; Waller, S.T. Image-Based Crack Detection Methods: A Review. Infrastructures 2021, 6, 115. [Google Scholar] [CrossRef]
  6. Abdel-Qader, I.; Abudayyeh, O.; Kelly, M.E. Analysis of Edge-Detection Techniques for Crack Identification in Bridges. J. Comput. Civ. Eng. 2003, 17, 255–263. [Google Scholar] [CrossRef]
  7. Kamaliardakani, M.; Sun, L.; Ardakani, M.K. Sealed-Crack Detection Algorithm Using Heuristic Thresholding Approach. J. Comput. Civ. Eng. 2016, 30, 04014110. [Google Scholar] [CrossRef]
  8. Li, Q.; Zou, Q.; Zhang, D.; Mao, Q. FoSA: F* Seed-Growing Approach for Crack-Line Detection from Pavement Images. Image Vis. Comput. 2011, 29, 861–872. [Google Scholar] [CrossRef]
  9. Yamaguchi, T.; Nakamura, S.; Hashimoto, S. An Efficient Crack Detection Method Using Percolation-Based Image Processing. In Proceedings of the 2008 3rd IEEE Conference on Industrial Electronics and Applications, Singapore, 3–5 June 2008; pp. 1875–1880. [Google Scholar]
  10. Sinha, S.K.; Fieguth, P.W. Morphological Segmentation and Classification of Underground Pipe Images. Mach. Vis. Appl. 2006, 17, 21. [Google Scholar] [CrossRef]
  11. Sinha, S.K.; Fieguth, P.W. Automated Detection of Cracks in Buried Concrete Pipe Images. Autom. Constr. 2006, 15, 58–72. [Google Scholar] [CrossRef]
  12. Chambon, S.; Subirats, P.; Dumoulin, J. Introduction of a Wavelet Transform Based on 2D Matched Filter in a Markov Random Field for Fine Structure Extraction: Application on Road Crack Detection. In Proceedings of the Image Processing: Machine Vision Applications II, Bellingham, WA, USA, 2 February 2009; Volume 7251, pp. 87–98. [Google Scholar]
  13. Fujita, Y.; Hamamoto, Y. A Robust Automatic Crack Detection Method from Noisy Concrete Surfaces. Mach. Vis. Appl. 2011, 22, 245–254. [Google Scholar] [CrossRef]
  14. Roychowdhury, S.; Diligenti, M.; Gori, M. Regularizing Deep Networks with Prior Knowledge: A Constraint-Based Approach. Knowl. Based Syst. 2021, 222, 106989. [Google Scholar] [CrossRef]
  15. Gomes, G.F.; Mendéz, Y.A.D.; da Silva Lopes Alexandrino, P.; da Cunha, S.S.; Ancelotti, A.C. The Use of Intelligent Computational Tools for Damage Detection and Identification with an Emphasis on Composites—A Review. Compos. Struct. 2018, 196, 44–54. [Google Scholar] [CrossRef]
  16. Sarker, I.H. Deep Learning: A Comprehensive Overview on Techniques, Taxonomy, Applications and Research Directions. Sn Comput. Sci. 2021, 2, 420. [Google Scholar] [CrossRef]
  17. Sony, S.; Dunphy, K.; Sadhu, A.; Capretz, M. A Systematic Review of Convolutional Neural Network-Based Structural Condition Assessment Techniques. Eng. Struct. 2021, 226, 111347. [Google Scholar] [CrossRef]
  18. Elghaish, F.; Matarneh, S.T.; Talebi, S.; Abu-Samra, S.; Salimi, G.; Rausch, C. Deep Learning for Detecting Distresses in Buildings and Pavements: A Critical Gap Analysis. Constr. Innov. 2021. [Google Scholar] [CrossRef]
  19. Khallaf, R.; Khallaf, M. Classification and Analysis of Deep Learning Applications in Construction: A Systematic Literature Review. Autom. Constr. 2021, 129, 103760. [Google Scholar] [CrossRef]
  20. Modarres, C.; Astorga, N.; Droguett, E.L.; Meruane, V. Convolutional Neural Networks for Automated Damage Recognition and Damage Type Identification. Struct. Control. Health Monit. 2018, 25, e2230. [Google Scholar] [CrossRef]
  21. Dorafshan, S.; Thomas, R.J.; Maguire, M. Comparison of Deep Convolutional Neural Networks and Edge Detectors for Image-Based Crack Detection in Concrete. Constr. Build. Mater. 2018, 186, 1031–1045. [Google Scholar] [CrossRef]
  22. Cha, Y.-J.; Choi, W.; Büyüköztürk, O. Deep Learning-Based Crack Damage Detection Using Convolutional Neural Networks. Comput. Aided Civ. Infrastruct. Eng. 2017, 32, 361–378. [Google Scholar] [CrossRef]
  23. Gopalakrishnan, K.; Khaitan, S.K.; Choudhary, A.; Agrawal, A. Deep Convolutional Neural Networks with Transfer Learning for Computer Vision-Based Data-Driven Pavement Distress Detection. Constr. Build. Mater. 2017, 157, 322–330. [Google Scholar] [CrossRef]
  24. Aliyari, M.; Droguett, E.L.; Ayele, Y.Z. UAV-Based Bridge Inspection via Transfer Learning. Sustainability 2021, 13, 11359. [Google Scholar] [CrossRef]
  25. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. In Proceedings of the International Conference on Learning Representations (ICLR), San Diego, CA, USA, 7–9 May 2015; pp. 1–14. [Google Scholar]
  26. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  27. Chollet, F. Xception: Deep learning with depthwise separable convolutions. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  28. Szegedy, C.; Vanhoucke, V.; Ioffe, S.; Shlens, J.; Wojna, Z. Rethinking the Inception Architecture for Computer Vision. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 2818–2826. [Google Scholar]
  29. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, San Juan, PR, USA, 17–19 June 1997. [Google Scholar]
  30. Zoph, B.; Vasudevan, V.; Shlens, J.; Le, Q. Learning Transferable Architectures for Scalable Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–22 June 2018; pp. 8697–8710. [Google Scholar]
  31. Tan, M.; Le, Q.V. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. arXiv 2019, arXiv:1905.11946. [Google Scholar]
  32. Pozzer, S.; Rezazadeh Azar, E.; Dalla Rosa, F.; Chamberlain Pravia, Z.M. Semantic Segmentation of Defects in Infrared Thermographic Images of Highly Damaged Concrete Structures. J. Perform. Constr. Facil. 2021, 35, 04020131. [Google Scholar] [CrossRef]
  33. Yang, C.; Chen, J.; Li, Z.; Huang, Y. Structural Crack Detection and Recognition Based on Deep Learning. Appl. Sci. 2021, 11, 2868. [Google Scholar] [CrossRef]
  34. Lecun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  35. Qu, Z.; Mei, J.; Liu, L.; Zhou, D.-Y. Crack Detection of Concrete Pavement With Cross-Entropy Loss Function and Improved VGG16 Network Model. IEEE Access 2020, 8, 54564–54573. [Google Scholar] [CrossRef]
  36. Żarski, M.; Wójcik, B.; Miszczak, J.A. KrakN: Transfer Learning Framework and Dataset for Infrastructure Thin Crack Detection. SoftwareX 2021, 16, 100893. [Google Scholar] [CrossRef]
  37. An, Y.-K.; Jang, K.; Kim, B.; Cho, S. Deep Learning-Based Concrete Crack Detection Using Hybrid Images. In Proceedings of the Sensors and Smart Structures Technologies for Civil, Mechanical, and Aerospace Systems 2018, Denver, CO, USA, 27 March 2018; Volume 10598, pp. 273–284. [Google Scholar]
  38. Jang, K.; Kim, N.; An, Y.-K. Deep Learning–Based Autonomous Concrete Crack Evaluation through Hybrid Image Scanning. Struct. Health Monit. 2019, 18, 1722–1737. [Google Scholar] [CrossRef]
  39. Panella, F.; Boehm, J.; Loo, Y.; Kaushik, A.; Gonzalez, D. Deep Learning and Image Processing for Automated Crack Detection and Defect Measurement in Underground Structures. 2018. Available online: https://doi.org/10.5194/isprs-archives-XLII-2-829-2018 (accessed on 10 November 2021).
  40. Rao, A.S.; Nguyen, T.; Palaniswami, M.; Ngo, T. Vision-Based Automated Crack Detection Using Convolutional Neural Networks for Condition Assessment of Infrastructure. Struct. Health Monit. 2021, 20, 2124–2142. [Google Scholar] [CrossRef]
  41. Daneshgaran, F.; Zacheo, L.; Stasio, F.D.; Mondin, M. Use of Deep Learning for Automatic Detection of Cracks in Tunnels: Prototype-2 Developed in the 2017–2018 Time Period. Transp. Res. Rec. 2019, 2673, 44–50. [Google Scholar] [CrossRef]
  42. Chun, P.; Yamane, T.; Tsuzuki, Y. Automatic Detection of Cracks in Asphalt Pavement Using Deep Learning to Overcome Weaknesses in Images and GIS Visualization. Appl. Sci. 2021, 11, 892. [Google Scholar] [CrossRef]
  43. Billah, U.; La, H.; Gucunski, N.; Tavakkoli, A. Classification of Concrete Crack Using Deep Residual Network. Available online: https://www.semanticscholar.org/paper/Classification-of-Concrete-Crack-using-Deep-Network-Billah-La/5a639239a58a6ab617f848a2d16f7525fa18c0c2 (accessed on 9 November 2021).
  44. Chow, J.K.; Su, Z.; Wu, J.; Li, Z.; Tan, P.S.; Liu, K.; Mao, X.; Wang, Y.-H. Artificial Intelligence-Empowered Pipeline for Image-Based Inspection of Concrete Structures. Autom. Constr. 2020, 120, 103372. [Google Scholar] [CrossRef]
  45. Ni, F.; Zhang, J.; Chen, Z. Zernike-Moment Measurement of Thin-Crack Width in Images Enabled by Dual-Scale Deep Learning. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 367–384. [Google Scholar] [CrossRef]
  46. Wu, R.-T.; Singla, A.; Jahanshahi, M.R.; Bertino, E.; Ko, B.J.; Verma, D. Pruning Deep Convolutional Neural Networks for Efficient Edge Computing in Condition Assessment of Infrastructures. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 774–789. [Google Scholar] [CrossRef]
  47. Zhou, S.; Song, W. Deep Learning-Based Roadway Crack Classification Using Laser-Scanned Range Images: A Comparative Study on Hyperparameter Selection. Autom. Constr. 2020, 114, 103171. [Google Scholar] [CrossRef]
  48. Liang, X. Image-Based Post-Disaster Inspection of Reinforced Concrete Bridge Systems Using Deep Learning with Bayesian Optimization. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 415–430. [Google Scholar] [CrossRef]
  49. Kim, C.N.; Kawamura, K.; Nakamura, H.; Tarighat, A. Research on Automatic Crack Detection for Concrete Infrastructures Using Image Processing and Deep Learning. Curr. Approaches Sci. Technol. Res. 2021, 3, 46–55. [Google Scholar] [CrossRef]
  50. Yang, Q.; Shi, W.; Chen, J.; Lin, W. Deep Convolution Neural Network-Based Transfer Learning Method for Civil Infrastructure Crack Detection. Autom. Constr. 2020, 116, 103199. [Google Scholar] [CrossRef]
  51. Özgenel, Ç.F. Concrete Crack Images for Classification. Mendeley Data 2019, 2. [Google Scholar] [CrossRef]
  52. Dorafshan, S.; Thomas, R.J.; Maguire, M. SDNET2018: An Annotated Image Dataset for Non-Contact Concrete Crack Detection Using Deep Convolutional Neural Networks. Data Brief 2018, 21, 1664–1668. [Google Scholar] [CrossRef]
  53. Xu, H.; Su, X.; Wang, Y.; Cai, H.; Cui, K.; Chen, X. Automatic Bridge Crack Detection Using a Convolutional Neural Network. Appl. Sci. 2019, 9, 2867. [Google Scholar] [CrossRef] [Green Version]
  54. Kouzehgar, M.; Krishnasamy Tamilselvam, Y.; Vega Heredia, M.; Rajesh Elara, M. Self-Reconfigurable Façade-Cleaning Robot Equipped with Deep-Learning-Based Crack Detection Based on Convolutional Neural Networks. Autom. Constr. 2019, 108, 102959. [Google Scholar] [CrossRef]
  55. Choi, D.; Shallue, C.J.; Nado, Z.; Lee, J.; Maddison, C.J.; Dahl, G.E. On Empirical Comparisons of Optimizers for Deep Learning. arXiv 2020, arXiv:1910.05446. [Google Scholar]
  56. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. In Proceedings of the 25th International Conference on Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012; Curran Associates Inc.: Red Hook, NY, USA, 2012; Volume 1, pp. 1097–1105. [Google Scholar]
  57. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A.A. Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning. In Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017; AAAI Press: San Francisco, CA, USA, 2017; pp. 4278–4284. [Google Scholar]
  58. Xie, S.; Girshick, R.; Dollar, P.; Tu, Z.; He, K. Aggregated Residual Transformations for Deep Neural Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 5987–5995. [Google Scholar]
  59. Zagoruyko, S.; Komodakis, N. Wide Residual Networks. In Procedings of the British Machine Vision Conference 2016; British Machine Vision Association: York, UK, 2016; pp. 87.1–87.12. [Google Scholar]
  60. Kim, B.; Cho, S. Automated Vision-Based Detection of Cracks on Concrete Surfaces Using a Deep Learning Technique. Sensors 2018, 18, 3452. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  61. Kamada, S.; Ichimura, T. An Embedded System for Image-Based Crack Detection by Using Fine-Tuning Model of Adaptive Structural Learning of Deep Belief Network. In Proceedings of the 2020 IEEE Region 10 Conference (Tencon), Osaka, Japan, 16–19 November 2020; pp. 1203–1208. [Google Scholar] [CrossRef]
  62. Wang, Z.; Xu, G.; Ding, Y.; Wu, B.; Lu, G. A Vision-Based Active Learning Convolutional Neural Network Model for Concrete Surface Crack Detection. Adv. Struct. Eng. 2020, 23, 2952–2964. [Google Scholar] [CrossRef]
  63. Xu, Y.; Bao, Y.; Zhang, Y.; Li, H. Attribute-Based Structural Damage Identification by Few-Shot Meta Learning with Inter-Class Knowledge Transfer. Struct. Health Monit. 2021, 20, 1494–1517. [Google Scholar] [CrossRef]
  64. Zhou, S.; Song, W. Deep Learning–Based Roadway Crack Classification with Heterogeneous Image Data Fusion. Struct. Health Monit. 2021, 20, 1274–1293. [Google Scholar] [CrossRef]
  65. Billah, U.H.; Tavakkoli, A.; La, H.M. Concrete Crack Pixel Classification Using an Encoder Decoder Based Deep Learning Architecture. In Proceedings of the Advances in Visual Computing, Lake Tahoe, NV, USA, 7–9 October 2019; Springer-Verlag: Berlin, Heidelberg; pp. 593–604. [Google Scholar]
  66. Xie, S.; Tu, Z. Holistically-nested edge detection. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1395–1403. [Google Scholar]
  67. McLaughlin, E.; Charron, N.; Narasimhan, S. Automated Defect Quantification in Concrete Bridges Using Robotics and Deep Learning. J. Comput. Civ. Eng. 2020, 34, 04020029. [Google Scholar] [CrossRef]
  68. Chaiyasarn, K.; Khan, W.; Ali, L.; Sharma, M.; Brackenbury, D.; Dejong, M. Crack Detection in Masonry Structures Using Convolutional Neural Networks and Support Vector Machines. In Proceedings of the International Symposium on Automation and Robotics in Construction, Berlin, Germany, 20–25 July 2018; pp. 118–125. [Google Scholar]
  69. Zhang, X.; Wang, X. An Effective Bridge Cracks Classification Method Based on Machine Learning. In Proceedings of the 2020 4th International Conference on Electronic Information Technology and Computer Engineering, Xiamen, China, 6–8 November 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 790–794. [Google Scholar]
  70. Wang, L.; Kawaguchi, K.; Wang, P. Damaged Ceiling Detection and Localization in Large-Span Structures Using Convolutional Neural Networks. Autom. Constr. 2020, 116, 103230. [Google Scholar] [CrossRef]
  71. Xu, X.; Yang, H. Vision Measurement of Tunnel Structures with Robust Modelling and Deep Learning Algorithms. Sensors 2020, 20, 4945. [Google Scholar] [CrossRef]
  72. Wang, N.; Zhao, X.; Zhao, P.; Zhang, Y.; Zou, Z.; Ou, J. Automatic Damage Detection of Historic Masonry Buildings Based on Mobile Deep Learning. Autom. Constr. 2019, 103, 53–66. [Google Scholar] [CrossRef]
  73. Wang, M.C. Development and Improvement of Deep Learning Based Automated Defect Detection for Sewer Pipe Inspection Using Faster R-CNN. In Proceedings of the 25th EG-ICE International Workshop 2018, Lausanne, Switzerland, 10–13 June 2018. [Google Scholar]
  74. Li, L.; Zhang, H.; Pang, J.; Huang, J. Dam Surface Crack Detection Based on Deep Learning. In Proceedings of the 2019 International Conference on Robotics, Intelligent Control and Artificial Intelligence, New York, NY, USA, 20 September 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 738–743. [Google Scholar]
  75. Zeshan, M.U.; Gang, P. Automatic Sewer Cracks Localization Using Deformable Bounding Boxes. In Proceedings of the 2020 4th International Conference on Computer Science and Artificial Intelligence, New York, NY, USA, 11 December 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 159–167. [Google Scholar]
  76. Qi, S.; Dong, Y.; Mao, Q. Improving Single Shot Detector for Industrial Cracks by Feature Resolution Analysis. In Proceedings of the 2020 3rd International Conference on Artificial Intelligence and Pattern Recognition, New York, NY, USA, 26 June 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 196–200. [Google Scholar]
  77. Yang, J.; Fu, Q.; Nie, M. Road Crack Detection Using Deep Neural Network with Receptive Field Block. IOP Conf. Ser. Mater. Sci. Eng. 2020, 782, 042033. [Google Scholar] [CrossRef]
  78. Yan, K.; Zhang, Z. Automated Asphalt Highway Pavement Crack Detection Based on Deformable Single Shot Multi-Box Detector Under a Complex Environment. IEEE Access 2021, 9, 150925–150938. [Google Scholar] [CrossRef]
  79. Cao, M.-T.; Tran, Q.-V.; Nguyen, N.-M.; Chang, K.-T. Survey on Performance of Deep Learning Models for Detecting Road Damages Using Multiple Dashcam Image Resources. Adv. Eng. Inform. 2020, 46, 101182. [Google Scholar] [CrossRef]
  80. Ochoa-Ruiz, G.; Angulo-Murillo, A.A.; Ochoa-Zezzatti, A.; Aguilar-Lobo, L.M.; Vega-Fernández, J.A.; Natraj, S. An Asphalt Damage Dataset and Detection System Based on RetinaNet for Road Conditions Assessment. Appl. Sci. 2020, 10, 3974. [Google Scholar] [CrossRef]
  81. Maeda, H.; Sekimoto, Y.; Seto, T.; Kashiyama, T.; Omata, H. Road Damage Detection Using Deep Neural Networks with Images Captured Through a Smartphone. Comput. Aided Civ. Infrastruct. Eng. 2018, 33, 1127–1141. [Google Scholar] [CrossRef]
  82. Lin, T.-Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal Loss for Dense Object Detection. In Proceedings of the IEEE international conference on computer vision, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar] [CrossRef] [Green Version]
  83. Deng, L.; Chu, H.-H.; Shi, P.; Wang, W.; Kong, X. Region-Based CNN Method with Deformable Modules for Visually Classifying Concrete Cracks. Appl. Sci. 2020, 10, 2528. [Google Scholar] [CrossRef] [Green Version]
  84. Cheng, J.C.P.; Wang, M. Automated Detection of Sewer Pipe Defects in Closed-Circuit Television Images Using Deep Learning Techniques. Autom. Constr. 2018, 95, 155–171. [Google Scholar] [CrossRef]
  85. Kalfarisi, R.; Wu, Z.Y.; Soh, K. Crack Detection and Segmentation Using Deep Learning with 3D Reality Mesh Model for Quantitative Assessment and Integrated Visualization. J. Comput. Civ. Eng. 2020, 34, 04020010. [Google Scholar] [CrossRef]
  86. Słoński, M.; Tekieli, M. 2D Digital Image Correlation and Region-Based Convolutional Neural Network in Monitoring and Evaluation of Surface Cracks in Concrete Structural Elements. Materials 2020, 13, 3527. [Google Scholar] [CrossRef] [PubMed]
  87. Deng, J.; Lu, Y.; Lee, V.C.-S. Imaging-Based Crack Detection on Concrete Surfaces Using You Only Look Once Network. Struct. Health Monit. 2021, 20, 484–499. [Google Scholar] [CrossRef]
  88. Du, Y.; Pan, N.; Xu, Z.; Deng, F.; Shen, Y.; Kang, H. Pavement Distress Detection and Classification Based on YOLO Network. Int. J. Pavement Eng. 2021, 22, 1659–1672. [Google Scholar] [CrossRef]
  89. Zhang, C.; Chang, C.; Jamshidi, M. Concrete Bridge Surface Damage Detection Using a Single-Stage Detector. Comput. Aided Civ. Infrastruct. Eng. 2020, 35, 389–409. [Google Scholar] [CrossRef]
  90. Zhang, C.; Chang, C.-C. Surface Damage Detection for Concrete Bridges Using Single-Stage Convolutional Neural Networks. In Proceedings of the Health Monitoring of Structural and Biological Systems XIII, Denver, CO, USA, 1 April 2019; Volume 10972, pp. 527–534. [Google Scholar]
  91. Park, S.E.; Eem, S.-H.; Jeon, H. Concrete Crack Detection and Quantification Using Deep Learning and Structured Light. Constr. Build. Mater. 2020, 252, 119096. [Google Scholar] [CrossRef]
  92. Li, S.; Gu, X.; Xu, X.; Xu, D.; Zhang, T.; Liu, Z.; Dong, Q. Detection of Concealed Cracks from Ground Penetrating Radar Images Based on Deep Learning Algorithm. Constr. Build. Mater. 2021, 273, 121949. [Google Scholar] [CrossRef]
  93. Yao, G.; Sun, Y.; Wong, M.; Lv, X. A Real-Time Detection Method for Concrete Surface Cracks Based on Improved YOLOv4. Symmetry 2021, 13, 1716. [Google Scholar] [CrossRef]
  94. Pan, Y.; Zhang, G.; Zhang, L. A Spatial-Channel Hierarchical Deep Learning Network for Pixel-Level Automated Crack Detection. Autom. Constr. 2020, 119, 103357. [Google Scholar] [CrossRef]
  95. Mei, Q.; Gül, M. A Cost Effective Solution for Pavement Crack Inspection Using Cameras and Deep Neural Networks. Constr. Build. Mater. 2020, 256, 119397. [Google Scholar] [CrossRef]
  96. Dong, Z.; Wang, J.; Cui, B.; Wang, D.; Wang, X. Patch-Based Weakly Supervised Semantic Segmentation Network for Crack Detection. Constr. Build. Mater. 2020, 258, 120291. [Google Scholar] [CrossRef]
  97. Zhang, L.; Shen, J.; Zhu, B. A Research on an Improved Unet-Based Concrete Crack Detection Algorithm. Struct. Health Monit. 2021, 20, 1864–1879. [Google Scholar] [CrossRef]
  98. Zhang, Y.; Chen, B.; Wang, J.; Li, J.; Sun, X. APLCNet: Automatic Pixel-Level Crack Detection Network Based on Instance Segmentation. IEEE Access 2020, 8, 199159–199170. [Google Scholar] [CrossRef]
  99. Mei, Q.; Gül, M. Multi-Level Feature Fusion in Densely Connected Deep-Learning Architecture and Depth-First Search for Crack Segmentation on Images Collected with Smartphones. Struct. Health Monit. 2020, 19, 1726–1744. [Google Scholar] [CrossRef]
  100. Park, S.; Bang, S.; Kim, H.; Kim, H. Patch-Based Crack Detection in Black Box Images Using Convolutional Neural Networks. J. Comput. Civ. Eng. 2019, 33, 04019017. [Google Scholar] [CrossRef]
  101. Shokri, P.; Shahbazi, M.; Lichti, D.; Nielsen, J. Vision-Based Approaches for Quantifying Cracks in Concrete Structures. In Proceedings of the The International Archives of the Photogrammetry, Remote Sensing and Spatial Information Sciences, Göttingen, Germany, 14 August 2020; Volume XLIII-B2-2020, pp. 1167–1174. [Google Scholar]
  102. Fang, J.; Qu, B.; Yuan, Y. Distribution Equalization Learning Mechanism for Road Crack Detection. Neurocomputing 2021, 424, 193–204. [Google Scholar] [CrossRef]
  103. Ye, X.-W.; Jin, T.; Chen, P.-Y. Structural Crack Detection Using Deep Learning–Based Fully Convolutional Networks. Adv. Struct. Eng. 2019, 22, 3412–3419. [Google Scholar] [CrossRef]
  104. Cheng, J.; Xiong, W.; Chen, W.; Gu, Y.; Li, Y. Pixel-Level Crack Detection Using U-Net. In Proceedings of the TENCON 2018—2018 IEEE Region 10 Conference, Jeju, Korea, 28–31 October 2018. [Google Scholar] [CrossRef]
  105. Xue, Y.; Li, Y. A Fast Detection Method via Region-Based Fully Convolutional Neural Networks for Shield Tunnel Lining Defects. Comput. Aided Civ. Infrastruct. Eng. 2018, 33, 638–654. [Google Scholar] [CrossRef]
  106. Islam, M.M.M.; Kim, J.-M. Vision-Based Autonomous Crack Detection of Concrete Structures Using a Fully Convolutional Encoder–Decoder Network. Sensors 2019, 19, 4251. [Google Scholar] [CrossRef] [Green Version]
  107. Kim, B.; Cho, S. Automated Multiple Concrete Damage Detection Using Instance Segmentation Deep Learning Model. Appl. Sci. 2020, 10, 8008. [Google Scholar] [CrossRef]
  108. Hoskere, V.; Narazaki, Y.; Hoang, T.A.; Spencer Jr., B.F. MaDnet: Multi-Task Semantic Segmentation of Multiple Types of Structural Materials and Damage in Images of Civil Infrastructure. J. Civ. Struct Health Monit 2020, 10, 757–773. [Google Scholar] [CrossRef]
  109. Shim, S.; Cho, G.-C. Lightweight Semantic Segmentation for Road-Surface Damage Recognition Based on Multiscale Learning. IEEE Access 2020, 8, 102680–102690. [Google Scholar] [CrossRef]
  110. Wei, F.; Yao, G.; Yang, Y.; Sun, Y. Instance-Level Recognition and Quantification for Concrete Surface Bughole Based on Deep Learning. Autom. Constr. 2019, 107, 102920. [Google Scholar] [CrossRef]
  111. Kanaeva, I.A.; Ivanova, J.A. Road Pavement Crack Detection Using Deep Learning with Synthetic Data. IOP Conf. Ser. Mater. Sci. Eng. 2021, 1019, 012036. [Google Scholar] [CrossRef]
  112. Song, C.; Wu, L.; Chen, Z.; Zhou, H.; Lin, P.; Cheng, S.; Wu, Z. Pixel-Level Crack Detection in Images Using SegNet. In Multi-disciplinary Trends in Artificial Intelligence; Chamchong, R., Wong, K.W., Eds.; Springer International Publishing: Cham, Switzerland, 2019; pp. 247–254. [Google Scholar]
  113. Truong, L.N.H.; Mora, O.E.; Cheng, W.; Tang, H.; Singh, M. Deep Learning to Detect Road Distress from Unmanned Aerial System Imagery. Transp. Res. Rec. 2021, 2675, 776–788. [Google Scholar] [CrossRef]
  114. Shi, Y.; Cui, L.; Qi, Z.; Meng, F.; Chen, Z. Automatic Road Crack Detection Using Random Structured Forests. IEEE Trans. Intell. Transp. Syst. 2016, 17, 3434–3445. [Google Scholar] [CrossRef]
  115. Chambon, S.; Moliard, J.-M. Automatic Road Pavement Assessment with Image Processing: Review and Comparison. Int. J. Geophys. 2011, 2011, e989354. [Google Scholar] [CrossRef] [Green Version]
  116. Dung, C.V.; Anh, L.D. Autonomous Concrete Crack Detection Using Deep Fully Convolutional Neural Network. Autom. Constr. 2019, 99, 52–58. [Google Scholar] [CrossRef]
  117. Yang, X.; Li, H.; Yu, Y.; Luo, X.; Huang, T.; Yang, X. Automatic Pixel-Level Crack Detection and Measurement Using Fully Convolutional Network. Comput. Aided Civ. Infrastruct. Eng. 2018, 33, 1090–1109. [Google Scholar] [CrossRef]
  118. Li, S.; Zhao, X.; Zhou, G. Automatic Pixel-Level Multiple Damage Detection of Concrete Structure Using Fully Convolutional Network. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 616–634. [Google Scholar] [CrossRef]
  119. Bhowmick, S.; Nagarajaiah, S.; Veeraraghavan, A. Vision and Deep Learning-Based Algorithms to Detect and Quantify Cracks on Concrete Surfaces from UAV Videos. Sensors 2020, 20, 6299. [Google Scholar] [CrossRef] [PubMed]
  120. Sizyakin, R.; Voronin, V.; Gapon, N.; Pižurica, A. A Deep Learning Approach to Crack Detection on Road Surfaces. In Proceedings of the Artificial Intelligence and Machine Learning in Defense Applications II, Online Only, UK, 20 September 2020; Volume 11543, pp. 128–134. [Google Scholar]
  121. Andrushia, A.D.; Anand, N.; Lubloy, E.; Prince, A.G. Deep Learning Based Thermal Crack Detection on Structural Concrete Exposed to Elevated Temperature. Adv. Struct. Eng. 2021, 24, 1896–1909. [Google Scholar] [CrossRef]
  122. Ji, J.; Wu, L.; Chen, Z.; Yu, J.; Lin, P.; Cheng, S. Automated Pixel-Level Surface Crack Detection Using U-Net. In Multi-Disciplinary Trends in Artificial Intelligence; Kaenampornpan, M., Malaka, R., Nguyen, D.D., Schwind, N., Eds.; Springer International Publishing: Cham, Switzerland, 2018; pp. 69–78. [Google Scholar]
  123. Amhaz, R.; Chambon, S.; Idier, J.; Baltazart, V. Automatic Crack Detection on Two-Dimensional Pavement Images: An Algorithm Based on Minimal Path Selection. IEEE Trans. Intell. Transp. Syst. 2016, 17, 2718–2729. [Google Scholar] [CrossRef] [Green Version]
  124. Zhang, X.; Rajan, D.; Story, B. Concrete Crack Detection Using Context-Aware Deep Semantic Segmentation Network. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 951–971. [Google Scholar] [CrossRef]
  125. Li, G.; Liu, Q.; Ren, W.; Qiao, W.; Ma, B.; Wan, J. Automatic Recognition and Analysis System of Asphalt Pavement Cracks Using Interleaved Low-Rank Group Convolution Hybrid Deep Network and SegNet Fusing Dense Condition Random Field. Measurement 2021, 170, 108693. [Google Scholar] [CrossRef]
  126. Ren, Y.; Huang, J.; Hong, Z.; Lu, W.; Yin, J.; Zou, L.; Shen, X. Image-Based Concrete Crack Detection in Tunnels Using Deep Fully Convolutional Networks. Constr. Build. Mater. 2020, 234, 117367. [Google Scholar] [CrossRef]
  127. Zheng, X.; Zhang, S.; Li, X.; Li, G.; Li, X. Lightweight Bridge Crack Detection Method Based on SegNet and Bottleneck Depth-Separable Convolution With Residuals. IEEE Access 2021, 9, 161649–161668. [Google Scholar] [CrossRef]
  128. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Medical Image Computing and Computer-Assisted Intervention 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer International Publishing: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  129. Badrinarayanan, V.; Kendall, A.; Cipolla, R. SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef] [PubMed]
  130. Liu, Y.; Yao, J.; Lu, X.; Xie, R.; Li, L. DeepCrack: A Deep Hierarchical Feature Learning Architecture for Crack Segmentation. Neurocomputing 2019, 338, 139–153. [Google Scholar] [CrossRef]
  131. Liu, Z.; Cao, Y.; Wang, Y.; Wang, W. Computer Vision-Based Concrete Crack Detection Using U-Net Fully Convolutional Networks. Autom. Constr. 2019, 104, 129–139. [Google Scholar] [CrossRef]
  132. Li, H.; Song, D.; Liu, Y.; Li, B. Automatic Pavement Crack Detection by Multi-Scale Image Fusion. IEEE Trans. Intell. Transp. Syst. 2019, 20, 2025–2036. [Google Scholar] [CrossRef]
  133. Zhang, A.; Wang, K.C.P.; Li, B.; Yang, E.; Dai, X.; Peng, Y.; Fei, Y.; Liu, Y.; Li, J.Q.; Chen, C. Automated Pixel-Level Pavement Crack Detection on 3D Asphalt Surfaces Using a Deep-Learning Network. Comput. Aided Civ. Infrastruct. Eng. 2017, 32, 805–819. [Google Scholar] [CrossRef]
  134. Zhang, A.; Wang, K.C.P.; Fei, Y.; Liu, Y.; Tao, S.; Chen, C.; Li, J.Q.; Li, B. Deep Learning–Based Fully Automated Pavement Crack Detection on 3D Asphalt Surfaces with an Improved CrackNet. J. Comput. Civ. Eng. 2018, 32, 04018041. [Google Scholar] [CrossRef] [Green Version]
  135. Fei, Y.; Wang, K.C.P.; Zhang, A.; Chen, C.; Li, J.Q.; Liu, Y.; Yang, G.; Li, B. Pixel-Level Cracking Detection on 3D Asphalt Pavement Images Through Deep-Learning- Based CrackNet-V. IEEE Trans. Intell. Transp. Syst. 2020, 21, 273–284. [Google Scholar] [CrossRef]
  136. Kim, J.J.; Kim, A.-R.; Lee, S.-W. Artificial Neural Network-Based Automated Crack Detection and Analysis for the Inspection of Concrete Structures. Appl. Sci. 2020, 10, 8105. [Google Scholar] [CrossRef]
  137. Nasiruddin Khilji, T.; Lopes Amaral Loures, L.; Rezazadeh Azar, E. Distress Recognition in Unpaved Roads Using Unmanned Aerial Systems and Deep Learning Segmentation. J. Comput. Civ. Eng. 2021, 35, 04020061. [Google Scholar] [CrossRef]
  138. Chen, L.-C.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A.L. DeepLab: Semantic Image Segmentation with Deep Convolutional Nets, Atrous Convolution, and Fully Connected CRFs. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 40, 834–848. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  139. Zhao, H.; Shi, J.; Qi, X.; Wang, X.; Jia, J. Pyramid Scene Parsing Network. In Proceedings of the IEEE Computer Society, Honolulu, HI, USA, 1 July 2017; pp. 6230–6239. [Google Scholar]
  140. Ding, H.; Jiang, X.; Shuai, B.; Liu, A.Q.; Wang, G. Context Contrasted Feature and Gated Multi-Scale Aggregation for Scene Segmentation. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2393–2402. [Google Scholar]
  141. Kim, B.; Cho, S. Image-Based Concrete Crack Assessment Using Mask and Region-Based Convolutional Neural Network. Struct. Control. Health Monit. 2019, 26, e2381. [Google Scholar] [CrossRef]
  142. Kang, D.; Benipal, S.S.; Gopal, D.L.; Cha, Y.-J. Hybrid Pixel-Level Concrete Crack Segmentation and Quantification across Complex Backgrounds Using Deep Learning. Autom. Constr. 2020, 118, 103291. [Google Scholar] [CrossRef]
  143. Majidifard, H.; Adu-Gyamfi, Y.; Buttlar, W.G. Deep Machine Learning Approach to Develop a New Asphalt Pavement Condition Index. Constr. Build. Mater. 2020, 247, 118513. [Google Scholar] [CrossRef]
  144. Lin, T.-Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature Pyramid Networks for Object Detection. In Proceedings of the 30th IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  145. Dais, D.; Bal, İ.E.; Smyrou, E.; Sarhosis, V. Automatic Crack Classification and Segmentation on Masonry Surfaces Using Convolutional Neural Networks and Transfer Learning. Autom. Constr. 2021, 125, 103606. [Google Scholar] [CrossRef]
  146. Feng, C.; Zhang, H.; Wang, H.; Wang, S.; Li, Y. Automatic Pixel-Level Crack Detection on Dam Surface Using Deep Convolutional Network. Sensors 2020, 20, 2069. [Google Scholar] [CrossRef] [Green Version]
  147. Bang, S.; Park, S.; Kim, H.; Kim, H. Encoder–Decoder Network for Pixel-Level Road Crack Detection in Black-Box Images. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 713–727. [Google Scholar] [CrossRef]
  148. Yang, F.; Zhang, L.; Yu, S.; Prokhorov, D.; Mei, X.; Ling, H. Feature Pyramid and Hierarchical Boosting Network for Pavement Crack Detection. arXiv 2019, arXiv:1901.06340. [Google Scholar] [CrossRef] [Green Version]
  149. Yu, Z.; Shen, Y.; Shen, C. A Real-Time Detection Approach for Bridge Cracks Based on YOLOv4-FPM. Autom. Constr. 2021, 122, 103514. [Google Scholar] [CrossRef]
  150. Li, S.; Zhao, X. Automatic Crack Detection and Measurement of Concrete Structure Using Convolutional Encoder-Decoder Network. IEEE Access 2020, 8, 134602–134618. [Google Scholar] [CrossRef]
  151. Alipour, M.; Harris, D.K.; Miller, G.R. Robust Pixel-Level Crack Detection Using Deep Fully Convolutional Neural Networks. J. Comput. Civ. Eng. 2019, 33, 04019040. [Google Scholar] [CrossRef]
  152. Ni, F.; Zhang, J.; Chen, Z. Pixel-Level Crack Delineation in Images with Convolutional Feature Fusion. Struct. Control. Health Monit. 2019, 26, e2286. [Google Scholar] [CrossRef] [Green Version]
  153. Wang, Z.; Yang, J.; Jiang, H.; Fan, X. CNN Training with Twenty Samples for Crack Detection via Data Augmentation. Sensors 2020, 20, 4849. [Google Scholar] [CrossRef] [PubMed]
  154. Jiang, S.; Zhang, J. Real-Time Crack Assessment Using Deep Neural Networks with Wall-Climbing Unmanned Aerial System. Comput. Aided Civ. Infrastruct. Eng. 2020, 35, 549–564. [Google Scholar] [CrossRef]
  155. Li, G.; Ma, B.; He, S.; Ren, X.; Liu, Q. Automatic Tunnel Crack Detection Based on U-Net and a Convolutional Neural Network with Alternately Updated Clique. Sensors 2020, 20, 717. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  156. Billah, U.H.; La, H.M.; Tavakkoli, A. Deep Learning-Based Feature Silencing for Accurate Concrete Crack Detection. Sensors 2020, 20, 4403. [Google Scholar] [CrossRef] [PubMed]
  157. Stentoumis, C.; Protopapadakis, E.; Doulamis, A.; Doulamis, N. A Holistic Approach for Inspection of Civil Infrastructures Based on Computer Vision Techniques. ISPRS Int. Arch. Photogramm. Remote Sens. Spat. Inf. Sci. 2016, 41B5, 131–138. [Google Scholar] [CrossRef] [Green Version]
  158. Cha, Y.-J.; Choi, W.; Suh, G.; Mahmoudkhani, S.; Büyüköztürk, O. Autonomous Structural Visual Inspection Using Region-Based Deep Learning for Detecting Multiple Damage Types. Comput. Aided Civ. Infrastruct. Eng. 2018, 33, 731–747. [Google Scholar] [CrossRef]
  159. Fang, X.; Guo, W.; Li, Q.; Zhu, J.; Chen, Z.; Yu, J.; Zhou, B.; Yang, H. Sewer Pipeline Fault Identification Using Anomaly Detection Algorithms on Video Sequences. IEEE Access 2020, 8, 39574–39586. [Google Scholar] [CrossRef]
  160. Song, Q.; Wu, Y.; Xin, X.; Yang, L.; Yang, M.; Chen, H.; Liu, C.; Hu, M.; Chai, X.; Li, J. Real-Time Tunnel Crack Analysis System via Deep Learning. IEEE Access 2019, 7, 64186–64197. [Google Scholar] [CrossRef]
  161. Shin, H.K.; Ahn, Y.H.; Lee, S.H.; Kim, H.Y. Automatic Concrete Damage Recognition Using Multi-Level Attention Convolutional Neural Network. Materials 2020, 13, E5549. [Google Scholar] [CrossRef] [PubMed]
  162. Dorafshan, S.; Azari, H. Deep Learning Models for Bridge Deck Evaluation Using Impact Echo. Constr. Build. Mater. 2020, 263, 120109. [Google Scholar] [CrossRef]
  163. Yin, X.; Chen, Y.; Bouferguene, A.; Zaman, H.; Al-Hussein, M.; Kurach, L. A Deep Learning-Based Framework for an Automated Defect Detection System for Sewer Pipes. Autom. Constr. 2020, 109, 102967. [Google Scholar] [CrossRef]
  164. Dong, Y.; Wang, J.; Wang, Z.; Zhang, X.; Gao, Y.; Sui, Q.; Jiang, P. A Deep-Learning-Based Multiple Defect Detection Method for Tunnel Lining Damages. IEEE Access 2019, 7, 182643–182657. [Google Scholar] [CrossRef]
  165. Elhariri, E.; El-Bendary, N.; Taie, S.A. Using Hybrid Filter-Wrapper Feature Selection With Multi-Objective Improved-Salp Optimization for Crack Severity Recognition. IEEE Access 2020, 8, 84290–84315. [Google Scholar] [CrossRef]
  166. Kobayashi, T. Spiral-Net with F1-Based Optimization for Image-Based Crack Detection. In Proceedings of the Computer Vision—ACCV 2018, Perth, Western Australia, 2–6 December 2018; Jawahar, C.V., Li, H., Mori, G., Schindler, K., Eds.; Springer International Publishing: Cham, Switzerland, 2019; pp. 88–104. [Google Scholar]
  167. Wang, B.; Li, Y.; Zhao, W.; Zhang, Z.; Zhang, Y.; Wang, Z. Effective Crack Damage Detection Using Multilayer Sparse Feature Representation and Incremental Extreme Learning Machine. Appl. Sci. 2019, 9, 614. [Google Scholar] [CrossRef] [Green Version]
  168. Wang, W.; Su, C. Semi-Supervised Semantic Segmentation Network for Surface Crack Detection. Autom. Constr. 2021, 128, 103786. [Google Scholar] [CrossRef]
  169. Wang, J.-J.; Liu, Y.-F.; Nie, X.; Mo, Y.L. Deep Convolutional Neural Networks for Semantic Segmentation of Cracks. Struct. Control. Health Monit. 2022, 29, e2850. [Google Scholar] [CrossRef]
  170. Li, G.; Li, X.; Zhou, J.; Liu, D.; Ren, W. Pixel-Level Bridge Crack Detection Using a Deep Fusion about Recurrent Residual Convolution and Context Encoder Network. Measurement 2021, 176, 109171. [Google Scholar] [CrossRef]
  171. Teng, S.; Liu, Z.; Chen, G.; Cheng, L. Concrete Crack Detection Based on Well-Known Feature Extractor Model and the YOLO_v2 Network. Appl. Sci. 2021, 11, 813. [Google Scholar] [CrossRef]
  172. Tran, V.P.; Tran, T.S.; Lee, H.J.; Kim, K.D.; Baek, J.; Nguyen, T.T. One Stage Detector (RetinaNet)-Based Crack Detection for Asphalt Pavements Considering Pavement Distresses and Surface Objects. J. Civ. Struct. Health Monit. 2021, 11, 205–222. [Google Scholar] [CrossRef]
  173. Tran, T.S.; Tran, V.P.; Lee, H.J.; Flores, J.M.; Le, V.P. A Two-Step Sequential Automated Crack Detection and Severity Classification Process for Asphalt Pavements. Int. J. Pavement Eng. 2020, 1–15. [Google Scholar] [CrossRef]
  174. Ibragimov, E.; Lee, H.-J.; Lee, J.-J.; Kim, N. Automated Pavement Distress Detection Using Region Based Convolutional Neural Networks. Int. J. Pavement Eng. 2020, 1–12. [Google Scholar] [CrossRef]
  175. Huyan, J.; Li, W.; Tighe, S.; Xu, Z.; Zhai, J. CrackU-Net: A Novel Deep Convolutional Neural Network for Pixelwise Pavement Crack Detection. Struct. Control. Health Monit. 2020, 27, e2551. [Google Scholar] [CrossRef]
  176. Nhat-Duc, H.; Nguyen, Q.-L.; Tran, V.-D. Automatic Recognition of Asphalt Pavement Cracks Using Metaheuristic Optimized Edge Detection Algorithms and Convolution Neural Network. Autom. Constr. 2018, 94, 203–213. [Google Scholar] [CrossRef]
  177. Ali, L.; Valappil, N.K.; Kareem, D.N.A.; John, M.J.; Al Jassmi, H. Pavement Crack Detection and Localization Using Convolutional Neural Networks (CNNs). In Proceedings of the 2019 International Conference on Digitization (ICD), Piscataway, NJ, USA, 18–19 November 2019; pp. 217–221. [Google Scholar]
  178. Chow, J.K.; Su, Z.; Wu, J.; Tan, P.S.; Mao, X.; Wang, Y.H. Anomaly Detection of Defects on Concrete Structures with the Convolutional Autoencoder. Adv. Eng. Inform. 2020, 45, 101105. [Google Scholar] [CrossRef]
  179. Tong, Z.; Yuan, D.; Gao, J.; Wang, Z. Pavement Defect Detection with Fully Convolutional Network and an Uncertainty Framework. Comput. Aided Civ. Infrastruct. Eng. 2020, 35, 832–849. [Google Scholar] [CrossRef]
  180. Luo, D.; Lu, J.; Guo, G. Road Anomaly Detection Through Deep Learning Approaches. IEEE Access 2020, 8, 117390–117404. [Google Scholar] [CrossRef]
  181. Samma, H.; Suandi, S.A.; Ismail, N.A.; Sulaiman, S.; Ping, L.L. Evolving Pre-Trained CNN Using Two-Layers Optimizer for Road Damage Detection From Drone Images. IEEE Access 2021, 9, 158215–158226. [Google Scholar] [CrossRef]
  182. Gao, S.; Jie, Z.; Pan, Z.; Qin, F.; Li, R. Automatic Recognition of Pavement Crack via Convolutional Neural Network. In Transactions on Edutainment XIV; Pan, Z., Cheok, A.D., Müller, W., Eds.; Lecture Notes in Computer Science; Springer: Berlin, Germany, 2018; pp. 82–89. ISBN 978-3-662-56689-3. [Google Scholar]
  183. Jiang, Y.; Han, S.; Bai, Y. Development of a Pavement Evaluation Tool Using Aerial Imagery and Deep Learning. J. Transp. Eng. Part B Pavements 2021, 147, 04021027. [Google Scholar] [CrossRef]
  184. Azhari, F.; Sennersten, C.; Milford, M.; Peynot, T. PointCrack3D: Crack Detection in Unstructured Environments Using a 3D-Point-Cloud-Based Deep Neural Network. arXiv 2021, arXiv:2111.11615. [Google Scholar]
  185. Rezaie, A.; Achanta, R.; Godio, M.; Beyer, K. Comparison of Crack Segmentation Using Digital Image Correlation Measurements and Deep Learning. Constr. Build. Mater. 2020, 261, 120474. [Google Scholar] [CrossRef]
  186. Maningo, J.M.Z.; Bandala, A.A.; Bedruz, R.A.R.; Dadios, E.P.; Lacuna, R.J.N.; Manalo, A.B.O.; Perez, P.L.E.; Sia, N.P.C. Crack Detection With 2D Wall Mapping For Building Safety Inspection. In Proceedings of the 2020 IEEE Region 10 Conference (Tencon), Osaka, Japan, 16–19 November 2020; pp. 702–707. [Google Scholar]
  187. Li, H.; Xu, H.; Tian, X.; Wang, Y.; Cai, H.; Cui, K.; Chen, X. Bridge Crack Detection Based on SSENets. Appl. Sci. 2020, 10, 4230. [Google Scholar] [CrossRef]
  188. Bae, H.; Jang, K.; An, Y.-K. Deep Super Resolution Crack Network (SrcNet) for Improving Computer Vision–Based Automated Crack Detectability in in Situ Bridges. Struct. Health Monit. 2021, 20, 1428–1442. [Google Scholar] [CrossRef]
  189. Kim, J.; Shim, S.; Cha, Y.; Cho, G.-C. Lightweight Pixel-Wise Segmentation for Efficient Concrete Crack Detection Using Hierarchical Convolutional Neural Network. Smart Mater. Struct. 2021, 30, 045023. [Google Scholar] [CrossRef]
  190. Li, H.; Zong, J.; Nie, J.; Wu, Z.; Han, H. Pavement Crack Detection Algorithm Based on Densely Connected and Deeply Supervised Network. IEEE Access 2021, 9, 11835–11842. [Google Scholar] [CrossRef]
  191. Ko, P.; Prieto, S.A.; Soto, B.G. de ABECIS: An Automated Building Exterior Crack Inspection System Using UAVs, Open-Source Deep Learning and Photogrammetry. In Proceedings of the 38th International Symposium on Automation and Robotics in Construction, Dubai, United Arab Emirates, 2–4 November 2021; pp. 637–644. [Google Scholar]
  192. Rajadurai, R.-S.; Kang, S.-T. Automated Vision-Based Crack Detection on Concrete Surfaces Using Deep Learning. Appl. Sci. 2021, 11, 5229. [Google Scholar] [CrossRef]
  193. Yu, Y.; Guan, H.; Li, D.; Zhang, Y.; Jin, S.; Yu, C. CCapFPN: A Context-Augmented Capsule Feature Pyramid Network for Pavement Crack Detection. IEEE Trans. Intell. Transp. Syst. 2020, 1–12. [Google Scholar] [CrossRef]
  194. Mei, Q.; Gül, M.; Azim, M.R. Densely Connected Deep Neural Network Considering Connectivity of Pixels for Automatic Crack Detection. Autom. Constr. 2020, 110, 103018. [Google Scholar] [CrossRef]
  195. Tan, C.; Uddin, N.; Mohammed, Y.M. Deep Learning-Based Crack Detection Using Mask R-CNN Technique. In Proceedings of the 9 th International Conference on Structural Health Monitoring of Intelligent Infrastructure, St. Louis, MO, USA, 4–7 August 2019. [Google Scholar]
  196. Peraka, N.S.P.; Biligiri, K.P.; Kalidindi, S.N. Development of a Multi-Distress Detection System for Asphalt Pavements: Transfer Learning-Based Approach. Transp. Res. Rec. 2021, 2675, 538–553. [Google Scholar] [CrossRef]
  197. Lee, J.; Kim, H.-S.; Kim, N.; Ryu, E.-M.; Kang, J.-W. Learning to Detect Cracks on Damaged Concrete Surfaces Using Two-Branched Convolutional Neural Network. Sensors 2019, 19, 4796. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  198. Kyslytsyna, A.; Xia, K.; Kislitsyn, A.; Abd El Kader, I.; Wu, Y. Road Surface Crack Detection Method Based on Conditional Generative Adversarial Networks. Sensors 2021, 21, 7405. [Google Scholar] [CrossRef] [PubMed]
  199. Chen, H.; Lin, H.; Yao, M. Improving the Efficiency of Encoder-Decoder Architecture for Pixel-Level Crack Detection. IEEE Access 2019, 7, 186657–186670. [Google Scholar] [CrossRef]
  200. Wu, S.; Fang, J.; Zheng, X.; Li, X. Sample and Structure-Guided Network for Road Crack Detection. IEEE Access 2019, 7, 130032–130043. [Google Scholar] [CrossRef]
  201. Fan, Z.; Li, C.; Chen, Y.; Wei, J.; Loprencipe, G.; Chen, X.; Di Mascio, P. Automatic Crack Detection on Road Pavements Using Encoder-Decoder Architecture. Materials 2020, 13, 2960. [Google Scholar] [CrossRef]
  202. Bang, S.; Park, S.; Kim, H.; Yoon, Y.S.; Kim, H. A Deep Residual Network with Transfer Learning for Pixel-Level Road Crack Detection. Network 2018, 93, 89-03. [Google Scholar]
  203. Fan, L.; Zhao, H.; Li, Y.; Li, S.; Zhou, R.; Chu, W. RAO-UNet: A Residual Attention and Octave UNet for Road Crack Detection via Balance Loss. IET Intell. Transp. Syst. 2022, 16, 332–343. [Google Scholar] [CrossRef]
  204. Wang, W.; Su, C. Convolutional Neural Network-Based Pavement Crack Segmentation Using Pyramid Attention Network. IEEE Access 2020, 8, 206548–206558. [Google Scholar] [CrossRef]
  205. Liu, J.; Yang, X.; Lau, S.; Wang, X.; Luo, S.; Lee, V.C.-S.; Ding, L. Automated Pavement Crack Detection and Segmentation Based on Two-Step Convolutional Neural Network. Comput. Aided Civ. Infrastruct. Eng. 2020, 35, 1291–1305. [Google Scholar] [CrossRef]
  206. Cui, X.; Wang, Q.; Dai, J.; Xue, Y.; Duan, Y. Intelligent Crack Detection Based on Attention Mechanism in Convolution Neural Network. Adv. Struct. Eng. 2021, 24, 1859–1868. [Google Scholar] [CrossRef]
  207. Duan, L.; Geng, H.; Pang, J.; Zeng, J. Unsupervised Pixel-Level Crack Detection Based on Generative Adversarial Network. Proceedings of 2020 5th International Conference on Multimedia Systems and Signal Processing; Association for Computing Machinery, New York, NY, USA, 28 May 2020; Association for Computing Machinery: New York, NY, USA, 2020; pp. 6–10. [Google Scholar]
  208. Zhang, K.; Zhang, Y.; Cheng, H.D. Self-Supervised Structure Learning for Crack Detection Based on Cycle-Consistent Generative Adversarial Networks. J. Comput. Civ. Eng. 2020, 34, 04020004. [Google Scholar] [CrossRef]
  209. Ghosh Mondal, T.; Jahanshahi, M.R.; Wu, R.-T.; Wu, Z.Y. Deep Learning-Based Multi-Class Damage Detection for Autonomous Post-Disaster Reconnaissance. Struct. Control. Health Monit. 2020, 27, e2507. [Google Scholar] [CrossRef]
  210. Lyu, P.; Wang, J.; Wei, R. Pavement Crack Image Detection Based on Deep Learning. In Proceedings of the 2019 3rd International Conference on Deep Learning Technologies, New York, NY, USA, 5 July 2019; Association for Computing Machinery: New York, NY, USA, 2019; pp. 6–10. [Google Scholar]
  211. Shim, S.; Kim, J.; Cho, G.-C.; Lee, S.-W. Multiscale and Adversarial Learning-Based Semi-Supervised Semantic Segmentation Approach for Crack Detection in Concrete Structures. IEEE Access 2020, 8, 170939–170950. [Google Scholar] [CrossRef]
  212. Zhang, Y.; Yuen, K.-V. Crack Detection Using Fusion Features-Based Broad Learning System and Image Processing. Comput. Aided Civ. Infrastruct. Eng. 2021, 36, 1568–1584. [Google Scholar] [CrossRef]
  213. Lins, R.G.; Givigi, S.N. Automatic Crack Detection and Measurement Based on Image Analysis. IEEE Trans. Instrum. Meas. 2016, 65, 583–590. [Google Scholar] [CrossRef]
  214. Li, G.; He, S.; Ju, Y.; Du, K. Long-Distance Precision Inspection Method for Bridge Cracks with Image Processing. Autom. Constr. 2014, 41, 83–95. [Google Scholar] [CrossRef]
  215. Cho, H.; Yoon, H.-J.; Jung, J.-Y. Image-Based Crack Detection Using Crack Width Transform (CWT) Algorithm. IEEE Access 2018, 6, 60100–60114. [Google Scholar] [CrossRef]
  216. Liu, Y.-F.; Cho, S.; Spencer, B.F.; Fan, J.-S. Concrete Crack Assessment Using Digital Image Processing and 3D Scene Reconstruction. J. Comput. Civ. Eng. 2016, 30, 04014124. [Google Scholar] [CrossRef]
  217. Morgenthal, G.; Hallermann, N. Quality Assessment of Unmanned Aerial Vehicle (UAV) Based Visual Inspection of Structures. Adv. Struct. Eng. 2014, 17, 289–302. [Google Scholar] [CrossRef]
  218. Nah, S.; Kim, T.H.; Lee, K.M. Deep Multi-Scale Convolutional Neural Network for Dynamic Scene Deblurring. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  219. Noroozi, M.; Chandramouli, P.; Favaro, P. Motion Deblurring in the Wild; Springer: Cham, Switzerland, 2017. [Google Scholar]
  220. Kupyn, O.; Budzan, V.; Mykhailych, M.; Mishkin, D.; Matas, J. DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  221. Ramakrishnan, S.; Gangopadhyay, S.P.A.; Raman, S. Deep Generative Filter for Motion Deblurring. In Proceedings of the IEEE International Conference on Computer Vision Workshops, Venice, Italy, 22–29 October 2017. [Google Scholar]
  222. Wen, T.; Lang, H.; Ding, S.; Lu, J.J.; Xing, Y. PCDNet: Seed Operation–Based Deep Learning Model for Pavement Crack Detection on 3D Asphalt Surface. J. Transp. Eng. Part B Pavements 2022, 148, 04022023. [Google Scholar] [CrossRef]
  223. Jiang, Y.; Han, S.; Bai, Y. Building and Infrastructure Defect Detection and Visualization Using Drone and Deep Learning Technologies. J. Perform. Constr. Facil. 2021, 35, 04021092. [Google Scholar] [CrossRef]
  224. Ma, L.; Li, M.; Pang, J.; Huang, C. Evaluation of Transverse Cracks for Semi-Rigid Asphalt Pavements Using Deflection Basin Parameters. Transp. Res. Rec. 2019, 2673, 358–367. [Google Scholar] [CrossRef]
  225. Pais, J.; Santos, C.; Pereira, P.; Kaloush, K. The Adjustment of Pavement Deflections Due to Temperature Variations. Int. J. Pavement Eng. 2020, 21, 1585–1594. [Google Scholar] [CrossRef]
  226. Mamlouk, M.; Vinayakamurthy, M.; Underwood, B.S.; Kaloush, K.E. Effects of the International Roughness Index and Rut Depth on Crash Rates. Transp. Res. Rec. 2018, 2672, 418–429. [Google Scholar] [CrossRef]
  227. Piryonesi, S.M.; El-Diraby, T.E. Data Analytics in Asset Management: Cost-Effective Prediction of the Pavement Condition Index. J. Infrastruct. Syst. 2020, 26, 04019036. [Google Scholar] [CrossRef]
  228. Visintine, B.A.; Hicks, R.G.; Cheng, D.; Elkins, G.E. Factors Affecting the Performance of Pavement Preservation Treatments. In Proceedings of the 9th International Conference on Managing Pavement Assets, Washington, WA, USA, 18–21 May 2015. [Google Scholar]
Figure 1. Representation of the output of the deep learning model.
Figure 1. Representation of the output of the deep learning model.
Buildings 12 00432 g001
Figure 2. Methodology of the current work.
Figure 2. Methodology of the current work.
Buildings 12 00432 g002
Figure 3. Google trend analysis of the proposed work keywords. (a) Web Search, (b) News Search, (c) Image Search.
Figure 3. Google trend analysis of the proposed work keywords. (a) Web Search, (b) News Search, (c) Image Search.
Buildings 12 00432 g003
Figure 4. Articles categorization (Scopus vs WoS).
Figure 4. Articles categorization (Scopus vs WoS).
Buildings 12 00432 g004
Figure 5. Yearly distribution of the retrieved articles.
Figure 5. Yearly distribution of the retrieved articles.
Buildings 12 00432 g005
Figure 6. Scientometric mapping of Scopus and WoS keywords. (a) Scopus keyword mapping, (b) WoS keyword mapping.
Figure 6. Scientometric mapping of Scopus and WoS keywords. (a) Scopus keyword mapping, (b) WoS keyword mapping.
Buildings 12 00432 g006aBuildings 12 00432 g006b
Figure 7. Country of origin (No. of documents and citations) analysis.
Figure 7. Country of origin (No. of documents and citations) analysis.
Buildings 12 00432 g007
Figure 8. CNN architecture evolution.
Figure 8. CNN architecture evolution.
Buildings 12 00432 g008
Figure 9. Distribution of retrieved articles based on the dataset.
Figure 9. Distribution of retrieved articles based on the dataset.
Buildings 12 00432 g009
Figure 10. Distribution of retrieved articles based on domain.
Figure 10. Distribution of retrieved articles based on domain.
Buildings 12 00432 g010
Table 1. The search string, refinements, and results of the Scopus and WoS repositories.
Table 1. The search string, refinements, and results of the Scopus and WoS repositories.
Search EngineString and RefinementResults
Scopus(TITLE-ABS-KEY (“crack detection” “deep learning”) OR TITLE-ABS-KEY (“crack detection” “MachineLearning”) OR TITLE-ABS-KEY (“crack detection” “road” “pavement” “concrete”) OR TITLE-ABS-KEY (“crack detection” “manual inspection”) OR TITLE-ABS-KEY (“condition assessment” “computer vision”))
AND PUBYEAR > 2009
AND (LIMIT-TO (SUBJAREA, “ENGI”) OR LIMIT-TO (SUBJAREA, “COMP”) OR LIMIT-TO (SUBJAREA, “MATE”))
AND (LIMIT-TO (DOCTYPE, “ar”) OR LIMIT-TO (DOCTYPE, “cp”))
AND (LIMIT-TO (LANGUAGE, “English”))
523
506
219
219
WoSTOPIC: (“crack detection” “deep learning”) OR TOPIC: (“crack detection” “Machine Learning”) OR TOPIC: (“crack detection” “road” “pavement” “concrete”) OR TOPIC: (“crack detection” “manual inspection”) OR TOPIC: (“condition assessment” “computer vision”)
Timespan: 2010–2021.
Indexes: SCI-EXPANDED, SSCI, A&HCI, CPCI-S, CPCI-SSH, BKCI-S, BKCI-SSH, ESCI.
Refined by: WEB OF SCIENCE CATEGORIES: (ENGINEERING CIVIL OR CONSTRUCTION BUILDING TECHNOLOGY OR COMPUTER SCIENCE INTERDISCIPLINARY APPLICATIONS OR ENGINEERING MULTIDISCIPLINARY OR COMPUTER SCIENCE ARTIFICIAL INTELLIGENCE OR TRANSPORTATION OR MATERIALS SCIENCE MULTIDISCIPLINARY OR TRANSPORTATION SCIENCE TECHNOLOGY OR COMPUTER SCIENCE INFORMATION SYSTEMS OR ROBOTICS OR IMAGING SCIENCE PHOTOGRAPHIC TECHNOLOGY)
AND DOCUMENT TYPES: (ARTICLE OR PROCEEDINGS PAPER)
AND LANGUAGES: (ENGLISH)
367
292
163
163
Sum of the papers = 382
Duplicates = 99
Remaining 283
After applying Criterion 5 = 239
After abstract screening = 165
After full paper screening = 165
Total = 165
Table 2. Inclusion and exclusion criteria followed to extract relevant studies.
Table 2. Inclusion and exclusion criteria followed to extract relevant studies.
CriterionInclusionExclusion
C1: (Publication Year)2010–2021Paper published before 2010
C2: LanguageEnglishOther languages such as Chinese, German
C3: Article TypeJournal and conferencesBooks, conference review etc.
C4: Number of articles in the outletAt least 5 publicationsLess than five articles
C5: Deep LearningBased on DLNot based on DL
Table 3. Top Scopus and WoS contributors.
Table 3. Top Scopus and WoS contributors.
S/NoScopus
Source Name
DocumentsCitationsS/NoWeb of Science
Source Name
DocumentsCitations
1Automation in Construction31412Automation in Construction16328
2Proceedings of SPIE The International Society for Optical Engineering54513 Computer-aided Civil and Infrastructure Engineering12918
3SHMII 2019—Conference Proceedings3614IEEE Access1215
4Computer-aided Civil and Infrastructure Engineering395515Journal of Computing in Civil Engineering786
5IEEE Region 10 Annual International Conference, Proceedings/TENCON3416Structural Health Monitoring726
6ACM International Conference Proceeding Series7817Construction and Building Materials8326
7International Archives of the Photogrammetry, Remote Sensing and Spatial Information Sciences—ISPRS Archives31518International journal of pavement engineering36
8Advances in Structure Engineering41319Applied Science-Basel722
9Applied Sciences Switzerland31020Materials34
10IOP Conference Series: Materials Science and Engineering3121Structure Control Health Monitoring5103
11Journal of Performance of Constructed Facilities2722Journal of Transportation Engineering, Part B: Pavements24
Table 4. Keyword’s co-occurrence analysis.
Table 4. Keyword’s co-occurrence analysis.
AssessmentConsiderationScopus
Outcomes
WoS
Outcomes
Analysis TypeCo-occurrence666346
Counting methodfull counting -
Units of analysisall keywords -
Minimum Occurrence5 for Scopus, 5 for WoS3932
Table 5. Top 10 keywords.
Table 5. Top 10 keywords.
KeywordsScopus CountWeb of Science Count
Crack Detection5753
Deep Learning5554
Convolution26-
Convolutional Neural Network2014
Convolutional Neural Networks206
Deep Neural Networks17-
Neural Networks168
Structure Health Monitoring 155
Damage detection 1329
Concretes156
Table 6. Co-authorship Analysis.
Table 6. Co-authorship Analysis.
AssessmentConsiderationScopus ResultsWoS Results
Analysis TypeCo-authorship227331
Method of countingFull counting--
Analysis unitsAuthors--
Minimum OccurrenceTwo for Scopus, two forWoS2445
Table 7. Organizational affiliation analysis.
Table 7. Organizational affiliation analysis.
AssessmentConsiderationScopus
Results
WoS
Results
Type of analysisCo-authorship122115
Counting methodFull counting--
Units of analysisOrganizations--
Minimum Occurrence2 for Scopus, 2 for WoS430
Table 8. Origin countries analysis.
Table 8. Origin countries analysis.
AssessmentConsiderationScopus
Results
WoS
Results
Type of analysisCo-authorship2218
Counting methodfull counting--
Units of analysisCountries--
Minimum Occurrence3 for Scopus, 3 for WoS57
Table 9. Number of documents and citations of the top countries contributing to the research theme.
Table 9. Number of documents and citations of the top countries contributing to the research theme.
CountryNo. of DocCitationsNo. of DocCitations
Scopus Web of Science
China2516145846
The United States141018251077
South Korea101351581
Canada696410313
Japan214130
The United Kingdom2810
India1012
Taiwan--12
Australia2823
The Russian Federation202130
Singapore217422
Vietnam283185
Iran224--
Hong Kong--2130
Italy--27
Table 10. Image datasets on crack detection.
Table 10. Image datasets on crack detection.
Dataset TypeDomainWorks
CustomConcrete[2,20,21,22,32,33,36,37,38,39,43,44,45,48,49,60,62,63,67,69,71,73,75,84,85,87,89,90,91,93,97,105,107,108,110,112,117,118,119,121,126,127,130,133,141,142,146,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167,168,169,170,171]
Pavement[20,40,41,42,47,65,77,78,79,80,88,92,100,109,113,125,131,133,135,137,143,172,173,174,175,176,177,178,179,180,181,182,183]
Other structures[46,54,68,70,74,76,145,164,184,185]
DomainDataset NameWorks
PublicConcreteFCD[161]
CCIC‘[1,106,136,186]
Xu’s dataset[187]
DIV2K[188]
SDNET[35,60,65,97,119,189,190]
Özgenel’s[65,97,119,189,191,192]
KrakNet[69,100,133,190,193,194]
CCIC + SDNET + BCD[50]
CFD + TITS2018[103]
CFD + Online search[195]
SDNET + CCIC[1]
LTPP + GAPS + APRDC[196]
SDNET + Özgenel’s[189]
KITTI + Cityscapes + CFD[111]
CFD + AigleRN[197]
PavementAEL[123,190]
Crack500[120,190,193]
CFTD[124]
CLS[96]
CFD Llamas[103,198]
Stone331/GAPs384[193]
TRIMMD[124]
CCD861[35]
CrackTree260[193]
EdmCrack1000[194]
Cracktree200[35,102,190,199,200]
EdmCrack600[95]
CFD[35,44,99,102,124,151,193,194,200,201,202,203]
AigleRN[27,40,49,104,203]
MCD[204]
AIMCrack[199]
CCD1500/CCD861/CCD861[35]
DeepCrack[35]
PCD19/CRKWH1000/[193]
Dataset TypeDomainWorks
Custom and PublicConcrete and Pavement[24,35,83,97,98,101,164,168,170,188,197,200,205,206,207,208,209]
Table 11. Published articles on crack detection (domain wise).
Table 11. Published articles on crack detection (domain wise).
Area/DomainNumber of WorksReferences
Pavement/Roads59[23,35,41,42,47,64,65,77,78,79,80,88,92,95,96,98,99,100,102,103,109,111,113,120,125,130,133,134,135,137,143,168,172,173,174,175,176,177,178,179,180,181,182,183,190,193,194,195,196,198,199,200,201,202,203,205,207,208]
Concrete65[1,2,22,24,32,33,37,38,40,43,44,45,50,53,60,61,62,75,80,83,86,87,91,93,97,101,106,107,108,110,112,116,117,118,119,121,124,130,133,135,136,141,142,146,150,152,153,154,156,158,161,164,166,167,169,171,186,189,190,191,192,197,204,206,209,210,211,212]
Bridges18[20,21,36,48,63,65,67,69,85,89,90,94,127,149,162,170,187,188]
Sewage Pipes5[73,75,84,159,163]
Tunnels9[39,41,71,105,126,155,157,160,165]
Masonry4[68,72,145,185]
Industry/Ceiling/
Nuclear Plant/
Glass/Dam/Rock Cliffs
6[46,59,70,76,84,184]
Table 12. Published articles on crack detection (domain wise).
Table 12. Published articles on crack detection (domain wise).
ArchitectureWorksPrecision
DenseNet201[24]NA
LeNet-5 + VGG16[35]91.20
KrakN[36]NA
Inception V3/Inception V4[40]/[41]NA/90.00
GoogLeNet/GoogLeNet + CDN/GoogLeNet + ResNet[38,39]/[99]/[45]98.72, 35.30/84.35/93.50
ResNet/ResNet-152[33,40,42,43,44]/[46]98.90, NA, NA, NA, NA/90.0
DBN [61]NA
R-FCN [83]90.01
2D DIC + FRCNN[86]NA
YOLOv5x[92]74.00
ConnCrack[95]96.79
DenseCrack[99]92.17
RPN [105]NA
FCN [46,100,105,106,116,117] NA, 98.33, NA, 91.30, 89.30, 97.60
U-Net/UNet-EB[97,101,102,104,111,119,121,122]/[120]98.23, NA, 87.48, 40.44, 92.12, 96.52, NA, NA/57.50
SegNet Bottleneck Depth-Separable Convolution
With Residuals
[127]97.95
Deep Crack [130]86.60
YOLO/YOLO + U-Net[87]/[143]77.00/93.00
CDDS[146]80.31
CrackNet/CrackNet II/CrackNet-v/CrackPix[133]/[134]/[135]/[151]90.13/90.20/92.58/92.55
SSD/SSDLite-MobileNetV2[76,77,78,79]/[154]81.06, 78.69, 19.45, 95.05/52.00
ANet-FSM[156]99.10
MobileNet-v1 + ASPP[160]NA
YOLO-v3/YOLOv3-tiny[33,74,88,89,90]/[91,92,163]NA, 85.00, 73.64, 76.50, 66.20/98.00, 64.00, 85.37
SegNet/CrackSegNet/SegNet-DCRF/FL-SegNet[48,112,124]/[126]/[125]/[164], NA, NA, 82.0 /63.85/97.26
Multilayer ELM-based crack detector MECD[167]97.80
RetinaNet/ SCHNet/ Cls-GAP Net APLCNet/Ci-Net/ ProposedNet /EfficientNet.[80,172]/[94]/[96]/[98]/[103]/[109]
[168]
NA, 85.80/NA/93.20/92.20/NA/
NA/82.30
ResNet18 + YOLO_v2 [171]89.00
Edge detection + CNN-CDM[176]1.00
CAE[178]NA
FCN + GCRF + Uncertainty framework + probability-based rejection net[179]NA
RNN [180]NA
CNN (MobileNetV2)/CNN (AlexNet)/CNN (VGG-16)/
CNN (VGG-19)
[32]/[33,37,39,60,62,192]/[32,33,46,48]/[40,181]66.70/97.60, 98.72, 72.40, 92.36, 92.0, 99.0/55.60, 98.60, NA, NA, NA/90.0, 1.00
PointCrack3D[184]5.00
Faster RCNN[48,72,73,79,83,84,153,158,174,186] 80.00, 95.00, 91.58, 26.45, 83.0 83.0, NA, 87.80, 66.89, NA,
SSENets/CrackU-Net/U-CliqueNet[155]/[175]/[187]86.30/NA/95.45
SrcNet[188]NA
CMDNet/TernausNet/Spiral Net/LDCC-Net/RRCE-Net/RAO-UNet[161]/[166]/[170]/[181]/[185]/[189] 98.90/78.44/99.28/98.32/81.90/NA
Xception[191]NA
CCapFPN[193]91.40
DCNN[20,21,23,39,47,49,50,54,62,63,64,65,67,70,75,136,137,162,165,180,182,183,194]NA, 97.90, 90.0, 88.30, 99.70, NA, NA, 89.60, 92.0, 93.10, 99.60, 13.10, NA, NA, 80.60, NA, NA, NA, NA, NA, NA, NA, 91.00.
Mask R-CNN using Detectron2′s /Mask RCNN[113]/[71,85,107,110,111,141,173,195] 95.00/ NA, 66.0, 90.40, 90.0, NA, NA, 96.32, NA
YOLOV4/YOLOV4-FPM[93,149]/[196]94.09, 97.60/78.00
CCA + CRA[197]83.40
Encoder-decoder + SWM[199]67.20
ICGA[198]89.33
SSGN[200]33.55
U-HDN[201]94.50
Deep Residual Net[202]93.57
CNN + ASPP CDDS / CNN + SVM/ CNN with U-Net and FPN/ CNN with PAN[53,69,145,204]78.11, NA, 95.30, 81.30
RCNN + CNN[205]NA
GAN[207,208]89.70, NA
FRCNN + FPN/FRCNN + TuFF + DTM/FRCNN-FED/FRCNN-Inception-ResNet-v2[83]/[85]/[142]/[209]92.11/78.00/95.00/60.80
Customized CNN [1,2,22,68,177,190,210]97.30, 99.60, 98.90, 82.00, NA, NA.
MALSSS[211]98.17
FF-BLS[212]99.90
Table 13. Distribution of the published articles on crack detection (precision wise).
Table 13. Distribution of the published articles on crack detection (precision wise).
StructureDataset SizePrecision (%)References
Concrete<10,00095–100[2,97,127,142,149,156,161,170,187]
90–95[63,83,91,98,106,107,110,150]
85–90[74,89,101,157,158,163,171,207]
80–85[48,73,75,84,106,117,130,146,168,197]
75–80[53,85,87,164,206]
<75[32,39,90,126,154,169]
Concrete>10,00095–100[1,33,37,38,121,167,192,212]
90–95[21,35,45,60,62,93,116,151]
85–90[103,204]
80–85[22,152,165]
75–80[178]
<75NA
Pavement<10,00095–100[95,113,175,176,181,193,201,203]
90–95[23,35,92,134,135,143,194,199,201]
85–90[130,133]
80–85[124,135,174,178]
75–80[77,196]
<75[65,79,102,120,123,199,200]
Pavement>10,00095–100[47,64,78,100,125,173]
90–95[40,180]
85–90NA
80–85NA
75–80NA
<75[88]
Other structures< & >10,00095–100[72,185]
90–95[96]
85–90NA
80–85[68]
75–80NA
<75[184]
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Ali, L.; Alnajjar, F.; Khan, W.; Serhani, M.A.; Al Jassmi, H. Bibliometric Analysis and Review of Deep Learning-Based Crack Detection Literature Published between 2010 and 2022. Buildings 2022, 12, 432. https://doi.org/10.3390/buildings12040432

AMA Style

Ali L, Alnajjar F, Khan W, Serhani MA, Al Jassmi H. Bibliometric Analysis and Review of Deep Learning-Based Crack Detection Literature Published between 2010 and 2022. Buildings. 2022; 12(4):432. https://doi.org/10.3390/buildings12040432

Chicago/Turabian Style

Ali, Luqman, Fady Alnajjar, Wasif Khan, Mohamed Adel Serhani, and Hamad Al Jassmi. 2022. "Bibliometric Analysis and Review of Deep Learning-Based Crack Detection Literature Published between 2010 and 2022" Buildings 12, no. 4: 432. https://doi.org/10.3390/buildings12040432

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop