[go: up one dir, main page]

CN107066995A - A kind of remote sensing images Bridges Detection based on convolutional neural networks - Google Patents

A kind of remote sensing images Bridges Detection based on convolutional neural networks Download PDF

Info

Publication number
CN107066995A
CN107066995A CN201710380211.6A CN201710380211A CN107066995A CN 107066995 A CN107066995 A CN 107066995A CN 201710380211 A CN201710380211 A CN 201710380211A CN 107066995 A CN107066995 A CN 107066995A
Authority
CN
China
Prior art keywords
remote sensing
picture
bridge
msub
mrow
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
CN201710380211.6A
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.)
China University of Mining and Technology CUMT
Original Assignee
China University of Mining and Technology CUMT
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 China University of Mining and Technology CUMT filed Critical China University of Mining and Technology CUMT
Priority to CN201710380211.6A priority Critical patent/CN107066995A/en
Priority to PCT/CN2017/089134 priority patent/WO2018214195A1/en
Publication of CN107066995A publication Critical patent/CN107066995A/en
Pending legal-status Critical Current

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/10Terrestrial scenes
    • G06V20/13Satellite images
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/24Classification techniques
    • G06F18/241Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches
    • G06F18/2415Classification techniques relating to the classification model, e.g. parametric or non-parametric approaches based on parametric or probabilistic models, e.g. based on likelihood ratio or false acceptance rate versus a false rejection rate
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/08Learning methods
    • G06N3/084Backpropagation, e.g. using gradient descent

Landscapes

  • Engineering & Computer Science (AREA)
  • Physics & Mathematics (AREA)
  • Theoretical Computer Science (AREA)
  • General Physics & Mathematics (AREA)
  • Data Mining & Analysis (AREA)
  • Life Sciences & Earth Sciences (AREA)
  • Artificial Intelligence (AREA)
  • Evolutionary Computation (AREA)
  • General Engineering & Computer Science (AREA)
  • Multimedia (AREA)
  • Remote Sensing (AREA)
  • Astronomy & Astrophysics (AREA)
  • Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Biomedical Technology (AREA)
  • Biophysics (AREA)
  • Computational Linguistics (AREA)
  • General Health & Medical Sciences (AREA)
  • Evolutionary Biology (AREA)
  • Computing Systems (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Bioinformatics & Computational Biology (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Probability & Statistics with Applications (AREA)
  • Image Analysis (AREA)
  • Image Processing (AREA)

Abstract

本发明公开了一种基于卷积神经网络的遥感图像桥梁检测方法,对于数据量以及图像尺寸都较大的遥感图像来说,利用传统方法对其中桥梁位置进行检测效率低、时间久。本发明首先建立好卷积神经网络模型,在遥感图像中截取尺寸大小为w*h的桥梁图像作为训练样本,初始化卷积神经网络模型中各个参数,将训练样本输入到模型中进行训练。在检测过程中将待检测的遥感图像用w*h大小的窗口按照步长l扫描,得出候选窗口并标记好位置信息,最后将候选窗口放入模型后输出待检测遥感图像中桥梁位置,实现检测。本发明无需提前进行桥梁图片的特征提取,简化了检测步骤,在保持高检测率的同时极大加快了遥感图像的检测速度。

The invention discloses a method for detecting bridges in remote sensing images based on a convolutional neural network. For remote sensing images with large data volumes and large image sizes, the detection of bridge positions using traditional methods has low efficiency and takes a long time. The present invention first establishes a convolutional neural network model, intercepts a bridge image with a size of w*h from a remote sensing image as a training sample, initializes each parameter in the convolutional neural network model, and inputs the training sample into the model for training. In the detection process, the remote sensing image to be detected is scanned with a window of w*h size according to the step length l, and the candidate window is obtained and the position information is marked. Finally, the candidate window is put into the model and the position of the bridge in the remote sensing image to be detected is output. Implement detection. The invention does not need to perform feature extraction of bridge pictures in advance, simplifies the detection steps, and greatly accelerates the detection speed of remote sensing images while maintaining a high detection rate.

Description

一种基于卷积神经网络的遥感图像桥梁检测方法A method of bridge detection in remote sensing images based on convolutional neural network

技术领域technical field

本发明适用于图像识别领域,主要针对于遥感图像中的桥梁进行检测,是一种基于卷积神经网络的遥感图像桥梁检测方法。The invention is applicable to the field of image recognition, and is mainly aimed at detecting bridges in remote sensing images, and is a method for detecting bridges in remote sensing images based on a convolutional neural network.

背景技术Background technique

遥感图像处理包括遥感图像的获取、去噪、增强、复原、压缩、分割、表示与描述、目标检测等等。其中,目标检测作为遥感图像处理的一个重要部分,在军事领域和民用领域都具有重要的意义。在军事领域,需要对敌方进行军事侦察以及对己方进行监控。通过对卫星、航空或者航天飞行器获得的遥感图像进行目标识别,能够了解所拍摄地区的地形、装备、部队调动情况等信息。早期的遥感图像目标检测是采用人工进行的,但是由于通常获得的遥感图像数据量很大,如果采用人工来进行判读,则需要重复工作,费时费力,而且实时性较差。现代的高科技战争,战场情况瞬息万变,如果图像处理速度太慢,将不能及时地获取关键信息,导致贻误战机,使己方蒙受重大损失。因此,采用快速自动识别技术进行遥感图像自动目标检测对现代战争非常重要。除了军事上的重要价值之外,遥感图像目标检测在其它方面如城市规划、地理数据库的建立及更新、自然灾害的灾情评估等民用领域也有着广泛的应用。随着全球定位系统、地理信息系统、数字地球系统等概念被相继提出,也越来越需要对遥感图像中的目标进行精确的检测定位。此外,遥感图像目标检测在精确绘制城市的二维或三维地图、自然灾害造成的毁损情况检测及目标的变化检测中也变得迫切需要。Remote sensing image processing includes remote sensing image acquisition, denoising, enhancement, restoration, compression, segmentation, representation and description, target detection, etc. Among them, target detection, as an important part of remote sensing image processing, is of great significance in both military and civilian fields. In the military field, it is necessary to conduct military reconnaissance on the enemy and monitor one's own side. By performing target recognition on remote sensing images obtained by satellites, aviation or aerospace vehicles, it is possible to understand information such as terrain, equipment, and troop mobilization in the photographed area. The early target detection of remote sensing images was carried out manually, but due to the large amount of remote sensing image data usually obtained, if manual interpretation is used, repeated work is required, time-consuming and laborious, and the real-time performance is poor. In modern high-tech warfare, the battlefield situation changes rapidly. If the image processing speed is too slow, it will not be able to obtain key information in time, which will cause delays in fighter planes and cause heavy losses to one's own side. Therefore, it is very important for modern warfare to use fast automatic recognition technology for automatic target detection in remote sensing images. In addition to the important military value, remote sensing image target detection is also widely used in civil fields such as urban planning, establishment and update of geographic databases, and disaster assessment of natural disasters. As concepts such as global positioning system, geographic information system, and digital earth system have been put forward one after another, it is increasingly necessary to accurately detect and locate targets in remote sensing images. In addition, object detection in remote sensing images has become an urgent need in the precise drawing of two-dimensional or three-dimensional maps of cities, the detection of damage caused by natural disasters, and the detection of object changes.

目前,针对遥感图像的桥梁目标检测主要采用利用显著性方法提取候选区域并提取特征,利用分类器对特征进行判断得到检测结果。专利号为CN200810232213.1的遥感图像桥梁目标检测是通过水域特征进行训练建模,以此进行遥感图像水域分割,针对分割好的结果进行桥梁检测,检测桥梁的过程中需要针对不同的桥梁设计不同的模板,然后提取特征最后完成桥梁检测。At present, bridge target detection for remote sensing images mainly uses the saliency method to extract candidate regions and extract features, and uses classifiers to judge features to obtain detection results. The remote sensing image bridge target detection with the patent number CN200810232213.1 is trained and modeled by water features, so as to segment the remote sensing image water area, and perform bridge detection based on the segmented results. The bridge detection process needs to be designed for different bridges. template, then extract features and finally complete bridge detection.

基于上述研究现状,遥感图像的目标主要存在以下两个问题:第一,预处理之后,常对样本图像进行连通区域的形状、长宽比或面积等人为预设的具体特征的提取,这样不能保证提取到有效或者重要的特征,人为经验影响太大,实际应用效果不佳;第二,为了不丢失图像的细节特征,有时也忽略人为预设特征提取的过程,直接将图像中的所有像素作为特征,再将这些特征作为分类器训练与分类的基础信息,这样做太繁琐,会带来大量的冗余信息,使得检测效率降低。Based on the above research status, the target of remote sensing image mainly has the following two problems: first, after preprocessing, the sample image is often extracted with artificially preset specific features such as the shape, aspect ratio or area of the connected region, which cannot To ensure that effective or important features are extracted, the influence of human experience is too great, and the actual application effect is not good; second, in order not to lose the detailed features of the image, sometimes the artificial preset feature extraction process is ignored, and all pixels in the image are directly As features, these features are used as the basic information of classifier training and classification, which is too cumbersome and will bring a lot of redundant information, which will reduce the detection efficiency.

发明内容Contents of the invention

发明目的:本发明的目的在于利用卷积神经网络在图像处理方面的优势,提出了一种利用卷积神经网络来解决遥感图像中桥梁图像的检测方法。该方法克服了传统方法效率低的缺点,通过卷积神经网络自动挖掘图像中的特征,最终实现桥梁图片的检测。Purpose of the invention: The purpose of the present invention is to utilize the advantages of convolutional neural networks in image processing, and propose a method for detecting bridge images in remote sensing images using convolutional neural networks. This method overcomes the shortcomings of low efficiency of the traditional method, and automatically mines the features in the image through the convolutional neural network, and finally realizes the detection of the bridge picture.

技术方案:Technical solutions:

一种基于卷积神经网络的遥感图像桥梁检测方法,包括步骤:A method for detecting bridges in remote sensing images based on convolutional neural networks, comprising steps:

S1:训练样本采集与预处理;S1: training sample collection and preprocessing;

S1-1:选取包含桥梁区域的遥感图像,在遥感图像上手动截取尺寸大小为w*h大小的桥梁图片;S1-1: Select the remote sensing image containing the bridge area, and manually intercept the bridge image with the size of w*h on the remote sensing image;

S1-2:在遥感图像上不包含桥梁的区域,截取尺寸大小为w*h的图片,作为检测器的负样本进行训练;S1-2: In the region that does not contain bridges on the remote sensing image, intercept a picture with a size of w*h, and use it as a negative sample for the detector for training;

S1-3:选取步骤S1-1、S1-2中得到的正负样本,在保持图片w*h尺寸大小的前提下,对正负样本图片进行水平翻转,尺度变换,平移变换,旋转变换和白化操作;S1-3: Select the positive and negative samples obtained in steps S1-1 and S1-2, and under the premise of maintaining the size of the picture w*h, horizontally flip the positive and negative sample pictures, scale transformation, translation transformation, rotation transformation and Whitening operation;

S2:建立卷积神经网络训练模型,得到检测器;S2: Establish a convolutional neural network training model to obtain a detector;

S2-1:建立卷积神经网络模型,并对卷积神经网络模型中的各个参数进行初始化;S2-1: Establish a convolutional neural network model, and initialize each parameter in the convolutional neural network model;

S2-2:将步骤S1-1、S1-2得到的正负样本放入S2-1得到的卷积神经网络模型,进行迭代训练;S2-2: put the positive and negative samples obtained in steps S1-1 and S1-2 into the convolutional neural network model obtained in S2-1, and perform iterative training;

S3:检测样本的预处理:S3: Preprocessing of detection samples:

选取待检测的遥感图片,通过w*h大小窗口从遥感图片的左上角开始扫描,横向扫描步长为w/2,当扫描到待检测图片的最右端时,按照纵向扫描步长h/2向下移动一行,再从最左边开始按照横向w/2的步长扫描,依次扫描完整张遥感图片;记录每一步扫描都得到的候选窗口左上角的位置坐标,作为候选图片的位置信息;Select the remote sensing image to be detected, start scanning from the upper left corner of the remote sensing image through the w*h size window, the horizontal scanning step is w/2, when scanning to the rightmost end of the image to be detected, follow the vertical scanning step h/2 Move down one line, and then scan from the far left according to the horizontal w/2 step length, and scan the complete remote sensing pictures in turn; record the position coordinates of the upper left corner of the candidate window obtained by each step of scanning, as the position information of the candidate picture;

S4:检测样本输入检测器得到结果;S4: Input the detection sample into the detector to obtain the result;

S4-1:将步骤S3得到的候选窗口作为步骤S2训练得到的检测器的输入,对所有的候选窗口进行检测,记录下经过检测器判断为包含桥梁的候选图片,并保存这些候选窗口;S4-1: Use the candidate window obtained in step S3 as the input of the detector obtained in step S2 training, detect all candidate windows, record the candidate pictures judged to contain bridges by the detector, and save these candidate windows;

S4-2:将保存的候选窗口包含的位置信息提取出来,然后在待检测的图片上根据候选窗口的位置信息标记出候选窗口所代表的图像区域,最终完成对遥感图像中桥梁位置的检测工作。S4-2: Extract the position information contained in the saved candidate window, and then mark the image area represented by the candidate window on the picture to be detected according to the position information of the candidate window, and finally complete the detection of the position of the bridge in the remote sensing image .

所述步骤S1-1在截取桥梁图片的时候,既要选取桥梁特征明显的图片,同时也要截取包含桥梁,但是特征不明显,被遮挡或者较为模糊的桥梁图片。In the step S1-1, when intercepting bridge pictures, it is necessary to select pictures with obvious bridge features, and at the same time to intercept bridge pictures containing bridges but not obvious features, being blocked or relatively blurred.

所述步骤S2-1建立的卷积神经网络模型包括输入层,卷积层,池化层,卷积层,池化层,全连接层以及输出层;The convolutional neural network model established in step S2-1 includes an input layer, a convolutional layer, a pooling layer, a convolutional layer, a pooling layer, a fully connected layer, and an output layer;

1).输入层是将正负样本作为输入,输入到卷积神经网络模型中;1). The input layer takes positive and negative samples as input and inputs them into the convolutional neural network model;

2).特征提取第一阶段:卷积层的卷积核大小是5*5的,输入3通道,输出64通道,移动步长为1;池化层采用最大池化的方式进行,窗口大小为3*3,步长为2,然后将得到的特征图进行归一化;2). The first stage of feature extraction: the convolution kernel size of the convolution layer is 5*5, the input is 3 channels, the output is 64 channels, and the moving step is 1; the pooling layer adopts the method of maximum pooling, and the window size is is 3*3, the step size is 2, and then normalize the obtained feature map;

3).进入特征提取第二阶段:卷积层的卷积核大小依旧是5*5,输入64通道,输出64通道,步长为1,然后将卷积后的特征图归一化操作之后进行池化,池化方式依旧采取最大池化,窗口大小为3*3,步长为2;3). Enter the second stage of feature extraction: the convolution kernel size of the convolution layer is still 5*5, input 64 channels, output 64 channels, step size is 1, and then normalize the feature map after convolution Perform pooling, the pooling method still adopts the maximum pooling, the window size is 3*3, and the step size is 2;

4).最后将池化结果放入全连接层,最后输出。4). Finally, put the pooling result into the fully connected layer, and finally output it.

所述步骤S2-1建立的卷积神经网络模型中的权值更新采用BP反向传播法进行;在每层更新权值的方法选用梯度下降法;所述梯度下降法的Learning Rate学习率设置在0.003-0.004之间。The weight update in the convolutional neural network model established by the step S2-1 is carried out using the BP backpropagation method; the method for updating the weight at each layer is the gradient descent method; the Learning Rate of the gradient descent method is set Between 0.003-0.004.

所述步骤S2-1建立的卷积神经网络模型的最后输出采用Softmax作为二分类器,Softmax回归分两步:第一步为了得到一张给定图片属于某个特定数字类的证据,对图片像素值进行加权求和;如果这个像素具有很强的证据说明这张图片不属于该类,那么相应的权值为负数,相反如果这个像素拥有有利的证据支持这张图片属于这个类,那么权值是正数;即:The final output of the convolutional neural network model established by the step S2-1 adopts Softmax as a binary classifier, and the Softmax regression is divided into two steps: the first step is to obtain evidence that a given picture belongs to a certain digital category, and the picture is The pixel values are weighted and summed; if this pixel has strong evidence that this picture does not belong to this category, then the corresponding weight is negative. On the contrary, if this pixel has favorable evidence to support that this picture belongs to this category, then the weight Values are positive numbers; that is:

evidencei表示给定图片属于i类的证据;其中wi代表权重,bi代表数字i类的偏置量,j代表给定图片x的像素索引用于像素求和;然后用Softmax函数可以把这些证据转换成概率y:Evidence i represents the evidence that the given picture belongs to class i; where w i represents the weight, b i represents the bias of the digital i class, and j represents the pixel index of the given picture x for pixel summation; then use the Softmax function to put These evidences translate into probabilities y:

y=softmax(evidence)y=softmax(evidence)

其中,Softmax是一个激励函数,因此,给定一张图片,它对于每一个数字的吻合度被Softmax函数转换成为一个概率值;Softmax函数定义为:Among them, Softmax is an activation function. Therefore, given a picture, its matching degree for each number is converted into a probability value by the Softmax function; the Softmax function is defined as:

softmax(x)=normalize(exp(x))softmax(x)=normalize(exp(x))

展开等式右边的子式,得到:Expanding the subexpressions on the right-hand side of the equation, we get:

在利用Softmax分类器得到一个概率分布的结果后,将结果与最终的标签进行比对,并通过比对确定一个阈值T,该阈值表示当Softmax训练结果中的概率值大于T时,那么判定输入图片中包含桥梁;如果训练结果中的概率值小于T,那个判定输入图片中不包含桥梁。After using the Softmax classifier to obtain the result of a probability distribution, compare the result with the final label, and determine a threshold T through the comparison, which means that when the probability value in the Softmax training result is greater than T, then determine the input The picture contains a bridge; if the probability value in the training result is less than T, it is determined that the input picture does not contain a bridge.

所述步骤S2-2中的迭代训练过程中,采取循环训练的策略;每次从所有样本图片中随机选取一定数量的图片进行训练,选取的batch_size大小为128,然后随机选取同样数量的其他样本进行训练,在不断地循环过程中,逐渐更新卷积神经网络模型中的权值。In the iterative training process in the step S2-2, the strategy of cyclic training is adopted; a certain number of pictures are randomly selected from all sample pictures for training each time, the selected batch_size is 128, and then other samples of the same number are randomly selected Perform training, and gradually update the weights in the convolutional neural network model in a continuous loop process.

有益效果:本发明无需提前进行桥梁图片的特征提取,简化了检测步骤,在保持高检测率的同时极大加快了遥感图像的检测速度。Beneficial effects: the present invention does not need to perform feature extraction of bridge pictures in advance, simplifies the detection steps, and greatly speeds up the detection speed of remote sensing images while maintaining a high detection rate.

附图说明Description of drawings

图1为本发明方法流程图。Fig. 1 is a flow chart of the method of the present invention.

图2为卷积神经网络结构图。Figure 2 is a structural diagram of a convolutional neural network.

具体实施方式detailed description

下面结合附图对本发明作更进一步的说明。The present invention will be further described below in conjunction with the accompanying drawings.

本发明是一种基于卷积神经网络的遥感图像桥梁检测方法,主要包括训练阶段和检测阶段,所述的训练阶段主要包括以下步骤:The present invention is a kind of remote sensing image bridge detection method based on convolution neural network, mainly includes training stage and detection stage, and described training stage mainly includes the following steps:

S1:训练样本采集与预处理;S1: training sample collection and preprocessing;

S2:建立卷积神经网络训练模型,得到检测器。S2: Establish a convolutional neural network training model to obtain a detector.

所述的检测阶段主要包括以下步骤:The detection phase mainly includes the following steps:

S3:检测样本的预处理;S3: preprocessing of the detection sample;

S4:检测样本输入检测器得到结果。S4: The detection sample is input into the detector to obtain the result.

进一步的,所述的步骤S1包括以下子步骤:Further, the step S1 includes the following sub-steps:

S1-1:首先选取一部分遥感图像,在遥感图像上手动截取尺寸大小为w*h大小的桥梁图片,在截取桥梁图片的时候,需要选取桥梁特征比较明显图片,同时,也应截取一些包含桥梁,但是特征不明显,被遮挡或者较为模糊的桥梁图片,这样可以保证在训练正样本后,检测器对特征不明显的桥梁图片也具有一定的检测能力。S1-1: First select a part of the remote sensing image, and manually capture a bridge picture with a size of w*h on the remote sensing image. When intercepting the bridge picture, it is necessary to select a picture with obvious bridge features. At the same time, some bridges should also be intercepted. , but the features are not obvious, occluded or relatively blurred bridge pictures, which can ensure that after training positive samples, the detector also has a certain detection ability for bridge pictures with inconspicuous features.

S1-2:在遥感图像上不包含桥梁的区域,也截取尺寸大小为w*h的图片,这些图片作为检测器的负样本进行训练。S1-2: In the area that does not contain bridges on the remote sensing image, images of size w*h are also intercepted, and these images are used as negative samples of the detector for training.

S1-3:选取步骤S1-1,S1-2中得到的正负样本,在保持图片w*h尺寸大小的前提下,对正负样本图片进行水平翻转,尺度变换,平移变换,旋转变换和白化操作,这样做进一步增加了训练样本的数量,同时也让训练图片的特征变得更多。S1-3: Select the positive and negative samples obtained in steps S1-1 and S1-2, and under the premise of maintaining the size of the picture w*h, horizontally flip the positive and negative sample pictures, scale transformation, translation transformation, rotation transformation and Whitening operation, which further increases the number of training samples, and also makes the features of the training pictures more.

进一步的,所述的步骤S2包括以下子步骤:Further, the step S2 includes the following sub-steps:

S2-1;首先应当建立卷积神经网络模型,整个模型的结构是输入层,卷积层,池化层,归一层,卷积层,归一化层,池化层,全连接层,输出层。S2-1; First, a convolutional neural network model should be established. The structure of the entire model is an input layer, a convolutional layer, a pooling layer, a normalization layer, a convolutional layer, a normalization layer, a pooling layer, and a fully connected layer. output layer.

1).输入层是将正负样本作为输入,输入到卷积神经网络模型中;1). The input layer takes positive and negative samples as input and inputs them into the convolutional neural network model;

2).特征提取第一阶段,卷积层的卷积核大小是5*5的,输入3通道,输出64通道,移动步长为1,池化层采用最大池化的方式进行,窗口大小为3*3,步长为2,然后将得到的特征图进行归一化;2). In the first stage of feature extraction, the convolution kernel size of the convolution layer is 5*5, the input is 3 channels, the output is 64 channels, and the moving step is 1. The pooling layer adopts the method of maximum pooling, and the window size is is 3*3, the step size is 2, and then normalize the obtained feature map;

3).进入特征提取第二阶段,卷积层的卷积核大小依旧是5*5,输入64通道,输出64通道,步长为1,然后将卷积后的特征图归一化操作之后进行池化,池化方式依旧采取最大池化,窗口大小为3*3,步长为2;3). Enter the second stage of feature extraction, the convolution kernel size of the convolution layer is still 5*5, input 64 channels, output 64 channels, step size is 1, and then normalize the feature map after convolution Perform pooling, the pooling method still adopts the maximum pooling, the window size is 3*3, and the step size is 2;

4).最后将池化结果放入全连接层,最后输出。如附图2所示。4). Finally, put the pooling result into the fully connected layer, and finally output it. As shown in Figure 2.

S2-2:在设计好卷积神经网络的模型结构后需要对网络模型中的各个参数进行初始化,在数据初始化时随机性尽可能高,这样训练时收敛的速度会比较快,而且不容易陷入局部最优的结果。S2-2: After designing the model structure of the convolutional neural network, it is necessary to initialize each parameter in the network model. The randomness of the data initialization is as high as possible, so that the convergence speed during training will be faster and it is not easy to fall into local optimal results.

S2-3:卷积神经网络模型中的权值更新采用BP反向传播法进行,BP反向传播法根据前向传播计算的结果与目标结果相互比对,得出两个结果之间的差值,即总误差,根据总误差逐步向前,更新每一层的权值。在每层更新权值的方法选用梯度下降法,利用梯度下降法计算出在当前误差下的最优权值,得到最优权值后依次更新前层的权值。梯度下降法的Learning Rate学习率设置在0.003-0.004之间。S2-3: The weight update in the convolutional neural network model is carried out by the BP backpropagation method. The BP backpropagation method compares the result calculated by the forward propagation with the target result and obtains the difference between the two results. Value, that is, the total error, according to the total error step by step, update the weight of each layer. The method of updating weights in each layer uses the gradient descent method, and uses the gradient descent method to calculate the optimal weight under the current error, and then updates the weights of the previous layer in turn after obtaining the optimal weight. The Learning Rate learning rate of the gradient descent method is set between 0.003-0.004.

S2-4:最后输出采用Softmax作为二分类器,Softmax回归分两步:第一步为了得到一张给定图片属于某个特定数字类的证据(evidence),我们对图片像素值进行加权求和。如果这个像素具有很强的证据说明这张图片不属于该类,那么相应的权值为负数,相反如果这个像素拥有有利的证据支持这张图片属于这个类,那么权值是正数。即:S2-4: The final output uses Softmax as the binary classifier, and Softmax regression is divided into two steps: the first step is to obtain evidence (evidence) that a given picture belongs to a specific digital class, we weight and sum the pixel values of the picture . If the pixel has strong evidence that the image does not belong to the class, then the corresponding weight is negative, and on the contrary, if the pixel has favorable evidence that the image belongs to the class, the weight is positive. which is:

其中wi代表权重,bi代表数字i类的偏置量,j代表给定图片x的像素索引用于像素求和。然后用Softmax函数可以把这些证据转换成概率y:where w i represents the weight, b i represents the bias of the number i class, and j represents the pixel index of the given image x for pixel summation. Then use the Softmax function to convert these evidences into probability y:

y=softmax(evidence)y=softmax(evidence)

这里的Softmax可以看成是一个激励(activation)函数,因此,给定一张图片,它对于每一个数字的吻合度可以被Softmax函数转换成为一个概率值。Softmax函数可以定义为:The Softmax here can be regarded as an activation function. Therefore, given a picture, its matching degree for each number can be converted into a probability value by the Softmax function. Softmax function can be defined as:

softmax(x)=normalize(exp(x))softmax(x)=normalize(exp(x))

展开等式右边的子式,可以得到:Expanding the sub-expression on the right side of the equation, we can get:

Softmax分类器是把全连接层的输出值作为输入值,并把输入值当成幂指数求值,再正则化这些结果值。这个幂运算表示,更大的证据对应更大的假设模型里面的乘数权重值。The Softmax classifier takes the output value of the fully connected layer as the input value, and evaluates the input value as a power index, and then regularizes these result values. This power operation means that greater evidence corresponds to a greater multiplier weight value in the hypothetical model.

反之,拥有更少的证据意味着在假设模型里面拥有更小的乘数系数。假设模型里的权值不可以是0值或者负值。Softmax然后会正则化这些权重值,使它们的总和等于1,以此构造一个有效的概率分布。Conversely, having less evidence means having smaller multiplier coefficients in the hypothesis model. Assume that the weights in the model cannot be 0 or negative. Softmax then regularizes these weight values so that their sum equals 1, thereby constructing an efficient probability distribution.

S2-5:在利用Softmax分类器得到一个概率分布的结果后,将这些结果与最终的标签进行比对,并通过比对确定一个阈值T,该阈值表示当Softmax训练结果中的概率值大于T时,那么将判定输入图片中是包含桥梁的,如果训练结果中的概率值小于T,那个判定输入图片中是不包含桥梁的。S2-5: After using the Softmax classifier to obtain a probability distribution result, compare these results with the final label, and determine a threshold T by comparison, which means that when the probability value in the Softmax training result is greater than T , then it will be determined that the input picture contains bridges. If the probability value in the training result is less than T, it will be determined that the input picture does not contain bridges.

S2-6:利用步骤S1-1,S1-2得出的正负样本,将这些样本放入初始化各层参数后卷积神经网络模型,进行迭代训练。在训练过程中,不会采取一次性将所有的训练样本全部放入模型中的策略,这样会使模型输入过大,计算会比较慢,而且一般的设备也会支持不了。S2-6: Utilize the positive and negative samples obtained in steps S1-1 and S1-2, put these samples into the convolutional neural network model after initializing the parameters of each layer, and perform iterative training. During the training process, the strategy of putting all the training samples into the model at one time will not be adopted, which will make the model input too large, the calculation will be slower, and general equipment will not support it.

因此,训练过程中会采取循环训练的策略,每次从所有样本图片中随机选取一定数量的图片进行训练,这里选取的批尺寸batch_size大小为128,然后随机选取同样数量的其他样本进行训练,在不断地循环过程中(循环次数设置为10000),逐渐更新卷积神经网络模型中的权值,这样做不仅会提高训练速度和效率,同时准确率也会更高。Therefore, a loop training strategy will be adopted in the training process, and a certain number of pictures are randomly selected from all sample pictures for training each time. The batch size selected here is 128, and then the same number of other samples are randomly selected for training. In the continuous loop process (the number of loops is set to 10000), the weights in the convolutional neural network model are gradually updated. This will not only improve the training speed and efficiency, but also increase the accuracy.

进一步的,所述的步骤S3包括以下子步骤:Further, the step S3 includes the following sub-steps:

S3-1:首先选取待检测遥感图片,对于一般的遥感图像而言,遥感图像的尺寸都非常大,因此在本发明中会截取一张待检测遥感图片的八分之一或者十分之一,每次检测其中的一部分然后之后再检测其他的部分,这样检测器在检测时的负担会比较小,更容易计算,效率也会更高。S3-1: first select the remote sensing picture to be detected. For general remote sensing images, the size of the remote sensing image is very large, so in the present invention, one-eighth or one-tenth of a remote sensing picture to be detected will be intercepted , to detect a part of it each time and then detect other parts, so that the burden of the detector will be relatively small, easier to calculate, and more efficient.

S3-2:选取待检测的遥感图片,通过w*h大小窗口从遥感图片的左上角开始扫描,横向扫描步长为w/2,当扫描到待检测图片的最右端时,按照纵向扫描步长h/2向下移动一行,再从最左边开始按照横向w/2的步长扫描,依次扫描完整张遥感图片。S3-2: Select the remote sensing picture to be detected, start scanning from the upper left corner of the remote sensing picture through the w*h size window, the horizontal scanning step is w/2, when scanning to the rightmost end of the picture to be detected, follow the vertical scanning step Long h/2 moves down one line, and then scans from the far left according to the horizontal step of w/2, and scans the complete remote sensing pictures in turn.

S3-3:每一步扫描都得到一个候选窗口,在扫描时,将每一个候选窗口的左上角的位置坐标记录下来,作为候选图片的位置信息。因此,每个候选窗口包含信息应该是候选窗口代表的图片区域image,左上角坐标(x,y),候选图片的宽高(w,h),即(image,x,y,w,h)。S3-3: Each scan step obtains a candidate window, and during scanning, record the position coordinates of the upper left corner of each candidate window as the position information of the candidate picture. Therefore, the information contained in each candidate window should be the image area represented by the candidate window, the coordinates of the upper left corner (x, y), the width and height of the candidate picture (w, h), that is (image, x, y, w, h) .

进一步的,所述的步骤S4包括以下子步骤:Further, the step S4 includes the following sub-steps:

S4-1:将步骤S3得到的候选窗口作为步骤S2训练得到的检测器的输入,对所有的候选窗口进行检测,记录下经过检测器判断为包含桥梁的候选图片,并保存这些候选窗口。S4-1: Use the candidate windows obtained in step S3 as the input of the detector obtained in step S2 training, detect all candidate windows, record the candidate pictures judged to include bridges by the detector, and save these candidate windows.

S4-2:将保存的候选窗口包含的位置信息提取出来,然后在待检测的图片上根据候选窗口的位置信息标记出候选窗口所代表的图像区域,最终完成对遥感图像中桥梁位置的检测工作。S4-2: Extract the position information contained in the saved candidate window, then mark the image area represented by the candidate window on the picture to be detected according to the position information of the candidate window, and finally complete the detection of the position of the bridge in the remote sensing image .

由于使用CPU计算速度相对于GPU来说是比较慢,因此在最后使用了GPU进行训练和计算,这使得训练速度得到大大提升,同时检测效率也大幅提高。Since the calculation speed of using CPU is relatively slow compared with that of GPU, GPU is used for training and calculation at the end, which greatly improves the training speed and detection efficiency.

以上所述仅是本发明的优选实施方式,应当指出:对于本技术领域的普通技术人员来说,在不脱离本发明原理的前提下,还可以做出若干改进和润饰,这些改进和润饰也应视为本发明的保护范围。The above is only a preferred embodiment of the present invention, it should be pointed out that for those of ordinary skill in the art, without departing from the principle of the present invention, some improvements and modifications can also be made, and these improvements and modifications are also possible. It should be regarded as the protection scope of the present invention.

Claims (6)

1. a kind of remote sensing images Bridges Detection based on convolutional neural networks, it is characterised in that:Including step:
S1:Training sample is gathered and pretreatment;
S1-1:The remote sensing images for including bridge area are chosen, manual interception size size is the bridge of w*h sizes on remote sensing images Beam picture;
S1-2:The region of bridge is not included on remote sensing images, interception size size is w*h picture, is used as the negative of detector Sample is trained;
S1-3:The positive negative sample obtained in selecting step S1-1, S1-2, on the premise of picture w*h sizes are kept, is aligned Negative sample picture carries out flip horizontal, change of scale, translation transformation, rotation transformation and whitening operation;
S2:Convolutional neural networks training pattern is set up, detector is obtained;
S2-1:Convolutional neural networks model is set up, and the parameters in convolutional neural networks model are initialized;
S2-2:The positive negative sample that step S1-1, S1-2 is obtained is put into the convolutional neural networks model that S2-1 is obtained, and is iterated Training;
S3:Detect the pretreatment of sample:
Remote sensing image to be detected is chosen, is scanned by w*h size windows since the upper left corner of remote sensing image, transversal scanning step A length of w/2, when the low order end of scanning to picture to be detected, a line is moved down according to longitudinal scanning step-length h/2, then from most left While starting the step scan according to horizontal w/2, a completely remote sensing image is scanned successively;Record the candidate that each step scanning is all obtained The position coordinates in the window upper left corner, is used as the positional information of candidate's picture;
S4:Detection sample input detector obtains result;
S4-1:The candidate window that step S3 is obtained trains the input of obtained detector as step S2, to all candidates Window is detected, records the candidate's picture for being judged as including bridge by detector, and preserve these candidate windows;
S4-2:The positional information that the candidate window of preservation is included is extracted, then according to candidate on picture to be detected The positional information of window marks the image-region representated by candidate window, is finally completed the inspection to remote sensing images Bridge position Survey work.
2. remote sensing images Bridges Detection according to claim 1, it is characterised in that:The step S1-1 is in interception bridge When beam picture, the obvious picture of bridge feature should be chosen, while also to intercept comprising bridge, but feature is not obvious, It is blocked or more fuzzy bridge picture.
3. remote sensing images Bridges Detection according to claim 1, it is characterised in that:The volume that the step S2-1 is set up Product neural network model includes input layer, convolutional layer, pond layer, convolutional layer, pond layer, full articulamentum and output layer;
1) input layers are, as input, to be input to positive negative sample in convolutional neural networks model;
2) the feature extractions first stage:The convolution kernel size of convolutional layer is 5*5, inputs 3 passages, exports 64 passages, mobile step A length of 1;Pond layer is carried out by the way of maximum pond, and window size is 3*3, and step-length is 2, then enters obtained characteristic pattern Row normalization;
3) enters feature extraction second stage:The convolution kernel size of convolutional layer remains 5*5, inputs 64 passages, and output 64 is led to Road, step-length is 1, then pond will be carried out after the characteristic pattern normalization operation after convolution, pond mode, which remains unchanged, takes maximum pond Change, window size is 3*3, and step-length is 2;
4) pond result is finally put into full articulamentum by, is finally exported.
4. remote sensing images Bridges Detection according to claim 1, it is characterised in that:The volume that the step S2-1 is set up Right value update in product neural network model is carried out using BP back propagations;Under every layer of method selection gradient for updating weights Drop method;The Learning Rate learning rates of the gradient descent method are arranged between 0.003-0.004.
5. remote sensing images Bridges Detection according to claim 1, it is characterised in that:The volume that the step S2-1 is set up The last output of product neural network model is using Softmax as two graders, and Softmax is returned in two steps:The first step in order to The evidence that a given picture belongs to some optional network specific digit class is obtained, summation is weighted to picture pixels value;If this picture There is element very strong evidence to illustrate that this pictures is not belonging to such, then corresponding weights are negative, if this opposite pixel Possessing favourable evidence supports this pictures to belong to this class, then weights are positive numbers;I.e.:
<mrow> <msub> <mi>evidence</mi> <mi>i</mi> </msub> <mo>=</mo> <munder> <mi>&amp;Sigma;</mi> <mi>j</mi> </munder> <msub> <mi>w</mi> <mrow> <mi>i</mi> <mo>,</mo> <mi>j</mi> </mrow> </msub> <msub> <mi>x</mi> <mi>j</mi> </msub> <mo>+</mo> <msub> <mi>b</mi> <mi>i</mi> </msub> </mrow>
evidenceiRepresent that given picture belongs to the evidence of i classes;Wherein wiRepresent weight, biRepresent the amount of bias of numeral i classes, j The pixel index for representing given picture x is summed for pixel;Then these evidences can be converted into probability with Softmax functions y:
Y=softmax (evidence)
Wherein, Softmax is an excitation function, therefore, gives a pictures, it is for each digital goodness of fit quilt Softmax functions are converted into a probable value;Softmax functions are defined as:
Softmax (x)=normalize (exp (x))
Deploy the minor on the right of equation, obtain:
<mrow> <mi>s</mi> <mi>o</mi> <mi>f</mi> <mi>t</mi> <mi>max</mi> <msub> <mrow> <mo>(</mo> <mi>x</mi> <mo>)</mo> </mrow> <mi>i</mi> </msub> <mo>=</mo> <mfrac> <mrow> <mi>exp</mi> <mrow> <mo>(</mo> <msub> <mi>x</mi> <mi>i</mi> </msub> <mo>)</mo> </mrow> </mrow> <mrow> <msub> <mi>&amp;Sigma;</mi> <mi>j</mi> </msub> <mi>exp</mi> <mrow> <mo>(</mo> <msub> <mi>x</mi> <mi>j</mi> </msub> <mo>)</mo> </mrow> </mrow> </mfrac> <mo>;</mo> </mrow>
After the result of a probability distribution is obtained using Softmax graders, result is compared with final label, and A threshold value T is determined by comparing, the threshold value is represented when the probable value in Softmax training results is more than T, then judged defeated Enter and bridge is included in picture;If the probable value in training result is less than T, that judges not including bridge in input picture.
6. remote sensing images Bridges Detection according to claim 1, it is characterised in that:Iteration in the step S2-2 In training process, the strategy of circuit training is taken;A number of picture is randomly selected from all samples pictures every time to carry out Training, the batch_size sizes of selection are 128, then randomly select other same amount of samples and are trained, continuous In ground cyclic process, the weights in convolutional neural networks model are gradually updated.
CN201710380211.6A 2017-05-25 2017-05-25 A kind of remote sensing images Bridges Detection based on convolutional neural networks Pending CN107066995A (en)

Priority Applications (2)

Application Number Priority Date Filing Date Title
CN201710380211.6A CN107066995A (en) 2017-05-25 2017-05-25 A kind of remote sensing images Bridges Detection based on convolutional neural networks
PCT/CN2017/089134 WO2018214195A1 (en) 2017-05-25 2017-06-20 Remote sensing imaging bridge detection method based on convolutional neural network

Applications Claiming Priority (1)

Application Number Priority Date Filing Date Title
CN201710380211.6A CN107066995A (en) 2017-05-25 2017-05-25 A kind of remote sensing images Bridges Detection based on convolutional neural networks

Publications (1)

Publication Number Publication Date
CN107066995A true CN107066995A (en) 2017-08-18

Family

ID=59609850

Family Applications (1)

Application Number Title Priority Date Filing Date
CN201710380211.6A Pending CN107066995A (en) 2017-05-25 2017-05-25 A kind of remote sensing images Bridges Detection based on convolutional neural networks

Country Status (2)

Country Link
CN (1) CN107066995A (en)
WO (1) WO2018214195A1 (en)

Cited By (8)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN108364262A (en) * 2018-01-11 2018-08-03 深圳大学 A kind of restored method of blurred picture, device, equipment and storage medium
CN109086878A (en) * 2018-10-19 2018-12-25 电子科技大学 Keep the convolutional neural networks model and its training method of rotational invariance
CN109325449A (en) * 2018-01-04 2019-02-12 苏州中科天启遥感科技有限公司 Convolutional neural networks target detection frame based on Sample Refreshment
CN109961083A (en) * 2017-12-14 2019-07-02 安讯士有限公司 For convolutional neural networks to be applied to the method and image procossing entity of image
CN110675324A (en) * 2018-07-02 2020-01-10 上海寰声智能科技有限公司 4K ultra-high definition image sharpening processing method
WO2020147345A1 (en) * 2019-01-14 2020-07-23 珠海格力电器股份有限公司 Method and device for obtaining chalkiness of rice grain and cooking appliance
CN111815627A (en) * 2020-08-24 2020-10-23 成都睿沿科技有限公司 Remote sensing image change detection method, model training method and corresponding device
CN112699710A (en) * 2019-10-22 2021-04-23 中科星图股份有限公司 GF2 remote sensing image dense target identification method and system based on deep learning

Families Citing this family (123)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111368865B (en) * 2018-12-26 2023-08-22 北京眼神智能科技有限公司 Remote sensing image oil storage tank detection method and device, readable storage medium and equipment
CN111382759B (en) * 2018-12-28 2023-04-21 广州市百果园信息技术有限公司 Pixel classification method, device, equipment and storage medium
CN109740549B (en) * 2019-01-08 2022-12-27 西安电子科技大学 SAR image target detection system and method based on semi-supervised CNN
CN111476056B (en) * 2019-01-23 2024-04-16 阿里巴巴集团控股有限公司 Target object identification method, device, terminal equipment and computer storage medium
CN109859187B (en) * 2019-01-31 2023-04-07 东北大学 Explosive-pile ore rock particle image segmentation method
CN109919230B (en) * 2019-03-10 2022-12-06 西安电子科技大学 Pulmonary nodule detection method in medical images based on circular feature pyramid
CN109919108B (en) * 2019-03-11 2022-12-06 西安电子科技大学 Fast Object Detection Method for Remote Sensing Image Based on Deep Hash Assisted Network
CN109978032B (en) * 2019-03-15 2022-12-06 西安电子科技大学 Bridge crack detection method based on space pyramid cavity convolution network
CN110009010B (en) * 2019-03-20 2023-03-24 西安电子科技大学 Wide-width optical remote sensing target detection method based on interest area redetection
CN110147714B (en) * 2019-03-28 2023-06-23 煤炭科学研究总院 Crack identification method and detection system in coal mine goaf based on unmanned aerial vehicle
CN109993104B (en) * 2019-03-29 2022-09-16 河南工程学院 A Change Detection Method for Object Hierarchy in Remote Sensing Image
CN110020688B (en) * 2019-04-10 2022-12-06 西安电子科技大学 Occluded Pedestrian Detection Method Based on Deep Learning
CN110334724B (en) * 2019-04-16 2022-06-17 武汉理工大学 Natural language description and multi-scale correction method of remote sensing objects based on LSTM
CN110097524B (en) * 2019-04-22 2022-12-06 西安电子科技大学 SAR image target detection method based on fusion convolutional neural network
CN110210297B (en) * 2019-04-25 2023-12-26 上海海事大学 Method for locating and extracting Chinese characters in customs clearance image
CN110084195B (en) * 2019-04-26 2022-12-06 西安电子科技大学 Object Detection Method of Remote Sensing Image Based on Convolutional Neural Network
CN110334578B (en) * 2019-05-05 2023-04-18 中南大学 Weak supervision method for automatically extracting high-resolution remote sensing image buildings through image level annotation
CN110288563A (en) * 2019-05-22 2019-09-27 苏州万卓纺织有限公司 A kind of fabric defect detection method based on deep learning
CN111985274B (en) * 2019-05-23 2023-08-04 中国科学院沈阳自动化研究所 A remote sensing image segmentation method based on convolutional neural network
CN110321794B (en) * 2019-05-23 2023-02-28 湖南大学 Remote sensing image oil tank detection method integrated with semantic model
CN110163294B (en) * 2019-05-29 2023-05-09 广东工业大学 A Method of Detection of Change Regions in Remote Sensing Images Based on Dimensionality Reduction Operation and Convolutional Network
TWI738009B (en) * 2019-06-20 2021-09-01 和碩聯合科技股份有限公司 Object detection system and object detection method
CN110414330B (en) * 2019-06-20 2023-05-26 平安科技(深圳)有限公司 Palm image detection method and device
CN110334765B (en) * 2019-07-05 2023-03-24 西安电子科技大学 Remote sensing image classification method based on attention mechanism multi-scale deep learning
CN110321866B (en) * 2019-07-09 2023-03-24 西北工业大学 Remote sensing image scene classification method based on depth feature sparsification algorithm
CN110472636B (en) * 2019-07-26 2022-10-14 四创科技有限公司 Deep learning-based water gauge E-shaped scale identification method
CN110443259B (en) * 2019-07-29 2023-04-07 中科光启空间信息技术有限公司 Method for extracting sugarcane from medium-resolution remote sensing image
CN112347827A (en) * 2019-08-06 2021-02-09 东北大学秦皇岛分校 Automatic detection method and system for ship water gauge
CN112395924B (en) * 2019-08-16 2024-02-20 阿里巴巴集团控股有限公司 Remote sensing monitoring method and device
CN110472732B (en) * 2019-08-19 2023-02-21 杭州凝眸智能科技有限公司 Image feature extraction system based on optimized feature extraction device
CN110569899B (en) * 2019-09-03 2022-06-10 嘉陵江亭子口水利水电开发有限公司 Dam face defect classification model training method and device
CN112446266B (en) * 2019-09-04 2024-03-29 北京君正集成电路股份有限公司 Face recognition network structure suitable for front end
CN110648334A (en) * 2019-09-18 2020-01-03 中国人民解放军火箭军工程大学 Multi-feature cyclic convolution saliency target detection method based on attention mechanism
CN110728665B (en) * 2019-09-30 2023-04-18 西安电子科技大学 SAR image change detection method based on parallel probabilistic neural network
CN110751271B (en) * 2019-10-28 2023-05-26 西安烽火软件科技有限公司 Image traceability feature characterization method based on deep neural network
CN111047551B (en) * 2019-11-06 2023-10-31 北京科技大学 Remote sensing image change detection method and system based on U-net improved algorithm
CN111008956B (en) * 2019-11-13 2024-06-28 武汉工程大学 Beam bottom crack detection method, system, device and medium based on image processing
CN111008651B (en) * 2019-11-13 2023-04-28 科大国创软件股份有限公司 Image reproduction detection method based on multi-feature fusion
CN111126189A (en) * 2019-12-10 2020-05-08 北京航天世景信息技术有限公司 Target searching method based on remote sensing image
CN110991374B (en) * 2019-12-10 2023-04-04 电子科技大学 Fingerprint singular point detection method based on RCNN
CN111160127B (en) * 2019-12-11 2023-07-21 中国四维测绘技术有限公司 Remote sensing image processing and detecting method based on deep convolutional neural network model
CN111104887B (en) * 2019-12-11 2024-03-29 北京化工大学 Full-period keyless phase monitoring method based on vibration mechanism and deep learning technology
CN111028178B (en) * 2019-12-20 2022-04-29 武汉大学 An automatic geometric correction method for remote sensing image data based on deep learning
CN110992257B (en) * 2019-12-20 2024-06-14 北京航天泰坦科技股份有限公司 Remote sensing image sensitive information automatic shielding method and device based on deep learning
CN111192240B (en) * 2019-12-23 2023-09-01 北京航空航天大学 Remote sensing image target detection method based on random access memory
CN110988839B (en) * 2019-12-25 2023-10-10 中南大学 Rapid identification method of wall health status based on one-dimensional convolutional neural network
CN111241725B (en) * 2019-12-30 2022-08-23 浙江大学 Structure response reconstruction method for generating countermeasure network based on conditions
CN111160276B (en) * 2019-12-31 2023-05-12 重庆大学 U-shaped cavity full convolution segmentation network identification model based on remote sensing image
CN111199214B (en) * 2020-01-04 2023-05-05 西安电子科技大学 A Residual Network Multispectral Image Object Classification Method
CN111222576B (en) * 2020-01-08 2023-03-24 西安理工大学 High-resolution remote sensing image classification method
CN111144383B (en) * 2020-01-15 2023-03-28 河南理工大学 Method for detecting vehicle deflection angle
CN111310675A (en) * 2020-02-20 2020-06-19 上海赛可出行科技服务有限公司 Overhead identification auxiliary positioning method based on convolutional neural network
CN111339935B (en) * 2020-02-25 2023-04-18 西安电子科技大学 Optical remote sensing picture classification method based on interpretable CNN image classification model
CN111353432B (en) * 2020-02-28 2023-08-01 安徽华润金蟾药业股份有限公司 Rapid clean selection method and system for honeysuckle medicinal materials based on convolutional neural network
CN111401190A (en) * 2020-03-10 2020-07-10 上海眼控科技股份有限公司 Vehicle detection method, device, computer equipment and storage medium
CN111368776B (en) * 2020-03-13 2024-03-22 长安大学 High-resolution remote sensing image classification method based on deep ensemble learning
CN111401302B (en) * 2020-04-07 2022-08-02 中国人民解放军海军航空大学 Remote sensing image ship target integrated detection and fine-grained identification method
CN111489387B (en) * 2020-04-09 2023-10-20 湖南盛鼎科技发展有限责任公司 Remote sensing image building area calculation method
CN111476167B (en) * 2020-04-09 2024-03-22 北京中科千寻科技有限公司 One-stage direction remote sensing image target detection method based on student-T distribution assistance
CN111553303B (en) * 2020-05-07 2024-03-29 武汉大势智慧科技有限公司 Remote sensing orthographic image dense building extraction method based on convolutional neural network
CN111626175B (en) * 2020-05-22 2023-05-19 西安工业大学 Shaft type identification method based on deep convolutional neural network
CN111754463B (en) * 2020-06-02 2024-05-14 石家庄铁道大学 Method for detecting CA mortar layer defects of ballastless track based on convolutional neural network
CN111666903B (en) * 2020-06-10 2022-10-04 中国电子科技集团公司第二十八研究所 Method for identifying thunderstorm cloud cluster in satellite cloud picture
CN111709479B (en) * 2020-06-17 2022-05-10 广东工业大学 Image classification method and device
CN111950343B (en) * 2020-06-24 2024-03-22 中国电力科学研究院有限公司 Automatic transmission tower identification method and system based on satellite remote sensing technology
CN111914997B (en) * 2020-06-30 2024-04-02 华为技术有限公司 Method for training neural network, image processing method and device
CN111986149A (en) * 2020-07-16 2020-11-24 江西斯源科技有限公司 A method for detecting plant diseases and insect pests based on convolutional neural network
CN111915592B (en) * 2020-08-04 2023-08-22 西安电子科技大学 Remote sensing image cloud detection method based on deep learning
CN111985549B (en) * 2020-08-12 2023-03-31 中国科学院光电技术研究所 Deep learning method for automatic positioning and identification of components for given rigid body target
CN112084877B (en) * 2020-08-13 2023-08-18 西安理工大学 Remote Sensing Image Recognition Method Based on NSGA-NET
CN112132759B (en) * 2020-09-07 2024-03-19 东南大学 Skull face restoration method based on end-to-end convolutional neural network
CN112053354B (en) * 2020-09-15 2024-01-30 上海应用技术大学 Rail plate crack detection method
CN112132822B (en) * 2020-09-30 2024-05-07 东南大学 Suspicious illegal building detection algorithm based on transfer learning
CN112232229B (en) * 2020-10-20 2022-04-01 山东科技大学 Fine water body extraction method based on U-net neural network
CN112751633B (en) * 2020-10-26 2022-08-26 中国人民解放军63891部队 Broadband spectrum detection method based on multi-scale window sliding
CN112308856A (en) * 2020-11-30 2021-02-02 深圳云天励飞技术股份有限公司 Target detection method and device for remote sensing image, electronic equipment and medium
CN112699736B (en) * 2020-12-08 2024-06-07 江西省交通科学研究院有限公司 Bridge bearing disease identification method based on spatial attention
CN112651931B (en) * 2020-12-15 2024-04-26 浙江大华技术股份有限公司 Building deformation monitoring method and device and computer equipment
CN112801972A (en) * 2021-01-25 2021-05-14 武汉理工大学 Bridge defect detection method, device, system and storage medium
CN112784806A (en) * 2021-02-04 2021-05-11 中国地质科学院矿产资源研究所 Lithium-containing pegmatite vein extraction method based on full convolution neural network
CN112906577B (en) * 2021-02-23 2024-04-26 清华大学 Fusion method of multisource remote sensing images
CN113033324B (en) * 2021-03-03 2024-03-08 广东省地质环境监测总站 Geological disaster precursor factor identification method and device, electronic equipment and storage medium
CN113095359B (en) * 2021-03-05 2023-09-12 西安交通大学 Method and system for detecting radiographic image marking information
CN113160239B (en) * 2021-03-08 2023-09-22 广东国地规划科技股份有限公司 Illegal land detection method and device
CN113111740B (en) * 2021-03-27 2024-11-26 西北工业大学 A feature weaving method for remote sensing image target detection
CN113505627B (en) * 2021-03-31 2024-07-23 北京苍灵科技有限公司 Remote sensing data processing method and device, electronic equipment and storage medium
CN113269717B (en) * 2021-04-09 2025-01-21 中国科学院空天信息创新研究院 Building detection method and device based on remote sensing image
CN113255451B (en) * 2021-04-25 2023-04-07 西北工业大学 Method and device for detecting change of remote sensing image, electronic equipment and storage medium
CN113344037A (en) * 2021-05-18 2021-09-03 国网江西省电力有限公司电力科学研究院 Cable insulation layer and sheath parameter measuring method and measuring device
CN113221768A (en) * 2021-05-18 2021-08-06 北京百度网讯科技有限公司 Recognition model training method, recognition method, device, equipment and storage medium
CN113408398B (en) * 2021-06-16 2023-04-07 西安电子科技大学 Remote sensing image cloud detection method based on channel attention and probability up-sampling
CN113536943B (en) * 2021-06-21 2024-04-12 上海赫千电子科技有限公司 Road traffic sign recognition method based on image enhancement
CN113570111B (en) * 2021-06-29 2023-08-29 中北大学 On-chip monitoring method of bridge health status based on lightweight network
CN113538615B (en) * 2021-06-29 2024-01-09 中国海洋大学 Remote sensing image coloring method based on double-flow generator depth convolution countermeasure generation network
CN113537006A (en) * 2021-07-01 2021-10-22 昆明理工大学 A method for determining raw Pu'er tea and cooked tea based on convolutional neural network
CN113469072B (en) * 2021-07-06 2024-04-12 西安电子科技大学 Remote sensing image change detection method and system based on GSoP and twin fusion network
CN113343942B (en) * 2021-07-21 2023-05-23 西安电子科技大学 Remote sensing image defect detection method
CN113361662B (en) * 2021-07-22 2023-08-29 全图通位置网络有限公司 Urban rail transit remote sensing image data processing system and method
CN113837994B (en) * 2021-07-29 2024-02-13 尚特杰电力科技有限公司 Photovoltaic panel defect diagnosis method based on edge detection convolutional neural network
CN113689399B (en) * 2021-08-23 2024-05-31 国网宁夏电力有限公司石嘴山供电公司 Remote sensing image processing method and system for power grid identification
CN113706364A (en) * 2021-09-14 2021-11-26 杭州师范大学 Reversible information hiding method for remote sensing image
CN114004786B (en) * 2021-09-17 2024-10-29 常州市新科汽车电子有限公司 Deep learning-based automobile central control panel appearance detection method
CN113792685B (en) * 2021-09-17 2024-03-12 东北石油大学 Microseism event detection method based on multi-scale convolutional neural network
CN113947728A (en) * 2021-10-19 2022-01-18 中交第二公路勘察设计研究院有限公司 Highway bridge construction macroscopic state remote sensing evaluation method based on deep learning
CN114119504A (en) * 2021-11-08 2022-03-01 南昌大学 An automatic detection method for steel welds based on cascaded convolutional neural network
CN114494896B (en) * 2021-12-22 2025-01-03 山东土地集团数字科技有限公司 A method, device and medium for monitoring farmland status for farmland protection
CN114092832B (en) * 2022-01-20 2022-04-15 武汉大学 High-resolution remote sensing image classification method based on parallel hybrid convolutional network
CN114519819B (en) * 2022-02-10 2024-04-02 西北工业大学 Remote sensing image target detection method based on global context awareness
CN114627371B (en) * 2022-02-24 2024-08-09 湖北工业大学 A bridge health monitoring method based on attention mechanism
CN114821056B (en) * 2022-04-24 2024-06-28 国家林业和草原局华东调查规划院 Automatic judging and reading method for forest and grass resource change in remote sensing image based on AI technology
CN114913429B (en) * 2022-05-11 2025-03-21 华东师范大学 Online persistent object detection method for remote sensing images with class imbalance
CN114782400B (en) * 2022-05-17 2023-06-20 东风本田发动机有限公司 Method, device, equipment, medium and program product for detecting slag point of metal material
CN114657513B (en) * 2022-05-23 2022-09-20 河南银金达新材料股份有限公司 Preparation method of antibacterial regenerated polyester film
CN115096268B (en) * 2022-06-17 2023-06-30 西南交通大学 Bridge damage depth detection method based on unmanned aerial vehicle aerial photography and ultrasonic detection
CN115423829B (en) * 2022-07-29 2024-03-01 江苏省水利科学研究院 Method and system for rapidly extracting water body of single-band remote sensing image
CN114998772B (en) * 2022-08-03 2022-11-18 深圳联和智慧科技有限公司 Integrated bridge detection method and system based on unmanned aerial vehicle and cloud platform
CN116645618B (en) * 2023-06-05 2023-12-08 广东省农业科学院设施农业研究所 Agricultural data processing method, system and storage medium
CN117036962B (en) * 2023-10-08 2024-02-06 中国科学院空天信息创新研究院 Remote sensing image change detection method, device, equipment and storage medium
CN117808856B (en) * 2023-12-28 2024-08-30 中国人民解放军陆军装甲兵学院士官学校 Component strength optimization method based on artificial intelligence
CN118230159B (en) * 2024-03-22 2024-11-26 重庆华地资环科技有限公司 A method for detecting temporal changes in remote sensing mining images based on dual-branch deep supervision
CN118799428A (en) * 2024-07-02 2024-10-18 北京市遥感信息研究所 A method and device for generating cloud and fog occlusion images
CN118587733B (en) * 2024-08-06 2024-10-22 安徽省交通规划设计研究总院股份有限公司 A bridge structure identification and parameter extraction method for bridge PDF design drawings
CN118608988B (en) * 2024-08-07 2024-11-08 厦门易景软件工程有限公司 Method, device, equipment, and medium for automatic interpretation of remote sensing images based on deep learning

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN106096655A (en) * 2016-06-14 2016-11-09 厦门大学 A kind of remote sensing image airplane detection method based on convolutional neural networks
CN106295503A (en) * 2016-07-25 2017-01-04 武汉大学 The high-resolution remote sensing image Ship Target extracting method of region convolutional neural networks
JP2017062776A (en) * 2015-09-04 2017-03-30 株式会社東芝 Method, apparatus and computer readable medium for detecting changes to structures

Family Cites Families (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US9202144B2 (en) * 2013-10-30 2015-12-01 Nec Laboratories America, Inc. Regionlets with shift invariant neural patterns for object detection
CN104217214B (en) * 2014-08-21 2017-09-19 广东顺德中山大学卡内基梅隆大学国际联合研究院 RGB‑D Human Behavior Recognition Method Based on Configurable Convolutional Neural Network
CN105844228B (en) * 2016-03-21 2019-02-19 北京航空航天大学 A remote sensing image cloud detection method based on convolutional neural network

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
JP2017062776A (en) * 2015-09-04 2017-03-30 株式会社東芝 Method, apparatus and computer readable medium for detecting changes to structures
CN106096655A (en) * 2016-06-14 2016-11-09 厦门大学 A kind of remote sensing image airplane detection method based on convolutional neural networks
CN106295503A (en) * 2016-07-25 2017-01-04 武汉大学 The high-resolution remote sensing image Ship Target extracting method of region convolutional neural networks

Non-Patent Citations (2)

* Cited by examiner, † Cited by third party
Title
搬砖小工053: "[03]tensorflow实现softmax回归(softmax regression)", 《HTTPS://BLOG.CSDN.NET/SA14023053/ARTICLE/DETAILS/51884894》 *
欧阳颖卉 等: "基于卷积神经网络的光学遥感图像船只检测", 《包装工程》 *

Cited By (10)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109961083A (en) * 2017-12-14 2019-07-02 安讯士有限公司 For convolutional neural networks to be applied to the method and image procossing entity of image
CN109325449A (en) * 2018-01-04 2019-02-12 苏州中科天启遥感科技有限公司 Convolutional neural networks target detection frame based on Sample Refreshment
CN108364262A (en) * 2018-01-11 2018-08-03 深圳大学 A kind of restored method of blurred picture, device, equipment and storage medium
CN110675324A (en) * 2018-07-02 2020-01-10 上海寰声智能科技有限公司 4K ultra-high definition image sharpening processing method
CN110675324B (en) * 2018-07-02 2023-10-10 上海寰声智能科技有限公司 4K ultra-high definition image sharpening processing method
CN109086878A (en) * 2018-10-19 2018-12-25 电子科技大学 Keep the convolutional neural networks model and its training method of rotational invariance
CN109086878B (en) * 2018-10-19 2019-12-17 电子科技大学 Convolutional Neural Network Model and Its Training Method Preserving Rotation Invariance
WO2020147345A1 (en) * 2019-01-14 2020-07-23 珠海格力电器股份有限公司 Method and device for obtaining chalkiness of rice grain and cooking appliance
CN112699710A (en) * 2019-10-22 2021-04-23 中科星图股份有限公司 GF2 remote sensing image dense target identification method and system based on deep learning
CN111815627A (en) * 2020-08-24 2020-10-23 成都睿沿科技有限公司 Remote sensing image change detection method, model training method and corresponding device

Also Published As

Publication number Publication date
WO2018214195A1 (en) 2018-11-29

Similar Documents

Publication Publication Date Title
CN107066995A (en) A kind of remote sensing images Bridges Detection based on convolutional neural networks
CN109409263B (en) Method for detecting urban ground feature change of remote sensing image based on Siamese convolutional network
Grilli et al. A review of point clouds segmentation and classification algorithms
CN108596101B (en) A multi-target detection method for remote sensing images based on convolutional neural network
CN107123123B (en) Image segmentation quality evaluating method based on convolutional neural networks
Pan et al. A generic FCN-based approach for the road-network extraction from VHR remote sensing images–using OpenStreetMap as benchmarks
CN111126287B (en) A deep learning detection method for dense targets in remote sensing images
CN107067405B (en) Remote sensing image segmentation method based on scale optimization
CN108596108B (en) Aerial remote sensing image change detection method based on triple semantic relation learning
CN113240691A (en) Medical image segmentation method based on U-shaped network
CN110516539A (en) Method, system, storage medium and equipment for extracting buildings from remote sensing images based on confrontation network
Wang et al. Shape detection from raw lidar data with subspace modeling
CN110991444A (en) Complex scene-oriented license plate recognition method and device
Holail et al. Afde-net: Building change detection using attention-based feature differential enhancement for satellite imagery
CN110147714A (en) Coal mine gob crack identification method and detection system based on unmanned plane
CN110298211A (en) A kind of Methods Deriving Drainage Network based on deep learning and high-resolution remote sensing image
CN111985552B (en) Method for detecting diseases of thin strip-shaped structure of airport pavement under complex background
CN113033390B (en) Dam remote sensing intelligent detection method based on deep learning
CN111046856A (en) Parallel pose tracking and map creating method based on dynamic and static feature extraction
CN114495170A (en) A method and system for pedestrian re-identification based on local suppression of self-attention
CN116402690A (en) A method, system, device and medium for road extraction in high-resolution remote sensing images based on multi-head self-attention mechanism
CN112241676A (en) Method for automatically identifying terrain sundries
Mahmud et al. Altitude analysis of road segmentation from UAV images with DeepLab V3+
CN115690597A (en) A method for detecting changes of urban ground objects in remote sensing images based on depth background difference
CN113592829B (en) Deep learning sediment particle identification method and device based on segmentation and recombination

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: 20170818

RJ01 Rejection of invention patent application after publication