[go: up one dir, main page]

CN110232334A - A kind of steel construction corrosion recognition methods based on convolutional neural networks - Google Patents

A kind of steel construction corrosion recognition methods based on convolutional neural networks Download PDF

Info

Publication number
CN110232334A
CN110232334A CN201910443135.8A CN201910443135A CN110232334A CN 110232334 A CN110232334 A CN 110232334A CN 201910443135 A CN201910443135 A CN 201910443135A CN 110232334 A CN110232334 A CN 110232334A
Authority
CN
China
Prior art keywords
convolutional neural
neural networks
training
networks model
picture
Prior art date
Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
Pending
Application number
CN201910443135.8A
Other languages
Chinese (zh)
Inventor
徐杰
桂常清
韩庆华
Current Assignee (The listed assignees may be inaccurate. Google has not performed a legal analysis and makes no representation or warranty as to the accuracy of the list.)
Tianjin University
Original Assignee
Tianjin University
Priority date (The priority date is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the date listed.)
Filing date
Publication date
Application filed by Tianjin University filed Critical Tianjin University
Priority to CN201910443135.8A priority Critical patent/CN110232334A/en
Publication of CN110232334A publication Critical patent/CN110232334A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G01MEASURING; TESTING
    • G01NINVESTIGATING OR ANALYSING MATERIALS BY DETERMINING THEIR CHEMICAL OR PHYSICAL PROPERTIES
    • G01N21/00Investigating or analysing materials by the use of optical means, i.e. using sub-millimetre waves, infrared, visible or ultraviolet light
    • G01N21/84Systems specially adapted for particular applications
    • G01N21/88Investigating the presence of flaws or contamination
    • G01N21/8851Scan or image signal processing specially adapted therefor, e.g. for scan signal adjustment, for detecting different kinds of defects, for compensating for structures, markings, edges
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • GPHYSICS
    • G01MEASURING; TESTING
    • G01NINVESTIGATING OR ANALYSING MATERIALS BY DETERMINING THEIR CHEMICAL OR PHYSICAL PROPERTIES
    • G01N21/00Investigating or analysing materials by the use of optical means, i.e. using sub-millimetre waves, infrared, visible or ultraviolet light
    • G01N21/84Systems specially adapted for particular applications
    • G01N21/88Investigating the presence of flaws or contamination
    • G01N21/8851Scan or image signal processing specially adapted therefor, e.g. for scan signal adjustment, for detecting different kinds of defects, for compensating for structures, markings, edges
    • G01N2021/8887Scan or image signal processing specially adapted therefor, e.g. for scan signal adjustment, for detecting different kinds of defects, for compensating for structures, markings, edges based on image processing techniques

Landscapes

  • Engineering & Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Data Mining & Analysis (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Pathology (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • General Health & Medical Sciences (AREA)
  • Analytical Chemistry (AREA)
  • Immunology (AREA)
  • Chemical & Material Sciences (AREA)
  • Health & Medical Sciences (AREA)
  • Artificial Intelligence (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Biochemistry (AREA)
  • Evolutionary Biology (AREA)
  • Evolutionary Computation (AREA)
  • General Engineering & Computer Science (AREA)
  • Signal Processing (AREA)
  • Multimedia (AREA)
  • Image Analysis (AREA)
  • Testing Resistance To Weather, Investigating Materials By Mechanical Methods (AREA)

Abstract

本发明公开一种基于卷积神经网络的钢结构锈蚀识别方法,包括步骤1:采集钢结构的图片,进行图片预处理,划分训练集和测试集;步骤2:设计卷积神经网络结构;步骤3:通过交叉验证进行超参数优化和模型训练;步骤4:将待识别的钢结构图片输入到步骤3中得到的模型,得到锈蚀识别结果。本发明利用卷积神经网络实现了结构锈蚀特征的自动提取,避免了复杂繁琐的特征设计工作,提高了钢结构锈蚀识别的效率;实现了钢结构锈蚀的精确识别,并可提供客观的识别结果,为钢结构的锈蚀识别提供了新的解决途径。

The invention discloses a method for recognizing corrosion of steel structure based on convolutional neural network. 3: Perform hyperparameter optimization and model training through cross-validation; Step 4: Input the image of the steel structure to be identified into the model obtained in Step 3 to obtain the corrosion identification result. The invention utilizes the convolutional neural network to realize the automatic extraction of structural corrosion features, avoids complicated and tedious feature design work, improves the efficiency of steel structure corrosion identification, realizes accurate identification of steel structure corrosion, and can provide objective identification results , which provides a new solution for the corrosion identification of steel structures.

Description

一种基于卷积神经网络的钢结构锈蚀识别方法A Corrosion Recognition Method of Steel Structure Based on Convolutional Neural Network

技术领域technical field

本发明属于图像处理及模式识别技术领域,具体涉及一种基于卷积神经网络的钢结构锈蚀识别方法。The invention belongs to the technical field of image processing and pattern recognition, and in particular relates to a method for recognizing corrosion of steel structures based on a convolutional neural network.

背景技术Background technique

锈蚀是钢结构中一种频繁出现的缺陷。当构件发生锈蚀时,构件的力学性能会退化,结构的承载能力也会随之降低。定期地对结构进行锈蚀检查,有助于我们了解结构的健康状况,并及时地采取除锈措施,以保障结构安全。Rust is a frequently occurring defect in steel structures. When the components are corroded, the mechanical properties of the components will be degraded, and the bearing capacity of the structure will also be reduced. Regular rust inspection of the structure will help us understand the health of the structure and take rust removal measures in a timely manner to ensure the safety of the structure.

基于人工的视觉检查是目前最常用的锈蚀检测方法,虽然执行方便,但是检测效率低,而且检测费用高。基于机器视觉的方法可以高效地进行锈蚀图像识别。但是,传统方法的识别精度取决于所设计的特征的质量。而高质量特征通常需要具有专业知识的人员反复进行特征设计实验才能得到。并且,人工设计的特征的普适性差。Human-based visual inspection is currently the most commonly used method for rust detection. Although it is easy to perform, the detection efficiency is low and the detection cost is high. Machine vision-based methods can efficiently perform rust image recognition. However, the recognition accuracy of traditional methods depends on the quality of the designed features. However, high-quality features usually require personnel with professional knowledge to repeatedly conduct feature design experiments to obtain them. Also, the generalizability of artificially designed features is poor.

随着深度学习技术的发展,钢结构锈蚀检测问题有了更好的解决方法。深度学习算法可以自动地从图像中提取类别特征,从而避免复杂繁琐的特征设计工作。而且,基于深度学习算法的识别精度往往要高于基于传统方法的识别精度。With the development of deep learning technology, there is a better solution to the problem of steel structure corrosion detection. Deep learning algorithms can automatically extract categorical features from images, thus avoiding complex and tedious feature design work. Moreover, the recognition accuracy based on deep learning algorithms is often higher than that based on traditional methods.

发明内容SUMMARY OF THE INVENTION

本发明的目的是为了克服现有技术中的不足,提供一种基于卷积神经网络的钢结构锈蚀识别方法。与现有技术相比,本发明能够显著提高钢结构锈蚀检测效率和识别精度,降低检测费用,并提供客观的检测结果。同时,该方法适用性高,能够实现快速、高效、精确地钢结构锈蚀识别。The purpose of the present invention is to provide a method for identifying corrosion of steel structure based on convolutional neural network in order to overcome the deficiencies in the prior art. Compared with the prior art, the invention can significantly improve the corrosion detection efficiency and identification accuracy of the steel structure, reduce the detection cost, and provide objective detection results. At the same time, the method has high applicability and can realize rapid, efficient and accurate corrosion identification of steel structures.

本发明的目的是通过以下技术方案实现的:The purpose of this invention is to realize through the following technical solutions:

一种基于卷积神经网络的钢结构锈蚀识别方法,包括以下步骤:A method for recognizing corrosion of steel structure based on convolutional neural network, comprising the following steps:

步骤1:建立钢结构锈蚀图片数据集,划分训练集和测试集;Step 1: Establish a steel structure corrosion picture data set, and divide the training set and the test set;

步骤2:建立用于钢结构锈蚀识别的卷积神经网络模型;Step 2: Establish a convolutional neural network model for steel structure corrosion identification;

步骤3:训练卷积神经网络模型:首先使用交叉验证对卷积神经网络超参数进行优化;然后使用训练集中的图片训练卷积神经网络模型,得到卷积神经网络模型的参数;Step 3: Train the convolutional neural network model: First, use cross-validation to optimize the convolutional neural network hyperparameters; then use the images in the training set to train the convolutional neural network model to obtain the parameters of the convolutional neural network model;

步骤4:钢结构锈蚀识别:将测试集中的图片输入到由步骤3得到的卷积神经网络模型中,得到卷积神经网络模型的识别结果。Step 4: Steel structure corrosion identification: Input the pictures in the test set into the convolutional neural network model obtained in step 3, and obtain the recognition result of the convolutional neural network model.

进一步的,步骤1具体包括以下步骤:Further, step 1 specifically includes the following steps:

(101)通过图像采集设备采集钢结构在不同时间段及不同光照条件下的图片;(101) Collect pictures of the steel structure in different time periods and under different lighting conditions through image acquisition equipment;

(102)将图片切割为指定像素大小的图片;(102) cutting the picture into a picture of a specified pixel size;

(103)进行数据清洗,剔除背景图片和严重模糊的图片;将切割后得到的图片标记为锈蚀或无锈蚀;对切割后的图片进行翻转、缩放操作,以扩增数据集;(103) performing data cleaning, removing background pictures and severely blurred pictures; marking the pictures obtained after cutting as rusted or without rusting; performing flipping and scaling operations on the cut pictures to expand the data set;

(104)按照8:2的比例,将数据集划分为训练集和测试集。(104) According to the ratio of 8:2, the data set is divided into training set and test set.

进一步的,步骤2包括:Further, step 2 includes:

卷积神经网络模型能够自动从图像中学习到用于分类的特征,并保持对图像的平移、缩放和翻转等操作的不变性;。通过对现有卷积神经网络模型的结构进行调整,将现有卷积神经网络模型的输出层结点数量设置为2,得到用于钢结构锈蚀识别的卷积神经网络模型结构。Convolutional neural network models can automatically learn features for classification from images and maintain invariance to operations such as translation, scaling, and flipping of images; By adjusting the structure of the existing convolutional neural network model, and setting the number of nodes in the output layer of the existing convolutional neural network model to 2, the structure of the convolutional neural network model for steel structure corrosion identification is obtained.

进一步的,步骤3包括以下步骤:Further, step 3 includes the following steps:

(301)优化卷积神经网络模型超参数(301) Optimize convolutional neural network model hyperparameters

将步骤1中得到训练集平均划分为五份,每次使用一份作为验证集,使用四份训练步骤2中所建立的卷积神经网络模型;重复五次,每次使用不同的数据作为验证集;将同一超参数组合下,卷积神经网络模型在验证集上的精度的均值作为该组超参数对应的精度;将最高精度对应的超参数作为卷积神经网络模型的超参数。Divide the training set obtained in step 1 into five parts on average, use one copy each time as a validation set, and use four copies of the convolutional neural network model established in step 2 to train; repeat five times, using different data each time as validation Set; under the same hyperparameter combination, the mean value of the accuracy of the convolutional neural network model on the validation set is used as the accuracy corresponding to the set of hyperparameters; the hyperparameter corresponding to the highest accuracy is used as the hyperparameter of the convolutional neural network model.

(302)训练卷积神经网络模型参数(302) Train convolutional neural network model parameters

对卷积神经网络模型的参数进行随机初始化,每次使用训练集中图片进行正向传播,使用交叉熵函数计算正向传播产生的损失函数,基于随机梯度下降计算梯度,使用链式法则进行反向传播,更新卷积神经网络模型参数;设置训练停止条件,完成卷积神经网络模型训练。训练完成后,将训练数据输入到卷积神经网络模型中,得到卷积神经网络模型对训练数据的预测结果,通过与训练数据的真实类别进行比较,得到训练精度。Randomly initialize the parameters of the convolutional neural network model, use the images in the training set for forward propagation each time, use the cross entropy function to calculate the loss function generated by the forward propagation, calculate the gradient based on stochastic gradient descent, and use the chain rule for reverse Propagation, update the parameters of the convolutional neural network model; set the training stop condition, and complete the training of the convolutional neural network model. After the training is completed, the training data is input into the convolutional neural network model, and the prediction result of the convolutional neural network model on the training data is obtained, and the training accuracy is obtained by comparing with the real category of the training data.

进一步的,步骤4包括以下步骤:Further, step 4 includes the following steps:

(401)将测试集中的图片输入到步骤3训练好的卷积神经网络模型中,得到卷积神经网络模型对测试集中图片的识别结果;(401) the pictures in the test set are input into the convolutional neural network model trained in step 3, and the recognition results of the pictures in the test set by the convolutional neural network model are obtained;

(402)与测试集中图片的真实类别进行比较,获得卷积神经网络模型的预测精度;(402) Compare with the real category of the pictures in the test set to obtain the prediction accuracy of the convolutional neural network model;

(403)通过比较训练精度、预测精度和预期精度,预期精度由人为设置,确定是否需要添加样本或者改善卷积神经网络模型继续进行训练。(403) By comparing the training accuracy, the prediction accuracy and the expected accuracy, and the expected accuracy is set manually, it is determined whether it is necessary to add samples or improve the convolutional neural network model to continue training.

与现有技术相比,本发明的技术方案所带来的有益效果是:Compared with the prior art, the beneficial effects brought by the technical solution of the present invention are:

1、本发明提供的基于卷积神经网络的钢结构锈蚀程度识别方法,首先使用钢结构锈蚀图片训练深度学习模型,然后利用训练好的卷积神经网络模型对测试集中的图片进行锈蚀识别。在训练过程中,卷积神经网络模型能够自动从图像中学习到用于结构锈蚀识别的特征,从而避免了人工设计特征的过程,提高了特征工程的效率。卷积神经网络在学习特征过程中不受主观因素的影响,从而能够从训练集中学习到用于锈蚀分类的全局特征,使得卷积神经网络模型具有更高的识别精度和更强的泛化性能。同时,使用卷积神经网络能够得到更客观的识别结果。基于卷积神经网络的钢结构锈蚀识别方法比基于传统的方法具有更高的精度和效率,为结构锈蚀识别提供了新的解决途径。1. The method for recognizing the degree of corrosion of steel structures based on convolutional neural networks provided by the present invention, firstly uses the corrosion pictures of steel structures to train a deep learning model, and then utilizes the trained convolutional neural network models to perform corrosion identification on the pictures in the test set. During the training process, the convolutional neural network model can automatically learn features for structural corrosion identification from images, thereby avoiding the process of manually designing features and improving the efficiency of feature engineering. The convolutional neural network is not affected by subjective factors in the process of learning features, so it can learn global features for rust classification from the training set, so that the convolutional neural network model has higher recognition accuracy and stronger generalization performance . At the same time, the use of convolutional neural networks can obtain more objective recognition results. The steel structure corrosion identification method based on convolutional neural network has higher accuracy and efficiency than traditional methods, and provides a new solution for structural corrosion identification.

2、本发明提供的基于卷积神经网络的钢结构锈蚀程度识别方法,能够以高精度实现钢结构的锈蚀识别。并且可以根据检测要求,动态调整卷积神经网络模型输出层的节点数,实现钢结构的锈蚀程度识别。结合深度学习框架进行开发,可将钢结构锈蚀识别模型部署到云端、PC端或移动端,可实现随时进行钢结构锈蚀检测,并快速获得检测结果的目的。2. The method for recognizing the corrosion degree of a steel structure based on a convolutional neural network provided by the present invention can realize the corrosion recognition of the steel structure with high precision. And according to the detection requirements, the number of nodes in the output layer of the convolutional neural network model can be dynamically adjusted to realize the identification of the corrosion degree of the steel structure. Combining the development with the deep learning framework, the steel structure corrosion identification model can be deployed to the cloud, PC or mobile terminal, so that the steel structure corrosion detection can be carried out at any time, and the detection results can be obtained quickly.

附图说明Description of drawings

图1为本发明中基于卷积神经网络的钢结构锈蚀程度识别的流程图;Fig. 1 is the flow chart of the steel structure corrosion degree identification based on convolutional neural network in the present invention;

图2为本发明实施例中的卷积神经网络模型的结构示意图;2 is a schematic structural diagram of a convolutional neural network model in an embodiment of the present invention;

图3为本发明实施例中训练卷积神经网络模型的流程图;3 is a flowchart of training a convolutional neural network model in an embodiment of the present invention;

具体实施方式Detailed ways

以下结合附图和具体实施例对本发明作进一步详细说明。应当理解,此处所描述的具体实施例仅用以解释本发明,并不用于限定本发明。The present invention will be further described in detail below with reference to the accompanying drawings and specific embodiments. It should be understood that the specific embodiments described herein are only used to explain the present invention, but not to limit the present invention.

如图1所示,为本发明基于卷积神经网络的钢结构锈蚀程度识别的流程图,包括以下步骤:As shown in Figure 1, it is the flow chart of the corrosion degree recognition of steel structure based on convolutional neural network of the present invention, including the following steps:

步骤1:采集钢结构锈蚀图片并建立钢结构锈蚀图片数据集,划分训练集和测试集;Step 1: Collect steel structure corrosion pictures and establish a steel structure corrosion picture data set, and divide training set and test set;

步骤2:根据数据集大小、图片尺寸和图片类别数量设计卷积神经网络模型架构;Step 2: Design the convolutional neural network model architecture according to the data set size, image size and number of image categories;

步骤3:通过交叉验证进行超参数寻优,使用训练集数据训练卷积神经网络模型,得到卷积神经网络模型参数;Step 3: Perform hyperparameter optimization through cross-validation, use the training set data to train the convolutional neural network model, and obtain the parameters of the convolutional neural network model;

步骤4:将测试集中的图片输入到步骤3得到的卷积神经网络模型,输出卷积神经网络模型对测试集中图片的识别结果。Step 4: Input the pictures in the test set into the convolutional neural network model obtained in step 3, and output the recognition results of the pictures in the test set by the convolutional neural network model.

具体的,步骤1包括:Specifically, step 1 includes:

步骤1.1:通过利用无人机、手机或相机等图像采集设备采集钢结构不同高度处的图片,将采集到的图片切分成224*224大小的图片,剔除背景图片及模糊的图片。为避免图片切分导致图片信息损失,将图片长度和宽度方向的像素数压缩到224到整倍数。本实施例中将像素为4096*3072的图片缩放到4032*2912;Step 1.1: Collect pictures at different heights of the steel structure by using image acquisition equipment such as drones, mobile phones or cameras, cut the collected pictures into 224*224 pictures, and remove background pictures and blurred pictures. In order to avoid the loss of image information caused by image segmentation, the number of pixels in the length and width directions of the image is compressed to 224 to an integer multiple. In this embodiment, the picture whose pixel is 4096*3072 is scaled to 4032*2912;

步骤1.2:对经过数据清洗后得到的图片进行标记,没有出现锈蚀的标记为0,否则标记为1。本实施例中按照8:2的比例进行划分训练集和测试集。Step 1.2: Mark the image obtained after data cleaning, mark 0 if there is no rust, otherwise mark it as 1. In this embodiment, the training set and the test set are divided according to the ratio of 8:2.

步骤1.3:深度学习模型通常需要大量的数据进行训练。当训练数据过少时候,训练的模型容易出现过拟合的情况,即在测试集上的分类精度远低于在训练集上的分类精度。对训练集进行数据增强是一个有效地缓解过拟合的策略。本发明中对图片进行了水平翻转,垂直翻转和随机转动,用以扩充数据集。Step 1.3: Deep learning models usually require a large amount of data for training. When the training data is too small, the trained model is prone to overfitting, that is, the classification accuracy on the test set is much lower than the classification accuracy on the training set. Data augmentation on the training set is an effective strategy for mitigating overfitting. In the present invention, the pictures are flipped horizontally, vertically and randomly to expand the data set.

具体的,步骤2包括:Specifically, step 2 includes:

卷积神经网络能够从图片中自动学习到类别特征。可以通过改变卷积层和池化层的位置、数量、卷积核的大小与数量等参数设计网络结构。本实例采用微调现有的卷积神经网络的方法,得到用于钢结构锈蚀识别的卷积神经网络。ZFNet是一种常用的卷积神经网络模型,本实例将ZFNet输出层的节点调整为2个,保持其他层不变。微调后的ZFNet的结构如图2所示。Convolutional neural networks can automatically learn categorical features from images. The network structure can be designed by changing the position, number, size and number of convolutional layers and pooling layers and other parameters. This example adopts the method of fine-tuning the existing convolutional neural network to obtain a convolutional neural network for steel structure corrosion identification. ZFNet is a commonly used convolutional neural network model. In this example, the number of nodes in the output layer of ZFNet is adjusted to 2, and the other layers are kept unchanged. The structure of the fine-tuned ZFNet is shown in Figure 2.

具体的,步骤3包括:Specifically, step 3 includes:

卷积神经网络模型的训练包括两步:训练网络的超参数和训练网络参数。本实例采用的网络结构为ZFNet,需要训练的超参数主要是学习率、批次训练量大小、随机丢弃率、优化器。The training of the convolutional neural network model consists of two steps: training the hyperparameters of the network and training the network parameters. The network structure used in this example is ZFNet, and the hyperparameters that need to be trained are mainly learning rate, batch training size, random discard rate, and optimizer.

步骤3.1:采用五次五折交叉验证方法训练超参数。每轮将训练集平均划分为五份,使用其中的1份作为验证集,其余4份作为训练集,使用指定的一组超参数进行训练卷积神经网络,得到卷积神经网络在验证集上的精度。依次改变验证集和训练集,可得到5个不同的网络在验证集上的精度。重复5轮,取25个精度值的均值作为该组超参数对应的精度。Step 3.1: Train hyperparameters using five-fold five-fold cross-validation method. In each round, the training set is divided into five parts, and one of them is used as the validation set, and the remaining 4 parts are used as the training set. The convolutional neural network is trained using a specified set of hyperparameters, and the convolutional neural network is obtained on the validation set. accuracy. By changing the validation set and training set in turn, the accuracy of 5 different networks on the validation set can be obtained. Repeat 5 rounds, and take the average of 25 precision values as the precision corresponding to the set of hyperparameters.

步骤3.2:网络参数训练的流程见图3。首先加载步骤2中设计的卷积神经网络结构,然后对卷积神经网络的参数进行随机初始化,并将网络的超参数设置为步骤3.1中确定的值。读入训练集数据,通过正向传播得到模型对训练集数据的预测类别,与训练集的真实类别进行对比,采用交叉熵损失函数计算本次正向传播的误差;利用批量随机梯度下降算法将误差进行反向传播,逐层更新卷积神经网络模型的参数。当达到设置的训练停止条件后,停止训练并保存模型参数。Step 3.2: The flow of network parameter training is shown in Figure 3. First load the convolutional neural network structure designed in step 2, then randomly initialize the parameters of the convolutional neural network, and set the hyperparameters of the network to the values determined in step 3.1. Read in the training set data, obtain the model's predicted category of the training set data through forward propagation, compare it with the true category of the training set, and use the cross entropy loss function to calculate the error of this forward propagation; use the batch stochastic gradient descent algorithm to The error is back-propagated, and the parameters of the convolutional neural network model are updated layer by layer. When the set training stop condition is reached, the training is stopped and the model parameters are saved.

具体的,步骤4包括:Specifically, step 4 includes:

加载测试集、网络结构和参数,选择分类性能评估标准,包括召回率、精确度和F度量。可得到卷积神经网络模型在测试集上的识别结果及性能指标。Load the test set, network structure, and parameters, and choose the classification performance evaluation criteria, including recall, precision, and F-measure. The recognition results and performance indicators of the convolutional neural network model on the test set can be obtained.

综上,本发明通过使用卷积神经网络模型,为钢结构的锈蚀识别提供了一种简便的方法,极大地提高了钢结构锈蚀识别的效率,降低了钢结构检测的费用,并可以提供更精确、客观的检测结果。To sum up, the present invention provides a simple method for the corrosion identification of steel structures by using the convolutional neural network model, greatly improves the efficiency of corrosion identification of steel structures, reduces the cost of steel structure detection, and can provide more Accurate and objective test results.

本发明并不限于上文描述的实施方式及用到的深度学习模型。以上对具体实施方式的描述旨在描述和说明本发明的技术方案,上述的具体实施方式仅仅是示意性的,并不是限制性的。在不脱离本发明宗旨和权利要求所保护的范围情况下,本领域的普通技术人员在本发明的启示下还可做出很多形式的具体变换,这些均属于本发明的保护范围之内。The present invention is not limited to the above-described embodiments and deep learning models used. The above description of the specific embodiments is intended to describe and illustrate the technical solutions of the present invention, and the above-mentioned specific embodiments are only illustrative and not restrictive. Without departing from the spirit of the present invention and the protection scope of the claims, those of ordinary skill in the art can also make many specific transformations under the inspiration of the present invention, which all fall within the protection scope of the present invention.

Claims (5)

1. a kind of steel construction based on convolutional neural networks corrodes recognition methods, which comprises the following steps:
Step 1: establishing steel construction corrosion image data collection, divide training set and test set;
Step 2: establishing the convolutional neural networks model for steel construction corrosion identification;
Step 3: training convolutional neural networks model: convolutional neural networks hyper parameter being optimized using cross validation first; Then using the picture training convolutional neural networks model in training set, the parameter of convolutional neural networks model is obtained;
Step 4: the picture in test set steel construction corrosion identification: being input to the convolutional neural networks model obtained by step 3 In, obtain the recognition result of convolutional neural networks model.
2. a kind of steel construction based on convolutional neural networks corrodes recognition methods according to claim 1, which is characterized in that step Rapid 1 specifically includes the following steps:
(101) picture of the steel construction under different time sections and different illumination conditions is acquired by image capture device;
(102) picture is cut into the picture of specified pixel size;
(103) data cleansing is carried out, background picture and seriously fuzzy picture are rejected;By the picture indicia after cutting be corrosion or Non-corroding;Picture after cutting is overturn, zoom operations, with amplification data collection;
(104) according to the ratio of 8:2, data set is divided into training set and test set.
3. a kind of steel construction based on convolutional neural networks corrodes recognition methods according to claim 1, which is characterized in that step Rapid 2 include:
Convolutional neural networks model can automatically from picture study to the feature for classification, and keep translation to image, The invariance of scaling and turning operation;It is adjusted by the structure to existing convolutional neural networks model, by existing convolution mind Output layer node quantity through network model is set as 2, obtains the convolutional neural networks model knot that identification is corroded for steel construction Structure.
4. a kind of steel construction based on convolutional neural networks corrodes recognition methods according to claim 1, which is characterized in that step Rapid 3 the following steps are included:
(301) optimize convolutional neural networks model hyper parameter
It will obtain that ensemble average is trained to be divided into five parts in step 1, use portion to collect as verifying every time, use four parts of training steps The convolutional neural networks model established in 2;It repeats five times, different data is used to collect as verifying every time;By same super ginseng Under array is closed, the mean value of precision of the convolutional neural networks model on verifying collection is as the corresponding precision of this group of hyper parameter;It will most Hyper parameter of the corresponding hyper parameter as convolutional neural networks model in high precision.
(302) training convolutional neural networks model parameter
Random initializtion is carried out to the parameter of convolutional neural networks model, carries out positive biography using the picture in training set every time It broadcasts, calculates the loss function that forward-propagating generates using entropy function is intersected, gradient is calculated based on stochastic gradient descent, uses chain type Rule carries out backpropagation, updates convolutional neural networks model parameter;Training stop condition is set, convolutional neural networks mould is completed Type training.After the completion of training, training data is input in convolutional neural networks model, obtains convolutional neural networks model to instruction The prediction result for practicing data, is compared by the true classification with training data, obtains training precision.
5. a kind of steel construction based on convolutional neural networks corrodes recognition methods according to claim 1, which is characterized in that step Rapid 4 the following steps are included:
(401) picture in test set is input in the trained convolutional neural networks model of step 3, obtains convolutional Neural net Recognition result of the network model to picture in test set;
(402) it is compared with the true classification of picture in test set, obtains the precision of prediction of convolutional neural networks model;
(403) by comparing training precision, precision of prediction and expected precision, the expected precision is by being artificially arranged, it is determined whether It needs to add sample or improves convolutional neural networks model and continue to train.
CN201910443135.8A 2019-05-26 2019-05-26 A kind of steel construction corrosion recognition methods based on convolutional neural networks Pending CN110232334A (en)

Priority Applications (1)

Application Number Priority Date Filing Date Title
CN201910443135.8A CN110232334A (en) 2019-05-26 2019-05-26 A kind of steel construction corrosion recognition methods based on convolutional neural networks

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201910443135.8A CN110232334A (en) 2019-05-26 2019-05-26 A kind of steel construction corrosion recognition methods based on convolutional neural networks

Publications (1)

Publication Number Publication Date
CN110232334A true CN110232334A (en) 2019-09-13

Family

ID=67861099

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201910443135.8A Pending CN110232334A (en) 2019-05-26 2019-05-26 A kind of steel construction corrosion recognition methods based on convolutional neural networks

Country Status (1)

Country Link
CN (1) CN110232334A (en)

Cited By (11)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110782078A (en) * 2019-10-18 2020-02-11 武汉科技大学 Learning method for predicting mud discharging rate of trailing suction hopper dredger
CN111583197A (en) * 2020-04-23 2020-08-25 浙江大学 Power box picture rust damage identification method combining SSD and Resnet50 network
CN112862763A (en) * 2021-01-25 2021-05-28 中国石油天然气集团有限公司 System and method for detecting heat treatment state of high-steel-grade thick-wall pipe fitting based on deep learning
CN113986561A (en) * 2021-12-28 2022-01-28 苏州浪潮智能科技有限公司 Artificial intelligence task processing method and device, electronic equipment and readable storage medium
CN114724157A (en) * 2022-04-21 2022-07-08 南京大学 Industrial text detection and recognition method based on improved deep learning OCR
CN115015719A (en) * 2022-07-26 2022-09-06 国网河北省电力有限公司电力科学研究院 A Casing Partial Discharge Identification Algorithm Based on Optical Fiber Ultrasonic Sensing Signal
CN115128080A (en) * 2021-03-29 2022-09-30 宝武装备智能科技有限公司 Corrosion state detection method of profiled metal sheet roof based on machine vision
CN115690088A (en) * 2022-11-18 2023-02-03 国网福建省电力有限公司经济技术研究院 Automatic detection method for corrosion degree of power transmission tower based on convolutional neural network
CN116612332A (en) * 2023-06-21 2023-08-18 国网福建省电力有限公司经济技术研究院 Power transmission tower rust identification method based on full convolution network
CN116704346A (en) * 2023-06-12 2023-09-05 中国石油大学(华东) Ocean platform pile leg rust identification method, system and storage medium
CN117067226A (en) * 2023-08-17 2023-11-17 兰州交通大学 Steel bridge rust detection robot and rust detection method

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN107480611A (en) * 2017-07-31 2017-12-15 浙江大学 A kind of crack identification method based on deep learning convolutional neural networks
CN108154504A (en) * 2017-12-25 2018-06-12 浙江工业大学 Method for detecting surface defects of steel plate based on convolutional neural network
US20190017911A1 (en) * 2017-07-11 2019-01-17 Qatar University Real-time structural damage detection by convolutional neural networks
CN109255345A (en) * 2018-08-21 2019-01-22 国网浙江省电力有限公司电力科学研究院 A kind of cable tunnel iron rust recognition methods based on convolutional neural networks
US20190094124A1 (en) * 2017-09-22 2019-03-28 Saudi Arabian Oil Company Thermography image processing with neural networks to identify corrosion under insulation (cui)

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20190017911A1 (en) * 2017-07-11 2019-01-17 Qatar University Real-time structural damage detection by convolutional neural networks
CN107480611A (en) * 2017-07-31 2017-12-15 浙江大学 A kind of crack identification method based on deep learning convolutional neural networks
US20190094124A1 (en) * 2017-09-22 2019-03-28 Saudi Arabian Oil Company Thermography image processing with neural networks to identify corrosion under insulation (cui)
CN108154504A (en) * 2017-12-25 2018-06-12 浙江工业大学 Method for detecting surface defects of steel plate based on convolutional neural network
CN109255345A (en) * 2018-08-21 2019-01-22 国网浙江省电力有限公司电力科学研究院 A kind of cable tunnel iron rust recognition methods based on convolutional neural networks

Non-Patent Citations (1)

* Cited by examiner, † Cited by third party
Title
YUCONG MA,ET AL: "Imagebased corrosion recognition for ship steel structures", 《SMART STRUCTURES AND NDE FOR INDUSTRY 4.0》 *

Cited By (14)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110782078A (en) * 2019-10-18 2020-02-11 武汉科技大学 Learning method for predicting mud discharging rate of trailing suction hopper dredger
CN110782078B (en) * 2019-10-18 2023-04-25 武汉科技大学 A learning method for predicting mud output rate of trailing suction dredger
CN111583197A (en) * 2020-04-23 2020-08-25 浙江大学 Power box picture rust damage identification method combining SSD and Resnet50 network
CN111583197B (en) * 2020-04-23 2022-05-13 浙江大学 Corrosion and damage identification method of power box pictures combined with SSD and Resnet50 network
CN112862763A (en) * 2021-01-25 2021-05-28 中国石油天然气集团有限公司 System and method for detecting heat treatment state of high-steel-grade thick-wall pipe fitting based on deep learning
CN115128080A (en) * 2021-03-29 2022-09-30 宝武装备智能科技有限公司 Corrosion state detection method of profiled metal sheet roof based on machine vision
CN113986561A (en) * 2021-12-28 2022-01-28 苏州浪潮智能科技有限公司 Artificial intelligence task processing method and device, electronic equipment and readable storage medium
CN113986561B (en) * 2021-12-28 2022-04-22 苏州浪潮智能科技有限公司 Artificial intelligence task processing method and device, electronic equipment and readable storage medium
CN114724157A (en) * 2022-04-21 2022-07-08 南京大学 Industrial text detection and recognition method based on improved deep learning OCR
CN115015719A (en) * 2022-07-26 2022-09-06 国网河北省电力有限公司电力科学研究院 A Casing Partial Discharge Identification Algorithm Based on Optical Fiber Ultrasonic Sensing Signal
CN115690088A (en) * 2022-11-18 2023-02-03 国网福建省电力有限公司经济技术研究院 Automatic detection method for corrosion degree of power transmission tower based on convolutional neural network
CN116704346A (en) * 2023-06-12 2023-09-05 中国石油大学(华东) Ocean platform pile leg rust identification method, system and storage medium
CN116612332A (en) * 2023-06-21 2023-08-18 国网福建省电力有限公司经济技术研究院 Power transmission tower rust identification method based on full convolution network
CN117067226A (en) * 2023-08-17 2023-11-17 兰州交通大学 Steel bridge rust detection robot and rust detection method

Similar Documents

Publication Publication Date Title
CN110232334A (en) A kind of steel construction corrosion recognition methods based on convolutional neural networks
CN109308696B (en) No-reference image quality evaluation method based on hierarchical feature fusion network
CN111507990A (en) Tunnel surface defect segmentation method based on deep learning
CN112258496A (en) Underground drainage pipeline disease segmentation method based on full convolution neural network
CN109559302A (en) Pipe video defect inspection method based on convolutional neural networks
CN110569747A (en) A method to quickly count the number of rice ears in field rice using image pyramid and Faster-RCNN
CN108710919A (en) A kind of crack automation delineation method based on multi-scale feature fusion deep learning
CN112258529A (en) Pavement crack pixel level detection method based on example segmentation algorithm
CN113469951A (en) Hub defect detection method based on cascade region convolutional neural network
CN112132784A (en) Method for classifying and segmenting industrial magnetic tile defect image based on small sample deep convolution neural network
CN108564577A (en) Solar cell segment grid defect inspection method based on convolutional neural networks
CN111985499A (en) A high-precision bridge apparent disease identification method based on computer vision
CN106934455B (en) Method and system for selecting optical adaptation structure of remote sensing images based on CNN
CN111860596A (en) Unsupervised pavement crack classification method and model building method based on deep learning
CN111507998A (en) Depth cascade-based multi-scale excitation mechanism tunnel surface defect segmentation method
CN114842019A (en) Battery plate surface defect detection method, system, storage medium and equipment
CN117495735B (en) Automatic building elevation texture repairing method and system based on structure guidance
CN113344301A (en) Rainfall forecast objective correction method based on competitive convolutional neural network
CN111507972A (en) A Tunnel Surface Defect Detection Method Combining Convolutional Neural Networks and Support Vector Machines
US20250166149A1 (en) A method, medium, and device for estimating the length of pipeline cracks based on video images
CN115497015A (en) River floating pollutant identification method based on convolutional neural network
CN115147646A (en) A detection method of small-target pests in garden engineering based on super-resolution reconstruction and data enhancement
CN113888477A (en) Network model training method, metal surface defect detection method and electronic device
CN117893818A (en) Sewer pipeline defect detection method and system based on confusion matrix
CN118469952A (en) A texture image defect detection method

Legal Events

Date Code Title Description
PB01 Publication
PB01 Publication
SE01 Entry into force of request for substantive examination
SE01 Entry into force of request for substantive examination
RJ01 Rejection of invention patent application after publication

Application publication date: 20190913

RJ01 Rejection of invention patent application after publication