WO2018214195A1 - 一种基于卷积神经网络的遥感图像桥梁检测方法 - Google Patents

一种基于卷积神经网络的遥感图像桥梁检测方法 Download PDF

Info

Publication number
WO2018214195A1
WO2018214195A1 PCT/CN2017/089134 CN2017089134W WO2018214195A1 WO 2018214195 A1 WO2018214195 A1 WO 2018214195A1 CN 2017089134 W CN2017089134 W CN 2017089134W WO 2018214195 A1 WO2018214195 A1 WO 2018214195A1
Authority
WO
WIPO (PCT)
Prior art keywords
remote sensing
bridge
neural network
convolutional neural
image
Prior art date
Application number
PCT/CN2017/089134
Other languages
English (en)
French (fr)
Inventor
刘兵
周勇
郑成浩
王重秋
Original Assignee
中国矿业大学
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 中国矿业大学 filed Critical 中国矿业大学
Publication of WO2018214195A1 publication Critical patent/WO2018214195A1/zh

Links

Images

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

Definitions

  • the invention is suitable for the field of image recognition, and is mainly for detecting bridges in remote sensing images, and is a bridge detection method for remote sensing images based on convolutional neural networks.
  • Remote sensing image processing includes acquisition, denoising, enhancement, restoration, compression, segmentation, representation and description, target detection, and the like of remote sensing images.
  • target detection as an important part of remote sensing image processing, has important significance in both military and civilian fields. In the military field, it is necessary to conduct military reconnaissance of the enemy and monitor the enemy. Target recognition of remote sensing images obtained from satellite, aerospace or aerospace vehicles can be used to understand the terrain, equipment, and troop movements of the captured area. Early remote sensing image target detection was performed manually. However, since the amount of remotely received image data is usually large, if manual interpretation is used, it is necessary to repeat the work, which is time consuming and laborious, and has poor real-time performance. In modern high-tech warfare, the battlefield situation is changing rapidly.
  • remote sensing image target detection has been widely used in other fields such as urban planning, establishment and update of geographic databases, and disaster assessment of natural disasters. With the concept of global positioning system, geographic information system, digital earth system and so on, it is increasingly necessary to accurately detect and locate targets in remote sensing images. In addition, remote sensing image target detection has become an urgent need in accurately mapping two-dimensional or three-dimensional maps of cities, detection of damage caused by natural disasters, and detection of changes in targets.
  • the detection of bridge targets for remote sensing images mainly uses the saliency method to extract candidate regions and extract features, and uses the classifier to judge the features to obtain the detection results.
  • the remote sensing image of the patent number CN200810232213.1 is used to train and model the waters by using the water features to simulate the waters of the remote sensing image.
  • the bridge detection is performed for the segmented results.
  • the bridge design needs to be different for different bridges.
  • the template then extracts the features and finally completes the bridge detection.
  • the main problems of remote sensing images are as follows: First, after pre-processing, the sample images are often extracted from the shape, aspect ratio or area of the artificial image. 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 process of artificially preset feature extraction is ignored, and all the pixels in the image are directly used as features, and then these features are used as the basic information for classifier training and classification, which is too cumbersome to bring A large amount of redundant information is generated, which reduces the detection efficiency.
  • the object of the present invention is to utilize the advantages of convolutional neural networks in image processing, and to propose a method for detecting bridge images in remote sensing images by using a convolutional neural network.
  • the method overcomes the shortcomings 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 image.
  • a method for detecting remote sensing image bridge based on convolutional neural network comprising the steps of:
  • S1-1 Selecting a remote sensing image including a bridge area, and manually capturing a bridge image of size w*h on the remote sensing image;
  • the horizontal scanning step is w/2.
  • the vertical scanning step length h/2 Move one line downward, then scan from the leftmost side according to the step size of horizontal w/2, scan the complete remote sensing picture in turn; record the position coordinates of the upper left corner of the candidate window obtained by each step scanning, as the position information of the candidate picture;
  • step S4-1 the candidate window obtained in step S3 is used as the input of the detector trained in step S2, and all the candidate windows are detected, and the candidate images determined by the detector to be included in the bridge are recorded, and the candidate windows are saved;
  • S4-2 extracting the position information included in the saved candidate window, and then marking the image area represented by the candidate window according to the position information of the candidate window on the picture to be detected, and finally completing the detection of the bridge position in the remote sensing image.
  • step S1-1 when the bridge picture is intercepted, it is necessary to select a picture with obvious bridge characteristics, and also to intercept the bridge picture including the bridge, but the feature is not obvious, occluded or blurred.
  • the convolutional neural network model established in the step S2-1 includes an input layer, a convolution layer, a pooling layer, a convolution layer, a pooling layer, a fully connected layer, and an output layer;
  • the input layer takes the positive and negative samples as input and inputs them into the convolutional neural network model
  • Feature extraction first stage convolutional layer convolution kernel size is 5*5, input 3 channels, output 64 channels, moving step size is 1; pooling layer is performed by maximum pooling, window size 3*3, the step size is 2, and then the obtained feature map is normalized;
  • the convolutional layer of the convolutional layer is still 5*5, input 64 channels, output 64 channels, step size is 1, and then normalize the convolved feature map
  • the pooling method still adopts the maximum pooling, the window size is 3*3, and the step size is 2.
  • the weight update in the convolutional neural network model established in the step S2-1 is performed by the BP back propagation method; the gradient descent method is selected in the method of updating the weight in each layer; and the learning rate setting of the gradient descent method is set. Between 0.003-0.004.
  • the final output of the convolutional neural network model established in the step S2-1 adopts Softmax as the second classifier, and the Softmax regression is divided into two steps: the first step is to obtain evidence that a given picture belongs to a specific digital class, and the picture is The pixel value is weighted and summed; if the pixel has strong evidence that the picture does not belong to the class, then the corresponding weight is negative, and if the pixel has favorable evidence to support the picture belongs to this class, then the right The value is a positive number; that is:
  • Evidence i represents evidence that a given picture belongs to class i; where w i represents the weight, b i represents the offset of the class i, and j represents the pixel index of the given picture x for pixel summation; then the Softmax function can be used These evidences are converted into probabilities y:
  • Softmax is an excitation function, therefore, given a picture, its fit for each number is converted into a probability value by the Softmax function; the Softmax function is defined as:
  • the result is compared with the final label, and a threshold T is determined by comparison, which indicates that when the probability value in the Softmax training result is greater than T, then the input is determined.
  • the picture contains a bridge; if the probability value in the training result is less than T, the decision input picture does not contain a bridge.
  • step S2-2 a loop training strategy is adopted; each time a certain number of pictures are randomly selected from all sample pictures for training, the selected batch_size size is 128, and then the same number of other samples are randomly selected. Training is carried out to gradually update the weights in the convolutional neural network model during the continuous cycle.
  • the present invention eliminates the need for 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.
  • Figure 1 is a flow chart of the method of the present invention.
  • Figure 2 is a block diagram of a convolutional neural network.
  • the invention relates to a remote sensing image bridge detection method based on a convolutional neural network, which mainly comprises a training phase and a detection phase, and the training phase mainly comprises the following steps:
  • S2 Establish a convolutional neural network training model to obtain a detector.
  • the detection phase mainly includes the following steps:
  • step S1 described includes the following sub-steps:
  • S1-1 First select a part of the remote sensing image, and manually intercept the bridge image with the size of w*h on the remote sensing image.
  • some bridges should also be intercepted.
  • the feature is not obvious, the occluded or relatively blurred bridge picture, this can ensure that after training the positive sample, the detector also has a certain detection ability for the bridge picture with insignificant features.
  • step S1-3 selecting the positive and negative samples obtained in step S1-1, S1-2, and performing horizontal flipping, scale transformation, translation transformation, rotation transformation and positive and negative sample images under the premise of maintaining the size of the image w*h.
  • the whitening operation further increases the number of training samples and also makes the characteristics of the training pictures more.
  • step S2 described includes the following sub-steps:
  • a convolutional neural network model should be established.
  • the structure of the whole model is input layer, convolution layer, pooling layer, layer, convolution layer, normalization layer, pooling layer, fully connected layer, Output layer.
  • the input layer takes the positive and negative samples as input and inputs them into the convolutional neural network model
  • the convolution kernel of the convolutional layer is 5*5, the input is 3 channels, the output is 64 channels, the moving step is 1, and the pooling layer is performed by the maximum pooling method. 3*3, the step size is 2, and then the obtained feature map is normalized;
  • the convolution kernel of the convolutional layer is still 5*5, input 64 channels, output 64 channels, step size is 1, and then normalize the convolved feature map.
  • the pooling method still adopts the maximum pooling, the window size is 3*3, and the step size is 2.
  • the weight update in the convolutional neural network model is performed by the BP back propagation method.
  • the BP back propagation method compares the result of the forward propagation calculation with the target result, and obtains the difference between the two results.
  • the value, the total error is stepped forward based on the total error, updating the weight of each layer.
  • the method of updating the weights in each layer selects the gradient descent method, and uses the gradient descent method to calculate the optimal weight under the current error. After obtaining the optimal weight, the weight of the previous layer is updated in turn.
  • the Learning Rate of the gradient descent method is set between 0.003-0.004.
  • Softmax regression is divided into two steps: the first step is to get To the evidence that a given picture belongs to a particular class of numbers, we weight-sum the picture pixel values. If the pixel has strong evidence that the image does not belong to the class, then the corresponding weight is negative, and if the pixel has favorable evidence to support the image belongs to this class, then the weight is positive. which is:
  • Softmax can be seen as an activation function, so given a picture, its fit for each number can be converted to a probability value by the Softmax function.
  • the Softmax function can be defined as:
  • the Softmax classifier takes the output value of the fully connected layer as the input value, and evaluates the input value as a power exponent, and then normalizes these result values. This power operation indicates that the larger evidence corresponds to the multiplier weight value in the larger hypothesis model.
  • having less evidence means having a smaller multiplier coefficient in the hypothetical model.
  • the weights in the model cannot be zero or negative. Softmax then regularizes these weight values so that their sum equals one to construct a valid probability distribution.
  • step S2-6 Using the positive and negative samples obtained in steps S1-1 and S1-2, the samples are placed into the convolutional neural network model after initializing the parameters of each layer, and iterative training is performed. During the training process, the strategy of putting all the training samples into the model at one time is not taken. This will make the model input too large, the calculation will be slow, and the general equipment will not support it.
  • the training process will adopt a loop training strategy.
  • a certain number of pictures are randomly selected from all sample pictures for training.
  • the size of the batch_size selected here is 128, and then the same number of other samples are randomly selected for training.
  • the weights in the convolutional neural network model are gradually updated, which not only improves the training speed and efficiency, but also improves the accuracy.
  • step S3 includes the following sub-steps:
  • the remote sensing image to be detected is selected.
  • the size of the remote sensing image is very large, so in the present invention, one eighth or one tenth of the remote sensing image to be detected is intercepted. Each time a part of it is detected and then other parts are detected, the detector will be less burdensome to detect, easier to calculate, and more efficient.
  • S3-2 Select the remote sensing image to be detected, and 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.
  • the long h/2 moves down one line, and then scans from the leftmost side according to the step size of the horizontal w/2, and sequentially scans the complete remote sensing picture.
  • each candidate scan obtains a candidate window.
  • the position coordinates of the upper left corner of each candidate window are recorded as position information of the candidate image. Therefore, each candidate window contains information that should be the image area image represented by the candidate window, the upper left coordinate (x, y), and the width and height (w, h) of the candidate image, ie (image, x, y, w, h) .
  • step S4 includes the following sub-steps:
  • step S4-1 The candidate window obtained in step S3 is used as an input of the detector trained in step S2, and all the candidate windows are detected, and the candidate pictures judged to include the bridge by the detector are recorded, and the candidate windows are saved.
  • S4-2 extracting the position information included in the saved candidate window, and then marking the image area represented by the candidate window according to the position information of the candidate window on the picture to be detected, and finally completing the detection of the bridge position in the remote sensing image.
  • the GPU Since the CPU calculation speed is relatively slow compared to the GPU, the GPU is used for training and calculation at the end, which greatly improves the training speed and greatly improves the detection efficiency.

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)
  • Bioinformatics & Computational Biology (AREA)
  • Biophysics (AREA)
  • Computer Vision & Pattern Recognition (AREA)
  • Bioinformatics & Cheminformatics (AREA)
  • Probability & Statistics with Applications (AREA)
  • Health & Medical Sciences (AREA)
  • Biomedical Technology (AREA)
  • Evolutionary Biology (AREA)
  • Computational Linguistics (AREA)
  • General Health & Medical Sciences (AREA)
  • Molecular Biology (AREA)
  • Computing Systems (AREA)
  • Mathematical Physics (AREA)
  • Software Systems (AREA)
  • Image Analysis (AREA)
  • Image Processing (AREA)

Abstract

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

Description

一种基于卷积神经网络的遥感图像桥梁检测方法 技术领域
本发明适用于图像识别领域,主要针对于遥感图像中的桥梁进行检测,是一种基于卷积神经网络的遥感图像桥梁检测方法。
背景技术
遥感图像处理包括遥感图像的获取、去噪、增强、复原、压缩、分割、表示与描述、目标检测等等。其中,目标检测作为遥感图像处理的一个重要部分,在军事领域和民用领域都具有重要的意义。在军事领域,需要对敌方进行军事侦察以及对己方进行监控。通过对卫星、航空或者航天飞行器获得的遥感图像进行目标识别,能够了解所拍摄地区的地形、装备、部队调动情况等信息。早期的遥感图像目标检测是采用人工进行的,但是由于通常获得的遥感图像数据量很大,如果采用人工来进行判读,则需要重复工作,费时费力,而且实时性较差。现代的高科技战争,战场情况瞬息万变,如果图像处理速度太慢,将不能及时地获取关键信息,导致贻误战机,使己方蒙受重大损失。因此,采用快速自动识别技术进行遥感图像自动目标检测对现代战争非常重要。除了军事上的重要价值之外,遥感图像目标检测在其它方面如城市规划、地理数据库的建立及更新、自然灾害的灾情评估等民用领域也有着广泛的应用。随着全球定位***、地理信息***、数字地球***等概念被相继提出,也越来越需要对遥感图像中的目标进行精确的检测定位。此外,遥感图像目标检测在精确绘制城市的二维或三维地图、自然灾害造成的毁损情况检测及目标的变化检测中也变得迫切需要。
目前,针对遥感图像的桥梁目标检测主要采用利用显著性方法提取候选区域并提取特征,利用分类器对特征进行判断得到检测结果。专利号为CN200810232213.1的遥感图像桥梁目标检测是通过水域特征进行训练建模,以此进行遥感图像水域分割,针对分割好的结果进行桥梁检测,检测桥梁的过程中需要针对不同的桥梁设计不同的模板,然后提取特征最后完成桥梁检测。
基于上述研究现状,遥感图像的目标主要存在以下两个问题:第一,预处理之后,常对样本图像进行连通区域的形状、长宽比或面积等人为预设的具体特征的提取,这样不能保证提取到有效或者重要的特征,人为经验影响太大,实际应用效果不佳;第二, 为了不丢失图像的细节特征,有时也忽略人为预设特征提取的过程,直接将图像中的所有像素作为特征,再将这些特征作为分类器训练与分类的基础信息,这样做太繁琐,会带来大量的冗余信息,使得检测效率降低。
发明内容
发明目的:本发明的目的在于利用卷积神经网络在图像处理方面的优势,提出了一种利用卷积神经网络来解决遥感图像中桥梁图像的检测方法。该方法克服了传统方法效率低的缺点,通过卷积神经网络自动挖掘图像中的特征,最终实现桥梁图片的检测。
技术方案:
一种基于卷积神经网络的遥感图像桥梁检测方法,包括步骤:
S1:训练样本采集与预处理;
S1-1:选取包含桥梁区域的遥感图像,在遥感图像上手动截取尺寸大小为w*h大小的桥梁图片;
S1-2:在遥感图像上不包含桥梁的区域,截取尺寸大小为w*h的图片,作为检测器的负样本进行训练;
S1-3:选取步骤S1-1、S1-2中得到的正负样本,在保持图片w*h尺寸大小的前提下,对正负样本图片进行水平翻转,尺度变换,平移变换,旋转变换和白化操作;
S2:建立卷积神经网络训练模型,得到检测器;
S2-1:建立卷积神经网络模型,并对卷积神经网络模型中的各个参数进行初始化;
S2-2:将步骤S1-1、S1-2得到的正负样本放入S2-1得到的卷积神经网络模型,进行迭代训练;
S3:检测样本的预处理:
选取待检测的遥感图片,通过w*h大小窗口从遥感图片的左上角开始扫描,横向扫描步长为w/2,当扫描到待检测图片的最右端时,按照纵向扫描步长h/2向下移动一行,再从最左边开始按照横向w/2的步长扫描,依次扫描完整张遥感图片;记录每一步扫描都得到的候选窗口左上角的位置坐标,作为候选图片的位置信息;
S4:检测样本输入检测器得到结果;
S4-1:将步骤S3得到的候选窗口作为步骤S2训练得到的检测器的输入,对所有的候选窗口进行检测,记录下经过检测器判断为包含桥梁的候选图片,并保存这些候选窗口;
S4-2:将保存的候选窗口包含的位置信息提取出来,然后在待检测的图片上根据候选窗口的位置信息标记出候选窗口所代表的图像区域,最终完成对遥感图像中桥梁位置的检测工作。
所述步骤S1-1在截取桥梁图片的时候,既要选取桥梁特征明显的图片,同时也要截取包含桥梁,但是特征不明显,被遮挡或者较为模糊的桥梁图片。
所述步骤S2-1建立的卷积神经网络模型包括输入层,卷积层,池化层,卷积层,池化层,全连接层以及输出层;
1).输入层是将正负样本作为输入,输入到卷积神经网络模型中;
2).特征提取第一阶段:卷积层的卷积核大小是5*5的,输入3通道,输出64通道,移动步长为1;池化层采用最大池化的方式进行,窗口大小为3*3,步长为2,然后将得到的特征图进行归一化;
3).进入特征提取第二阶段:卷积层的卷积核大小依旧是5*5,输入64通道,输出64通道,步长为1,然后将卷积后的特征图归一化操作之后进行池化,池化方式依旧采取最大池化,窗口大小为3*3,步长为2;
4).最后将池化结果放入全连接层,最后输出。
所述步骤S2-1建立的卷积神经网络模型中的权值更新采用BP反向传播法进行;在每层更新权值的方法选用梯度下降法;所述梯度下降法的Learning Rate学习率设置在0.003-0.004之间。
所述步骤S2-1建立的卷积神经网络模型的最后输出采用Softmax作为二分类器,Softmax回归分两步:第一步为了得到一张给定图片属于某个特定数字类的证据,对图片像素值进行加权求和;如果这个像素具有很强的证据说明这张图片不属于该类,那么相应的权值为负数,相反如果这个像素拥有有利的证据支持这张图片属于这个类,那么权值是正数;即:
Figure PCTCN2017089134-appb-000001
evidencei表示给定图片属于i类的证据;其中wi代表权重,bi代表数字i类的偏置量,j代表给定图片x的像素索引用于像素求和;然后用Softmax函数可以把这些证据转换成概率y:
y=softmax(evidence)
其中,Softmax是一个激励函数,因此,给定一张图片,它对于每一个数字的吻合度被Softmax函数转换成为一个概率值;Softmax函数定义为:
softmax(x)=normalize(exp(x))
展开等式右边的子式,得到:
Figure PCTCN2017089134-appb-000002
在利用Softmax分类器得到一个概率分布的结果后,将结果与最终的标签进行比对,并通过比对确定一个阈值T,该阈值表示当Softmax训练结果中的概率值大于T时,那么判定输入图片中包含桥梁;如果训练结果中的概率值小于T,那个判定输入图片中不包含桥梁。
所述步骤S2-2中的迭代训练过程中,采取循环训练的策略;每次从所有样本图片中随机选取一定数量的图片进行训练,选取的batch_size大小为128,然后随机选取同样数量的其他样本进行训练,在不断地循环过程中,逐渐更新卷积神经网络模型中的权值。
有益效果:本发明无需提前进行桥梁图片的特征提取,简化了检测步骤,在保持高检测率的同时极大加快了遥感图像的检测速度。
附图说明
图1为本发明方法流程图。
图2为卷积神经网络结构图。
具体实施方式
下面结合附图对本发明作更进一步的说明。
本发明是一种基于卷积神经网络的遥感图像桥梁检测方法,主要包括训练阶段和检测阶段,所述的训练阶段主要包括以下步骤:
S1:训练样本采集与预处理;
S2:建立卷积神经网络训练模型,得到检测器。
所述的检测阶段主要包括以下步骤:
S3:检测样本的预处理;
S4:检测样本输入检测器得到结果。
进一步的,所述的步骤S1包括以下子步骤:
S1-1:首先选取一部分遥感图像,在遥感图像上手动截取尺寸大小为w*h大小的桥梁图片,在截取桥梁图片的时候,需要选取桥梁特征比较明显图片,同时,也应截取一些包含桥梁,但是特征不明显,被遮挡或者较为模糊的桥梁图片,这样可以保证在训练正样本后,检测器对特征不明显的桥梁图片也具有一定的检测能力。
S1-2:在遥感图像上不包含桥梁的区域,也截取尺寸大小为w*h的图片,这些图片作为检测器的负样本进行训练。
S1-3:选取步骤S1-1,S1-2中得到的正负样本,在保持图片w*h尺寸大小的前提下,对正负样本图片进行水平翻转,尺度变换,平移变换,旋转变换和白化操作,这样做进一步增加了训练样本的数量,同时也让训练图片的特征变得更多。
进一步的,所述的步骤S2包括以下子步骤:
S2-1;首先应当建立卷积神经网络模型,整个模型的结构是输入层,卷积层,池化层,归一层,卷积层,归一化层,池化层,全连接层,输出层。
1).输入层是将正负样本作为输入,输入到卷积神经网络模型中;
2).特征提取第一阶段,卷积层的卷积核大小是5*5的,输入3通道,输出64通道,移动步长为1,池化层采用最大池化的方式进行,窗口大小为3*3,步长为2,然后将得到的特征图进行归一化;
3).进入特征提取第二阶段,卷积层的卷积核大小依旧是5*5,输入64通道,输出64通道,步长为1,然后将卷积后的特征图归一化操作之后进行池化,池化方式依旧采取最大池化,窗口大小为3*3,步长为2;
4).最后将池化结果放入全连接层,最后输出。如附图2所示。
S2-2:在设计好卷积神经网络的模型结构后需要对网络模型中的各个参数进行初始化,在数据初始化时随机性尽可能高,这样训练时收敛的速度会比较快,而且不容易陷入局部最优的结果。
S2-3:卷积神经网络模型中的权值更新采用BP反向传播法进行,BP反向传播法根据前向传播计算的结果与目标结果相互比对,得出两个结果之间的差值,即总误差,根据总误差逐步向前,更新每一层的权值。在每层更新权值的方法选用梯度下降法,利用梯度下降法计算出在当前误差下的最优权值,得到最优权值后依次更新前层的权值。梯度下降法的Learning Rate学习率设置在0.003-0.004之间。
S2-4:最后输出采用Softmax作为二分类器,Softmax回归分两步:第一步为了得 到一张给定图片属于某个特定数字类的证据(evidence),我们对图片像素值进行加权求和。如果这个像素具有很强的证据说明这张图片不属于该类,那么相应的权值为负数,相反如果这个像素拥有有利的证据支持这张图片属于这个类,那么权值是正数。即:
Figure PCTCN2017089134-appb-000003
其中wi代表权重,bi代表数字i类的偏置量,j代表给定图片x的像素索引用于像素求和。然后用Softmax函数可以把这些证据转换成概率y:
y=softmax(evidence)
这里的Softmax可以看成是一个激励(activation)函数,因此,给定一张图片,它对于每一个数字的吻合度可以被Softmax函数转换成为一个概率值。Softmax函数可以定义为:
softmax(x)=normalize(exp(x))
展开等式右边的子式,可以得到:
Figure PCTCN2017089134-appb-000004
Softmax分类器是把全连接层的输出值作为输入值,并把输入值当成幂指数求值,再正则化这些结果值。这个幂运算表示,更大的证据对应更大的假设模型里面的乘数权重值。
反之,拥有更少的证据意味着在假设模型里面拥有更小的乘数系数。假设模型里的权值不可以是0值或者负值。Softmax然后会正则化这些权重值,使它们的总和等于1,以此构造一个有效的概率分布。
S2-5:在利用Softmax分类器得到一个概率分布的结果后,将这些结果与最终的标签进行比对,并通过比对确定一个阈值T,该阈值表示当Softmax训练结果中的概率值大于T时,那么将判定输入图片中是包含桥梁的,如果训练结果中的概率值小于T,那个判定输入图片中是不包含桥梁的。
S2-6:利用步骤S1-1,S1-2得出的正负样本,将这些样本放入初始化各层参数后卷积神经网络模型,进行迭代训练。在训练过程中,不会采取一次性将所有的训练样本全部放入模型中的策略,这样会使模型输入过大,计算会比较慢,而且一般的设备也会支持不了。
因此,训练过程中会采取循环训练的策略,每次从所有样本图片中随机选取一定数量的图片进行训练,这里选取的batch_size大小为128,然后随机选取同样数量的其他样本进行训练,在不断地循环过程中(循环次数设置为10000),逐渐更新卷积神经网络模型中的权值,这样做不仅会提高训练速度和效率,同时准确率也会更高。
进一步的,所述的步骤S3包括以下子步骤:
S3-1:首先选取待检测遥感图片,对于一般的遥感图像而言,遥感图像的尺寸都非常大,因此在本发明中会截取一张待检测遥感图片的八分之一或者十分之一,每次检测其中的一部分然后之后再检测其他的部分,这样检测器在检测时的负担会比较小,更容易计算,效率也会更高。
S3-2:选取待检测的遥感图片,通过w*h大小窗口从遥感图片的左上角开始扫描,横向扫描步长为w/2,当扫描到待检测图片的最右端时,按照纵向扫描步长h/2向下移动一行,再从最左边开始按照横向w/2的步长扫描,依次扫描完整张遥感图片。
S3-3:每一步扫描都得到一个候选窗口,在扫描时,将每一个候选窗口的左上角的位置坐标记录下来,作为候选图片的位置信息。因此,每个候选窗口包含信息应该是候选窗口代表的图片区域image,左上角坐标(x,y),候选图片的宽高(w,h),即(image,x,y,w,h)。
进一步的,所述的步骤S4包括以下子步骤:
S4-1:将步骤S3得到的候选窗口作为步骤S2训练得到的检测器的输入,对所有的候选窗口进行检测,记录下经过检测器判断为包含桥梁的候选图片,并保存这些候选窗口。
S4-2:将保存的候选窗口包含的位置信息提取出来,然后在待检测的图片上根据候选窗口的位置信息标记出候选窗口所代表的图像区域,最终完成对遥感图像中桥梁位置的检测工作。
由于使用CPU计算速度相对于GPU来说是比较慢,因此在最后使用了GPU进行训练和计算,这使得训练速度得到大大提升,同时检测效率也大幅提高。
以上所述仅是本发明的优选实施方式,应当指出:对于本技术领域的普通技术人员来说,在不脱离本发明原理的前提下,还可以做出若干改进和润饰,这些改进和润饰也应视为本发明的保护范围。

Claims (6)

  1. 一种基于卷积神经网络的遥感图像桥梁检测方法,其特征在于:包括步骤:
    S1:训练样本采集与预处理;
    S1-1:选取包含桥梁区域的遥感图像,在遥感图像上手动截取尺寸大小为w*h大小的桥梁图片;
    S1-2:在遥感图像上不包含桥梁的区域,截取尺寸大小为w*h的图片,作为检测器的负样本进行训练;
    S1-3:选取步骤S1-1、S1-2中得到的正负样本,在保持图片w*h尺寸大小的前提下,对正负样本图片进行水平翻转,尺度变换,平移变换,旋转变换和白化操作;
    S2:建立卷积神经网络训练模型,得到检测器;
    S2-1:建立卷积神经网络模型,并对卷积神经网络模型中的各个参数进行初始化;
    S2-2:将步骤S1-1、S1-2得到的正负样本放入S2-1得到的卷积神经网络模型,进行迭代训练;
    S3:检测样本的预处理:
    选取待检测的遥感图片,通过w*h大小窗口从遥感图片的左上角开始扫描,横向扫描步长为w/2,当扫描到待检测图片的最右端时,按照纵向扫描步长h/2向下移动一行,再从最左边开始按照横向w/2的步长扫描,依次扫描完整张遥感图片;记录每一步扫描都得到的候选窗口左上角的位置坐标,作为候选图片的位置信息;
    S4:检测样本输入检测器得到结果;
    S4-1:将步骤S3得到的候选窗口作为步骤S2训练得到的检测器的输入,对所有的候选窗口进行检测,记录下经过检测器判断为包含桥梁的候选图片,并保存这些候选窗口;
    S4-2:将保存的候选窗口包含的位置信息提取出来,然后在待检测的图片上根据候选窗口的位置信息标记出候选窗口所代表的图像区域,最终完成对遥感图像中桥梁位置的检测工作。
  2. 根据权利要求1所述的遥感图像桥梁检测方法,其特征在于:所述步骤S1-1在截取桥梁图片的时候,既要选取桥梁特征明显的图片,同时也要截取包含桥梁,但是特征不明显,被遮挡或者较为模糊的桥梁图片。
  3. 根据权利要求1所述的遥感图像桥梁检测方法,其特征在于:所述步骤S2-1建 立的卷积神经网络模型包括输入层,卷积层,池化层,卷积层,池化层,全连接层以及输出层;
    1).输入层是将正负样本作为输入,输入到卷积神经网络模型中;
    2).特征提取第一阶段:卷积层的卷积核大小是5*5的,输入3通道,输出64通道,移动步长为1;池化层采用最大池化的方式进行,窗口大小为3*3,步长为2,然后将得到的特征图进行归一化;
    3).进入特征提取第二阶段:卷积层的卷积核大小依旧是5*5,输入64通道,输出64通道,步长为1,然后将卷积后的特征图归一化操作之后进行池化,池化方式依旧采取最大池化,窗口大小为3*3,步长为2;
    4).最后将池化结果放入全连接层,最后输出。
  4. 根据权利要求1所述的遥感图像桥梁检测方法,其特征在于:所述步骤S2-1建立的卷积神经网络模型中的权值更新采用BP反向传播法进行;在每层更新权值的方法选用梯度下降法;所述梯度下降法的Learning Rate学习率设置在0.003-0.004之间。
  5. 根据权利要求1所述的遥感图像桥梁检测方法,其特征在于:所述步骤S2-1建立的卷积神经网络模型的最后输出采用Softmax作为二分类器,Softmax回归分两步:第一步为了得到一张给定图片属于某个特定数字类的证据,对图片像素值进行加权求和;如果这个像素具有很强的证据说明这张图片不属于该类,那么相应的权值为负数,相反如果这个像素拥有有利的证据支持这张图片属于这个类,那么权值是正数;即:
    Figure PCTCN2017089134-appb-100001
    evidencei表示给定图片属于i类的证据;其中wi代表权重,bi代表数字i类的偏置量,j代表给定图片x的像素索引用于像素求和;然后用Softmax函数可以把这些证据转换成概率y:
    y=softmax(evidence)
    其中,Softmax是一个激励函数,因此,给定一张图片,它对于每一个数字的吻合度被Softmax函数转换成为一个概率值;Softmax函数定义为:
    softmax(x)=normalize(exp(x))
    展开等式右边的子式,得到:
    Figure PCTCN2017089134-appb-100002
    在利用Softmax分类器得到一个概率分布的结果后,将结果与最终的标签进行比对,并通过比对确定一个阈值T,该阈值表示当Softmax训练结果中的概率值大于T时,那么判定输入图片中包含桥梁;如果训练结果中的概率值小于T,那个判定输入图片中不包含桥梁。
  6. 根据权利要求1所述的遥感图像桥梁检测方法,其特征在于:所述步骤S2-2中的迭代训练过程中,采取循环训练的策略;每次从所有样本图片中随机选取一定数量的图片进行训练,选取的batch_size大小为128,然后随机选取同样数量的其他样本进行训练,在不断地循环过程中,逐渐更新卷积神经网络模型中的权值。
PCT/CN2017/089134 2017-05-25 2017-06-20 一种基于卷积神经网络的遥感图像桥梁检测方法 WO2018214195A1 (zh)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN201710380211.6A CN107066995A (zh) 2017-05-25 2017-05-25 一种基于卷积神经网络的遥感图像桥梁检测方法
CN201710380211.6 2017-05-25

Publications (1)

Publication Number Publication Date
WO2018214195A1 true WO2018214195A1 (zh) 2018-11-29

Family

ID=59609850

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2017/089134 WO2018214195A1 (zh) 2017-05-25 2017-06-20 一种基于卷积神经网络的遥感图像桥梁检测方法

Country Status (2)

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

Cited By (109)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109740549A (zh) * 2019-01-08 2019-05-10 西安电子科技大学 基于半监督cnn的sar图像目标检测***和方法
CN109859187A (zh) * 2019-01-31 2019-06-07 东北大学 一种爆堆矿岩颗粒图像分割方法
CN109919230A (zh) * 2019-03-10 2019-06-21 西安电子科技大学 基于循环特征金字塔的医学图像肺结节检测方法
CN109919108A (zh) * 2019-03-11 2019-06-21 西安电子科技大学 基于深度哈希辅助网络的遥感图像快速目标检测方法
CN109978032A (zh) * 2019-03-15 2019-07-05 西安电子科技大学 基于空间金字塔空洞卷积网络的桥梁裂缝检测方法
CN109993104A (zh) * 2019-03-29 2019-07-09 河南工程学院 一种遥感图像对象层次的变化检测方法
CN110009010A (zh) * 2019-03-20 2019-07-12 西安电子科技大学 基于兴趣区域重检测的宽幅光学遥感目标检测方法
CN110020688A (zh) * 2019-04-10 2019-07-16 西安电子科技大学 基于深度学习的遮挡行人检测方法
CN110084195A (zh) * 2019-04-26 2019-08-02 西安电子科技大学 基于卷积神经网络的遥感图像目标检测方法
CN110097524A (zh) * 2019-04-22 2019-08-06 西安电子科技大学 基于融合卷积神经网络的sar图像目标检测方法
CN110147714A (zh) * 2019-03-28 2019-08-20 中国矿业大学 基于无人机的煤矿采空区裂缝识别方法及检测***
CN110163294A (zh) * 2019-05-29 2019-08-23 广东工业大学 基于降维操作和卷积网络的遥感图像变化区域检测方法
CN110210297A (zh) * 2019-04-25 2019-09-06 上海海事大学 报关单图像中文字定位与提取的方法
CN110288563A (zh) * 2019-05-22 2019-09-27 苏州万卓纺织有限公司 一种基于深度学习的织物疵点检测方法
CN110321866A (zh) * 2019-07-09 2019-10-11 西北工业大学 基于深度特征稀疏化算法的遥感图像场景分类方法
CN110321794A (zh) * 2019-05-23 2019-10-11 湖南大学 一种融入语义模型的遥感图像油罐检测方法
CN110334724A (zh) * 2019-04-16 2019-10-15 武汉理工大学 基于lstm的遥感对象自然语言描述及多尺度矫正方法
CN110334578A (zh) * 2019-05-05 2019-10-15 中南大学 图像级别标注自动提取高分遥感影像建筑物的弱监督方法
CN110334765A (zh) * 2019-07-05 2019-10-15 西安电子科技大学 基于注意力机制多尺度深度学习的遥感影像分类方法
CN110414330A (zh) * 2019-06-20 2019-11-05 平安科技(深圳)有限公司 一种手掌图像的检测方法及装置
CN110443259A (zh) * 2019-07-29 2019-11-12 中科光启空间信息技术有限公司 一种从中等分辨率遥感影像中提取甘蔗的方法
CN110472732A (zh) * 2019-08-19 2019-11-19 杭州凝眸智能科技有限公司 优化特征提取方法及其神经网络结构
CN110472636A (zh) * 2019-07-26 2019-11-19 四创科技有限公司 基于深度学习的水尺e字形刻度识别方法
CN110569899A (zh) * 2019-09-03 2019-12-13 嘉陵江亭子口水利水电开发有限公司 坝面缺陷分类模型训练方法及装置
CN110648334A (zh) * 2019-09-18 2020-01-03 中国人民解放***箭军工程大学 一种基于注意力机制的多特征循环卷积显著性目标检测方法
CN110728665A (zh) * 2019-09-30 2020-01-24 西安电子科技大学 基于并行概率神经网络的sar图像变化检测方法
CN110751271A (zh) * 2019-10-28 2020-02-04 西安烽火软件科技有限公司 一种基于深度神经网络的图像溯源特征表征方法
CN110991374A (zh) * 2019-12-10 2020-04-10 电子科技大学 一种基于rcnn的指纹奇异点检测方法
CN110988839A (zh) * 2019-12-25 2020-04-10 中南大学 基于一维卷积神经网络的墙体健康状况的快速识别方法
CN110992257A (zh) * 2019-12-20 2020-04-10 北京航天泰坦科技股份有限公司 基于深度学习的遥感影像敏感信息自动屏蔽方法及装置
CN111008651A (zh) * 2019-11-13 2020-04-14 科大国创软件股份有限公司 一种基于多特征融合的图像翻拍检测方法
CN111008956A (zh) * 2019-11-13 2020-04-14 武汉工程大学 基于图像处理的梁底裂纹检测方法、***、装置及介质
CN111028178A (zh) * 2019-12-20 2020-04-17 武汉大学 一种基于深度学习的遥感影像数据自动化几何纠正方法
CN111047551A (zh) * 2019-11-06 2020-04-21 北京科技大学 一种基于U-net改进算法的遥感影像变化检测方法及***
CN111104887A (zh) * 2019-12-11 2020-05-05 北京化工大学 一种基于振动机理与深度学习技术的整周期无键相监测方法
CN111126189A (zh) * 2019-12-10 2020-05-08 北京航天世景信息技术有限公司 一种基于遥感影像的目标查找方法
CN111144383A (zh) * 2020-01-15 2020-05-12 河南理工大学 一种检测车辆偏转角度的方法
CN111160276A (zh) * 2019-12-31 2020-05-15 重庆大学 基于遥感影像的u型空洞全卷积分割网络识别模型
CN111160127A (zh) * 2019-12-11 2020-05-15 中国资源卫星应用中心 一种基于深度卷积神经网络模型的遥感影像处理及检测方法
CN111192240A (zh) * 2019-12-23 2020-05-22 北京航空航天大学 一种基于随机接入记忆的遥感图像目标检测方法
CN111199214A (zh) * 2020-01-04 2020-05-26 西安电子科技大学 一种残差网络多光谱图像地物分类方法
CN111222576A (zh) * 2020-01-08 2020-06-02 西安理工大学 一种高分辨率遥感图像分类方法
CN111241725A (zh) * 2019-12-30 2020-06-05 浙江大学 基于条件生成对抗网络的结构响应重构方法
CN111310675A (zh) * 2020-02-20 2020-06-19 上海赛可出行科技服务有限公司 基于卷积神经网络的高架识别辅助定位方法
CN111339935A (zh) * 2020-02-25 2020-06-26 西安电子科技大学 一种基于可解释cnn图像分类模型的光学遥感图片分类方法
CN111353432A (zh) * 2020-02-28 2020-06-30 安徽华润金蟾药业股份有限公司 一种基于卷积神经网络的金银花药材快速净选方法及***
CN111368865A (zh) * 2018-12-26 2020-07-03 北京眼神智能科技有限公司 遥感影像储油罐检测方法、装置、可读存储介质及设备
CN111368776A (zh) * 2020-03-13 2020-07-03 长安大学 一种基于深度集成学习的高分辨率遥感图像分类方法
CN111382759A (zh) * 2018-12-28 2020-07-07 广州市百果园信息技术有限公司 一种像素级分类方法、装置、设备及存储介质
CN111401190A (zh) * 2020-03-10 2020-07-10 上海眼控科技股份有限公司 车辆检测方法、装置、计算机设备和存储介质
CN111401302A (zh) * 2020-04-07 2020-07-10 中国人民解放军海军航空大学 遥感图像舰船目标一体化检测与细粒度识别方法
CN111476056A (zh) * 2019-01-23 2020-07-31 阿里巴巴集团控股有限公司 目标物体的识别方法、装置、终端设备及计算机存储介质
CN111476167A (zh) * 2020-04-09 2020-07-31 北京中科千寻科技有限公司 一种基于学生-t分布辅助的一阶段方向遥感图像目标检测方法
CN111489387A (zh) * 2020-04-09 2020-08-04 湖南盛鼎科技发展有限责任公司 遥感图像建筑物面积计算方法
CN111553303A (zh) * 2020-05-07 2020-08-18 武汉大势智慧科技有限公司 基于卷积神经网络的遥感正射影像密集建筑物提取方法
CN111626175A (zh) * 2020-05-22 2020-09-04 西安工业大学 基于深度卷积神经网络的轴型识别方法
CN111666903A (zh) * 2020-06-10 2020-09-15 中国电子科技集团公司第二十八研究所 一种卫星云图中雷暴云团的识别方法
CN111709479A (zh) * 2020-06-17 2020-09-25 广东工业大学 一种图像分类方法和装置
CN111754463A (zh) * 2020-06-02 2020-10-09 石家庄铁道大学 一种基于卷积神经网络的无砟轨道ca砂浆层缺陷检测方法
CN111915592A (zh) * 2020-08-04 2020-11-10 西安电子科技大学 基于深度学习的遥感图像云检测方法
CN111914997A (zh) * 2020-06-30 2020-11-10 华为技术有限公司 训练神经网络的方法、图像处理方法及装置
CN111950343A (zh) * 2020-06-24 2020-11-17 中国电力科学研究院有限公司 一种基于卫星遥感技术的输电杆塔自动识别方法和***
CN111985549A (zh) * 2020-08-12 2020-11-24 中国科学院光电技术研究所 针对给定刚体目标进行部件自动定位识别的深度学习方法
CN111985274A (zh) * 2019-05-23 2020-11-24 中国科学院沈阳自动化研究所 一种基于卷积神经网络的遥感图像分割算法
CN111986149A (zh) * 2020-07-16 2020-11-24 江西斯源科技有限公司 一种基于卷积神经网络的植物病虫害检测方法
CN112053354A (zh) * 2020-09-15 2020-12-08 上海应用技术大学 一种轨道板裂缝检测方法
CN112084877A (zh) * 2020-08-13 2020-12-15 西安理工大学 基于nsga-net的遥感图像识别方法
CN112115760A (zh) * 2019-06-20 2020-12-22 和硕联合科技股份有限公司 物件检测***及物件检测方法
CN112132822A (zh) * 2020-09-30 2020-12-25 东南大学 一种基于迁移学习的可疑违章建筑检测算法
CN112132759A (zh) * 2020-09-07 2020-12-25 东南大学 一种基于端到端卷积神经网络的颅骨面貌复原方法
CN112232229A (zh) * 2020-10-20 2021-01-15 山东科技大学 基于U-net神经网络的精细水体提取方法
CN112347827A (zh) * 2019-08-06 2021-02-09 东北大学秦皇岛分校 一种船舶水尺自动检测方法及***
CN112395924A (zh) * 2019-08-16 2021-02-23 阿里巴巴集团控股有限公司 一种遥感监测方法及装置
CN112446266A (zh) * 2019-09-04 2021-03-05 北京君正集成电路股份有限公司 一种适合前端的人脸识别网络结构
CN112651931A (zh) * 2020-12-15 2021-04-13 浙江大华技术股份有限公司 建筑物变形监测方法、装置和计算机设备
CN112699736A (zh) * 2020-12-08 2021-04-23 江西省交通科学研究院 一种基于空间注意力的桥梁支座病害识别方法
CN112751633A (zh) * 2020-10-26 2021-05-04 中国人民解放军63891部队 一种基于多尺度窗口滑动的宽带频谱检测方法
CN112784806A (zh) * 2021-02-04 2021-05-11 中国地质科学院矿产资源研究所 一种基于全卷积神经网络的含锂伟晶岩脉提取方法
CN112801972A (zh) * 2021-01-25 2021-05-14 武汉理工大学 一种桥梁缺陷检测方法、设备、***及存储介质
CN112906577A (zh) * 2021-02-23 2021-06-04 清华大学 多源遥感图像的融合方法
CN113033324A (zh) * 2021-03-03 2021-06-25 广东省地质环境监测总站 一种地质灾害前兆因子识别方法、装置,电子设备及存储介质
CN113095359A (zh) * 2021-03-05 2021-07-09 西安交通大学 一种射线图像标记信息检测方法及***
CN113111740A (zh) * 2021-03-27 2021-07-13 西北工业大学 一种遥感图像目标检测的特征编织方法
CN113160239A (zh) * 2021-03-08 2021-07-23 广东国地规划科技股份有限公司 一种违法用地检测方法及装置
CN113255451A (zh) * 2021-04-25 2021-08-13 西北工业大学 遥感图像的变化检测方法、装置、电子设备及存储介质
CN113344037A (zh) * 2021-05-18 2021-09-03 国网江西省电力有限公司电力科学研究院 电缆绝缘层及护套参数测量方法及测量装置
CN113343942A (zh) * 2021-07-21 2021-09-03 西安电子科技大学 一种遥感图像缺陷检测方法
CN113361662A (zh) * 2021-07-22 2021-09-07 全图通位置网络有限公司 一种城市轨道交通遥感图像数据的处理***及方法
CN113408398A (zh) * 2021-06-16 2021-09-17 西安电子科技大学 基于通道注意力及概率上采样的遥感图像云检测方法
CN113469072A (zh) * 2021-07-06 2021-10-01 西安电子科技大学 基于GSoP和孪生融合网络的遥感图像变化检测方法及***
CN113505627A (zh) * 2021-03-31 2021-10-15 北京苍灵科技有限公司 遥感数据处理方法、装置、电子设备和存储介质
CN113538615A (zh) * 2021-06-29 2021-10-22 中国海洋大学 基于双流生成器深度卷积对抗生成网络的遥感图像上色方法
CN113537006A (zh) * 2021-07-01 2021-10-22 昆明理工大学 一种基于卷积神经网络的普洱生茶和熟茶判定方法
CN113536943A (zh) * 2021-06-21 2021-10-22 上海赫千电子科技有限公司 一种基于图像增强的道路交通标志识别方法
CN113570111A (zh) * 2021-06-29 2021-10-29 中北大学 基于轻量化网络的桥梁健康状态片上监测方法
CN113689399A (zh) * 2021-08-23 2021-11-23 长安大学 一种用于电网识别遥感图像处理方法及***
CN113706364A (zh) * 2021-09-14 2021-11-26 杭州师范大学 一种遥感影像的可逆信息隐藏方法
CN113792685A (zh) * 2021-09-17 2021-12-14 东北石油大学 一种基于多尺度卷积神经网络的微地震事件检测方法
CN113837994A (zh) * 2021-07-29 2021-12-24 尚特杰电力科技有限公司 一种基于边缘检测卷积神经网络的光伏板缺陷诊断方法
CN114092832A (zh) * 2022-01-20 2022-02-25 武汉大学 一种基于并联混合卷积网络的高分辨率遥感影像分类方法
CN114519819A (zh) * 2022-02-10 2022-05-20 西北工业大学 一种基于全局上下文感知的遥感图像目标检测方法
CN114657513A (zh) * 2022-05-23 2022-06-24 河南银金达新材料股份有限公司 一种抗菌再生聚酯膜的制备方法
CN114782400A (zh) * 2022-05-17 2022-07-22 东风本田发动机有限公司 金属物料渣点检测方法、装置、设备、介质和程序产品
CN114821056A (zh) * 2022-04-24 2022-07-29 国家林业和草原局华东调查规划院 一种遥感影像中基于ai技术的林草资源变化自动判读方法
CN114998772A (zh) * 2022-08-03 2022-09-02 深圳联和智慧科技有限公司 一种基于无人机的一体化桥梁检测方法、***及云平台
CN115096268A (zh) * 2022-06-17 2022-09-23 西南交通大学 基于无人机航拍及超声波探测的桥梁损伤深度检测方法
CN115423829A (zh) * 2022-07-29 2022-12-02 江苏省水利科学研究院 一种单波段遥感影像水体快速提取方法及***
CN116645618A (zh) * 2023-06-05 2023-08-25 广东省农业科学院设施农业研究所 农业数据处理方法、***和存储介质
CN117036962A (zh) * 2023-10-08 2023-11-10 中国科学院空天信息创新研究院 遥感图像变化检测方法、装置、设备及存储介质

Families Citing this family (7)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
EP3499415A1 (en) * 2017-12-14 2019-06-19 Axis AB Method and image processing entity for applying a convolutional neural network to an image
CN109325449B (zh) * 2018-01-04 2022-06-21 苏州中科天启遥感科技有限公司 基于样本更新的卷积神经网络目标检测框架
CN108364262A (zh) * 2018-01-11 2018-08-03 深圳大学 一种模糊图像的复原方法、装置、设备及存储介质
CN110675324B (zh) * 2018-07-02 2023-10-10 上海寰声智能科技有限公司 4k超高清图像清晰化处理方法
CN109086878B (zh) * 2018-10-19 2019-12-17 电子科技大学 保持旋转不变性的卷积神经网络模型及其训练方法
CN111435541A (zh) * 2019-01-14 2020-07-21 珠海格力电器股份有限公司 获取米粒的垩白度的方法、装置和烹饪器具
CN111815627B (zh) * 2020-08-24 2020-12-01 成都睿沿科技有限公司 遥感图像变化检测方法、模型训练方法及对应装置

Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN104217214A (zh) * 2014-08-21 2014-12-17 广东顺德中山大学卡内基梅隆大学国际联合研究院 基于可配置卷积神经网络的rgb-d人物行为识别方法
US20150117760A1 (en) * 2013-10-30 2015-04-30 Nec Laboratories America, Inc. Regionlets with Shift Invariant Neural Patterns for Object Detection
CN105844228A (zh) * 2016-03-21 2016-08-10 北京航空航天大学 一种基于卷积神经网络的遥感图像云检测方法
CN106096655A (zh) * 2016-06-14 2016-11-09 厦门大学 一种基于卷积神经网络的光学遥感图像飞机检测方法
CN106295503A (zh) * 2016-07-25 2017-01-04 武汉大学 区域卷积神经网络的高分辨率遥感影像舰船目标提取方法

Family Cites Families (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
GB2542118B (en) * 2015-09-04 2021-05-19 Toshiba Europe Ltd A method, apparatus, system, and computer readable medium for detecting change to a structure

Patent Citations (5)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20150117760A1 (en) * 2013-10-30 2015-04-30 Nec Laboratories America, Inc. Regionlets with Shift Invariant Neural Patterns for Object Detection
CN104217214A (zh) * 2014-08-21 2014-12-17 广东顺德中山大学卡内基梅隆大学国际联合研究院 基于可配置卷积神经网络的rgb-d人物行为识别方法
CN105844228A (zh) * 2016-03-21 2016-08-10 北京航空航天大学 一种基于卷积神经网络的遥感图像云检测方法
CN106096655A (zh) * 2016-06-14 2016-11-09 厦门大学 一种基于卷积神经网络的光学遥感图像飞机检测方法
CN106295503A (zh) * 2016-07-25 2017-01-04 武汉大学 区域卷积神经网络的高分辨率遥感影像舰船目标提取方法

Cited By (187)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN111368865B (zh) * 2018-12-26 2023-08-22 北京眼神智能科技有限公司 遥感影像储油罐检测方法、装置、可读存储介质及设备
CN111368865A (zh) * 2018-12-26 2020-07-03 北京眼神智能科技有限公司 遥感影像储油罐检测方法、装置、可读存储介质及设备
CN111382759A (zh) * 2018-12-28 2020-07-07 广州市百果园信息技术有限公司 一种像素级分类方法、装置、设备及存储介质
CN111382759B (zh) * 2018-12-28 2023-04-21 广州市百果园信息技术有限公司 一种像素级分类方法、装置、设备及存储介质
CN109740549B (zh) * 2019-01-08 2022-12-27 西安电子科技大学 基于半监督cnn的sar图像目标检测***和方法
CN109740549A (zh) * 2019-01-08 2019-05-10 西安电子科技大学 基于半监督cnn的sar图像目标检测***和方法
CN111476056A (zh) * 2019-01-23 2020-07-31 阿里巴巴集团控股有限公司 目标物体的识别方法、装置、终端设备及计算机存储介质
CN111476056B (zh) * 2019-01-23 2024-04-16 阿里巴巴集团控股有限公司 目标物体的识别方法、装置、终端设备及计算机存储介质
CN109859187A (zh) * 2019-01-31 2019-06-07 东北大学 一种爆堆矿岩颗粒图像分割方法
CN109919230A (zh) * 2019-03-10 2019-06-21 西安电子科技大学 基于循环特征金字塔的医学图像肺结节检测方法
CN109919230B (zh) * 2019-03-10 2022-12-06 西安电子科技大学 基于循环特征金字塔的医学图像肺结节检测方法
CN109919108B (zh) * 2019-03-11 2022-12-06 西安电子科技大学 基于深度哈希辅助网络的遥感图像快速目标检测方法
CN109919108A (zh) * 2019-03-11 2019-06-21 西安电子科技大学 基于深度哈希辅助网络的遥感图像快速目标检测方法
CN109978032B (zh) * 2019-03-15 2022-12-06 西安电子科技大学 基于空间金字塔空洞卷积网络的桥梁裂缝检测方法
CN109978032A (zh) * 2019-03-15 2019-07-05 西安电子科技大学 基于空间金字塔空洞卷积网络的桥梁裂缝检测方法
CN110009010B (zh) * 2019-03-20 2023-03-24 西安电子科技大学 基于兴趣区域重检测的宽幅光学遥感目标检测方法
CN110009010A (zh) * 2019-03-20 2019-07-12 西安电子科技大学 基于兴趣区域重检测的宽幅光学遥感目标检测方法
CN110147714A (zh) * 2019-03-28 2019-08-20 中国矿业大学 基于无人机的煤矿采空区裂缝识别方法及检测***
CN110147714B (zh) * 2019-03-28 2023-06-23 煤炭科学研究总院 基于无人机的煤矿采空区裂缝识别方法及检测***
CN109993104B (zh) * 2019-03-29 2022-09-16 河南工程学院 一种遥感图像对象层次的变化检测方法
CN109993104A (zh) * 2019-03-29 2019-07-09 河南工程学院 一种遥感图像对象层次的变化检测方法
CN110020688B (zh) * 2019-04-10 2022-12-06 西安电子科技大学 基于深度学习的遮挡行人检测方法
CN110020688A (zh) * 2019-04-10 2019-07-16 西安电子科技大学 基于深度学习的遮挡行人检测方法
CN110334724A (zh) * 2019-04-16 2019-10-15 武汉理工大学 基于lstm的遥感对象自然语言描述及多尺度矫正方法
CN110334724B (zh) * 2019-04-16 2022-06-17 武汉理工大学 基于lstm的遥感对象自然语言描述及多尺度矫正方法
CN110097524A (zh) * 2019-04-22 2019-08-06 西安电子科技大学 基于融合卷积神经网络的sar图像目标检测方法
CN110097524B (zh) * 2019-04-22 2022-12-06 西安电子科技大学 基于融合卷积神经网络的sar图像目标检测方法
CN110210297B (zh) * 2019-04-25 2023-12-26 上海海事大学 报关单图像中文字定位与提取的方法
CN110210297A (zh) * 2019-04-25 2019-09-06 上海海事大学 报关单图像中文字定位与提取的方法
CN110084195B (zh) * 2019-04-26 2022-12-06 西安电子科技大学 基于卷积神经网络的遥感图像目标检测方法
CN110084195A (zh) * 2019-04-26 2019-08-02 西安电子科技大学 基于卷积神经网络的遥感图像目标检测方法
CN110334578A (zh) * 2019-05-05 2019-10-15 中南大学 图像级别标注自动提取高分遥感影像建筑物的弱监督方法
CN110288563A (zh) * 2019-05-22 2019-09-27 苏州万卓纺织有限公司 一种基于深度学习的织物疵点检测方法
CN110321794A (zh) * 2019-05-23 2019-10-11 湖南大学 一种融入语义模型的遥感图像油罐检测方法
CN110321794B (zh) * 2019-05-23 2023-02-28 湖南大学 一种融入语义模型的遥感图像油罐检测方法
CN111985274A (zh) * 2019-05-23 2020-11-24 中国科学院沈阳自动化研究所 一种基于卷积神经网络的遥感图像分割算法
CN111985274B (zh) * 2019-05-23 2023-08-04 中国科学院沈阳自动化研究所 一种基于卷积神经网络的遥感图像分割方法
CN110163294A (zh) * 2019-05-29 2019-08-23 广东工业大学 基于降维操作和卷积网络的遥感图像变化区域检测方法
CN110414330A (zh) * 2019-06-20 2019-11-05 平安科技(深圳)有限公司 一种手掌图像的检测方法及装置
CN112115760A (zh) * 2019-06-20 2020-12-22 和硕联合科技股份有限公司 物件检测***及物件检测方法
CN112115760B (zh) * 2019-06-20 2024-02-13 和硕联合科技股份有限公司 物件检测***及物件检测方法
CN110334765B (zh) * 2019-07-05 2023-03-24 西安电子科技大学 基于注意力机制多尺度深度学习的遥感影像分类方法
CN110334765A (zh) * 2019-07-05 2019-10-15 西安电子科技大学 基于注意力机制多尺度深度学习的遥感影像分类方法
CN110321866B (zh) * 2019-07-09 2023-03-24 西北工业大学 基于深度特征稀疏化算法的遥感图像场景分类方法
CN110321866A (zh) * 2019-07-09 2019-10-11 西北工业大学 基于深度特征稀疏化算法的遥感图像场景分类方法
CN110472636A (zh) * 2019-07-26 2019-11-19 四创科技有限公司 基于深度学习的水尺e字形刻度识别方法
CN110472636B (zh) * 2019-07-26 2022-10-14 四创科技有限公司 基于深度学习的水尺e字形刻度识别方法
CN110443259A (zh) * 2019-07-29 2019-11-12 中科光启空间信息技术有限公司 一种从中等分辨率遥感影像中提取甘蔗的方法
CN110443259B (zh) * 2019-07-29 2023-04-07 中科光启空间信息技术有限公司 一种从中等分辨率遥感影像中提取甘蔗的方法
CN112347827A (zh) * 2019-08-06 2021-02-09 东北大学秦皇岛分校 一种船舶水尺自动检测方法及***
CN112395924A (zh) * 2019-08-16 2021-02-23 阿里巴巴集团控股有限公司 一种遥感监测方法及装置
CN112395924B (zh) * 2019-08-16 2024-02-20 阿里巴巴集团控股有限公司 一种遥感监测方法及装置
CN110472732A (zh) * 2019-08-19 2019-11-19 杭州凝眸智能科技有限公司 优化特征提取方法及其神经网络结构
CN110569899A (zh) * 2019-09-03 2019-12-13 嘉陵江亭子口水利水电开发有限公司 坝面缺陷分类模型训练方法及装置
CN112446266A (zh) * 2019-09-04 2021-03-05 北京君正集成电路股份有限公司 一种适合前端的人脸识别网络结构
CN112446266B (zh) * 2019-09-04 2024-03-29 北京君正集成电路股份有限公司 一种适合前端的人脸识别网络结构
CN110648334A (zh) * 2019-09-18 2020-01-03 中国人民解放***箭军工程大学 一种基于注意力机制的多特征循环卷积显著性目标检测方法
CN110728665B (zh) * 2019-09-30 2023-04-18 西安电子科技大学 基于并行概率神经网络的sar图像变化检测方法
CN110728665A (zh) * 2019-09-30 2020-01-24 西安电子科技大学 基于并行概率神经网络的sar图像变化检测方法
CN110751271A (zh) * 2019-10-28 2020-02-04 西安烽火软件科技有限公司 一种基于深度神经网络的图像溯源特征表征方法
CN110751271B (zh) * 2019-10-28 2023-05-26 西安烽火软件科技有限公司 一种基于深度神经网络的图像溯源特征表征方法
CN111047551B (zh) * 2019-11-06 2023-10-31 北京科技大学 一种基于U-net改进算法的遥感影像变化检测方法及***
CN111047551A (zh) * 2019-11-06 2020-04-21 北京科技大学 一种基于U-net改进算法的遥感影像变化检测方法及***
CN111008651A (zh) * 2019-11-13 2020-04-14 科大国创软件股份有限公司 一种基于多特征融合的图像翻拍检测方法
CN111008651B (zh) * 2019-11-13 2023-04-28 科大国创软件股份有限公司 一种基于多特征融合的图像翻拍检测方法
CN111008956A (zh) * 2019-11-13 2020-04-14 武汉工程大学 基于图像处理的梁底裂纹检测方法、***、装置及介质
CN111126189A (zh) * 2019-12-10 2020-05-08 北京航天世景信息技术有限公司 一种基于遥感影像的目标查找方法
CN110991374A (zh) * 2019-12-10 2020-04-10 电子科技大学 一种基于rcnn的指纹奇异点检测方法
CN110991374B (zh) * 2019-12-10 2023-04-04 电子科技大学 一种基于rcnn的指纹奇异点检测方法
CN111104887A (zh) * 2019-12-11 2020-05-05 北京化工大学 一种基于振动机理与深度学习技术的整周期无键相监测方法
CN111160127A (zh) * 2019-12-11 2020-05-15 中国资源卫星应用中心 一种基于深度卷积神经网络模型的遥感影像处理及检测方法
CN111104887B (zh) * 2019-12-11 2024-03-29 北京化工大学 一种基于振动机理与深度学习技术的整周期无键相监测方法
CN111028178B (zh) * 2019-12-20 2022-04-29 武汉大学 一种基于深度学习的遥感影像数据自动化几何纠正方法
CN110992257A (zh) * 2019-12-20 2020-04-10 北京航天泰坦科技股份有限公司 基于深度学习的遥感影像敏感信息自动屏蔽方法及装置
CN111028178A (zh) * 2019-12-20 2020-04-17 武汉大学 一种基于深度学习的遥感影像数据自动化几何纠正方法
CN111192240A (zh) * 2019-12-23 2020-05-22 北京航空航天大学 一种基于随机接入记忆的遥感图像目标检测方法
CN111192240B (zh) * 2019-12-23 2023-09-01 北京航空航天大学 一种基于随机接入记忆的遥感图像目标检测方法
CN110988839A (zh) * 2019-12-25 2020-04-10 中南大学 基于一维卷积神经网络的墙体健康状况的快速识别方法
CN110988839B (zh) * 2019-12-25 2023-10-10 中南大学 基于一维卷积神经网络的墙体健康状况的快速识别方法
CN111241725A (zh) * 2019-12-30 2020-06-05 浙江大学 基于条件生成对抗网络的结构响应重构方法
CN111241725B (zh) * 2019-12-30 2022-08-23 浙江大学 基于条件生成对抗网络的结构响应重构方法
CN111160276A (zh) * 2019-12-31 2020-05-15 重庆大学 基于遥感影像的u型空洞全卷积分割网络识别模型
CN111160276B (zh) * 2019-12-31 2023-05-12 重庆大学 基于遥感影像的u型空洞全卷积分割网络识别模型
CN111199214A (zh) * 2020-01-04 2020-05-26 西安电子科技大学 一种残差网络多光谱图像地物分类方法
CN111199214B (zh) * 2020-01-04 2023-05-05 西安电子科技大学 一种残差网络多光谱图像地物分类方法
CN111222576B (zh) * 2020-01-08 2023-03-24 西安理工大学 一种高分辨率遥感图像分类方法
CN111222576A (zh) * 2020-01-08 2020-06-02 西安理工大学 一种高分辨率遥感图像分类方法
CN111144383A (zh) * 2020-01-15 2020-05-12 河南理工大学 一种检测车辆偏转角度的方法
CN111144383B (zh) * 2020-01-15 2023-03-28 河南理工大学 一种检测车辆偏转角度的方法
CN111310675A (zh) * 2020-02-20 2020-06-19 上海赛可出行科技服务有限公司 基于卷积神经网络的高架识别辅助定位方法
CN111339935B (zh) * 2020-02-25 2023-04-18 西安电子科技大学 一种基于可解释cnn图像分类模型的光学遥感图片分类方法
CN111339935A (zh) * 2020-02-25 2020-06-26 西安电子科技大学 一种基于可解释cnn图像分类模型的光学遥感图片分类方法
CN111353432A (zh) * 2020-02-28 2020-06-30 安徽华润金蟾药业股份有限公司 一种基于卷积神经网络的金银花药材快速净选方法及***
CN111353432B (zh) * 2020-02-28 2023-08-01 安徽华润金蟾药业股份有限公司 一种基于卷积神经网络的金银花药材快速净选方法及***
CN111401190A (zh) * 2020-03-10 2020-07-10 上海眼控科技股份有限公司 车辆检测方法、装置、计算机设备和存储介质
CN111368776A (zh) * 2020-03-13 2020-07-03 长安大学 一种基于深度集成学习的高分辨率遥感图像分类方法
CN111368776B (zh) * 2020-03-13 2024-03-22 长安大学 一种基于深度集成学习的高分辨率遥感图像分类方法
CN111401302A (zh) * 2020-04-07 2020-07-10 中国人民解放军海军航空大学 遥感图像舰船目标一体化检测与细粒度识别方法
CN111401302B (zh) * 2020-04-07 2022-08-02 中国人民解放军海军航空大学 遥感图像舰船目标一体化检测与细粒度识别方法
CN111489387B (zh) * 2020-04-09 2023-10-20 湖南盛鼎科技发展有限责任公司 遥感图像建筑物面积计算方法
CN111476167B (zh) * 2020-04-09 2024-03-22 北京中科千寻科技有限公司 一种基于“学生-t”分布辅助的一阶段方向遥感图像目标检测方法
CN111476167A (zh) * 2020-04-09 2020-07-31 北京中科千寻科技有限公司 一种基于学生-t分布辅助的一阶段方向遥感图像目标检测方法
CN111489387A (zh) * 2020-04-09 2020-08-04 湖南盛鼎科技发展有限责任公司 遥感图像建筑物面积计算方法
CN111553303B (zh) * 2020-05-07 2024-03-29 武汉大势智慧科技有限公司 基于卷积神经网络的遥感正射影像密集建筑物提取方法
CN111553303A (zh) * 2020-05-07 2020-08-18 武汉大势智慧科技有限公司 基于卷积神经网络的遥感正射影像密集建筑物提取方法
CN111626175A (zh) * 2020-05-22 2020-09-04 西安工业大学 基于深度卷积神经网络的轴型识别方法
CN111626175B (zh) * 2020-05-22 2023-05-19 西安工业大学 基于深度卷积神经网络的轴型识别方法
CN111754463A (zh) * 2020-06-02 2020-10-09 石家庄铁道大学 一种基于卷积神经网络的无砟轨道ca砂浆层缺陷检测方法
CN111754463B (zh) * 2020-06-02 2024-05-14 石家庄铁道大学 一种基于卷积神经网络的无砟轨道ca砂浆层缺陷检测方法
CN111666903A (zh) * 2020-06-10 2020-09-15 中国电子科技集团公司第二十八研究所 一种卫星云图中雷暴云团的识别方法
CN111666903B (zh) * 2020-06-10 2022-10-04 中国电子科技集团公司第二十八研究所 一种卫星云图中雷暴云团的识别方法
CN111709479A (zh) * 2020-06-17 2020-09-25 广东工业大学 一种图像分类方法和装置
CN111950343B (zh) * 2020-06-24 2024-03-22 中国电力科学研究院有限公司 一种基于卫星遥感技术的输电杆塔自动识别方法和***
CN111950343A (zh) * 2020-06-24 2020-11-17 中国电力科学研究院有限公司 一种基于卫星遥感技术的输电杆塔自动识别方法和***
CN111914997A (zh) * 2020-06-30 2020-11-10 华为技术有限公司 训练神经网络的方法、图像处理方法及装置
CN111914997B (zh) * 2020-06-30 2024-04-02 华为技术有限公司 训练神经网络的方法、图像处理方法及装置
CN111986149A (zh) * 2020-07-16 2020-11-24 江西斯源科技有限公司 一种基于卷积神经网络的植物病虫害检测方法
CN111915592A (zh) * 2020-08-04 2020-11-10 西安电子科技大学 基于深度学习的遥感图像云检测方法
CN111915592B (zh) * 2020-08-04 2023-08-22 西安电子科技大学 基于深度学习的遥感图像云检测方法
CN111985549A (zh) * 2020-08-12 2020-11-24 中国科学院光电技术研究所 针对给定刚体目标进行部件自动定位识别的深度学习方法
CN111985549B (zh) * 2020-08-12 2023-03-31 中国科学院光电技术研究所 针对给定刚体目标进行部件自动定位识别的深度学习方法
CN112084877B (zh) * 2020-08-13 2023-08-18 西安理工大学 基于nsga-net的遥感图像识别方法
CN112084877A (zh) * 2020-08-13 2020-12-15 西安理工大学 基于nsga-net的遥感图像识别方法
CN112132759B (zh) * 2020-09-07 2024-03-19 东南大学 一种基于端到端卷积神经网络的颅骨面貌复原方法
CN112132759A (zh) * 2020-09-07 2020-12-25 东南大学 一种基于端到端卷积神经网络的颅骨面貌复原方法
CN112053354B (zh) * 2020-09-15 2024-01-30 上海应用技术大学 一种轨道板裂缝检测方法
CN112053354A (zh) * 2020-09-15 2020-12-08 上海应用技术大学 一种轨道板裂缝检测方法
CN112132822B (zh) * 2020-09-30 2024-05-07 东南大学 一种基于迁移学习的可疑违章建筑检测算法
CN112132822A (zh) * 2020-09-30 2020-12-25 东南大学 一种基于迁移学习的可疑违章建筑检测算法
CN112232229A (zh) * 2020-10-20 2021-01-15 山东科技大学 基于U-net神经网络的精细水体提取方法
CN112751633A (zh) * 2020-10-26 2021-05-04 中国人民解放军63891部队 一种基于多尺度窗口滑动的宽带频谱检测方法
CN112751633B (zh) * 2020-10-26 2022-08-26 中国人民解放军63891部队 一种基于多尺度窗口滑动的宽带频谱检测方法
CN112699736A (zh) * 2020-12-08 2021-04-23 江西省交通科学研究院 一种基于空间注意力的桥梁支座病害识别方法
CN112699736B (zh) * 2020-12-08 2024-06-07 江西省交通科学研究院有限公司 一种基于空间注意力的桥梁支座病害识别方法
CN112651931A (zh) * 2020-12-15 2021-04-13 浙江大华技术股份有限公司 建筑物变形监测方法、装置和计算机设备
CN112651931B (zh) * 2020-12-15 2024-04-26 浙江大华技术股份有限公司 建筑物变形监测方法、装置和计算机设备
CN112801972A (zh) * 2021-01-25 2021-05-14 武汉理工大学 一种桥梁缺陷检测方法、设备、***及存储介质
CN112784806A (zh) * 2021-02-04 2021-05-11 中国地质科学院矿产资源研究所 一种基于全卷积神经网络的含锂伟晶岩脉提取方法
CN112906577B (zh) * 2021-02-23 2024-04-26 清华大学 多源遥感图像的融合方法
CN112906577A (zh) * 2021-02-23 2021-06-04 清华大学 多源遥感图像的融合方法
CN113033324A (zh) * 2021-03-03 2021-06-25 广东省地质环境监测总站 一种地质灾害前兆因子识别方法、装置,电子设备及存储介质
CN113033324B (zh) * 2021-03-03 2024-03-08 广东省地质环境监测总站 一种地质灾害前兆因子识别方法、装置,电子设备及存储介质
CN113095359A (zh) * 2021-03-05 2021-07-09 西安交通大学 一种射线图像标记信息检测方法及***
CN113095359B (zh) * 2021-03-05 2023-09-12 西安交通大学 一种射线图像标记信息检测方法及***
CN113160239A (zh) * 2021-03-08 2021-07-23 广东国地规划科技股份有限公司 一种违法用地检测方法及装置
CN113160239B (zh) * 2021-03-08 2023-09-22 广东国地规划科技股份有限公司 一种违法用地检测方法及装置
CN113111740A (zh) * 2021-03-27 2021-07-13 西北工业大学 一种遥感图像目标检测的特征编织方法
CN113505627A (zh) * 2021-03-31 2021-10-15 北京苍灵科技有限公司 遥感数据处理方法、装置、电子设备和存储介质
CN113255451A (zh) * 2021-04-25 2021-08-13 西北工业大学 遥感图像的变化检测方法、装置、电子设备及存储介质
CN113255451B (zh) * 2021-04-25 2023-04-07 西北工业大学 遥感图像的变化检测方法、装置、电子设备及存储介质
CN113344037A (zh) * 2021-05-18 2021-09-03 国网江西省电力有限公司电力科学研究院 电缆绝缘层及护套参数测量方法及测量装置
CN113408398A (zh) * 2021-06-16 2021-09-17 西安电子科技大学 基于通道注意力及概率上采样的遥感图像云检测方法
CN113536943A (zh) * 2021-06-21 2021-10-22 上海赫千电子科技有限公司 一种基于图像增强的道路交通标志识别方法
CN113536943B (zh) * 2021-06-21 2024-04-12 上海赫千电子科技有限公司 一种基于图像增强的道路交通标志识别方法
CN113538615B (zh) * 2021-06-29 2024-01-09 中国海洋大学 基于双流生成器深度卷积对抗生成网络的遥感图像上色方法
CN113570111B (zh) * 2021-06-29 2023-08-29 中北大学 基于轻量化网络的桥梁健康状态片上监测方法
CN113538615A (zh) * 2021-06-29 2021-10-22 中国海洋大学 基于双流生成器深度卷积对抗生成网络的遥感图像上色方法
CN113570111A (zh) * 2021-06-29 2021-10-29 中北大学 基于轻量化网络的桥梁健康状态片上监测方法
CN113537006A (zh) * 2021-07-01 2021-10-22 昆明理工大学 一种基于卷积神经网络的普洱生茶和熟茶判定方法
CN113469072A (zh) * 2021-07-06 2021-10-01 西安电子科技大学 基于GSoP和孪生融合网络的遥感图像变化检测方法及***
CN113469072B (zh) * 2021-07-06 2024-04-12 西安电子科技大学 基于GSoP和孪生融合网络的遥感图像变化检测方法及***
CN113343942A (zh) * 2021-07-21 2021-09-03 西安电子科技大学 一种遥感图像缺陷检测方法
CN113361662B (zh) * 2021-07-22 2023-08-29 全图通位置网络有限公司 一种城市轨道交通遥感图像数据的处理***及方法
CN113361662A (zh) * 2021-07-22 2021-09-07 全图通位置网络有限公司 一种城市轨道交通遥感图像数据的处理***及方法
CN113837994B (zh) * 2021-07-29 2024-02-13 尚特杰电力科技有限公司 一种基于边缘检测卷积神经网络的光伏板缺陷诊断方法
CN113837994A (zh) * 2021-07-29 2021-12-24 尚特杰电力科技有限公司 一种基于边缘检测卷积神经网络的光伏板缺陷诊断方法
CN113689399A (zh) * 2021-08-23 2021-11-23 长安大学 一种用于电网识别遥感图像处理方法及***
CN113689399B (zh) * 2021-08-23 2024-05-31 国网宁夏电力有限公司石嘴山供电公司 一种用于电网识别遥感图像处理方法及***
CN113706364A (zh) * 2021-09-14 2021-11-26 杭州师范大学 一种遥感影像的可逆信息隐藏方法
CN113792685B (zh) * 2021-09-17 2024-03-12 东北石油大学 一种基于多尺度卷积神经网络的微地震事件检测方法
CN113792685A (zh) * 2021-09-17 2021-12-14 东北石油大学 一种基于多尺度卷积神经网络的微地震事件检测方法
CN114092832B (zh) * 2022-01-20 2022-04-15 武汉大学 一种基于并联混合卷积网络的高分辨率遥感影像分类方法
CN114092832A (zh) * 2022-01-20 2022-02-25 武汉大学 一种基于并联混合卷积网络的高分辨率遥感影像分类方法
CN114519819B (zh) * 2022-02-10 2024-04-02 西北工业大学 一种基于全局上下文感知的遥感图像目标检测方法
CN114519819A (zh) * 2022-02-10 2022-05-20 西北工业大学 一种基于全局上下文感知的遥感图像目标检测方法
CN114821056A (zh) * 2022-04-24 2022-07-29 国家林业和草原局华东调查规划院 一种遥感影像中基于ai技术的林草资源变化自动判读方法
CN114782400A (zh) * 2022-05-17 2022-07-22 东风本田发动机有限公司 金属物料渣点检测方法、装置、设备、介质和程序产品
CN114657513A (zh) * 2022-05-23 2022-06-24 河南银金达新材料股份有限公司 一种抗菌再生聚酯膜的制备方法
CN115096268A (zh) * 2022-06-17 2022-09-23 西南交通大学 基于无人机航拍及超声波探测的桥梁损伤深度检测方法
CN115423829B (zh) * 2022-07-29 2024-03-01 江苏省水利科学研究院 一种单波段遥感影像水体快速提取方法及***
CN115423829A (zh) * 2022-07-29 2022-12-02 江苏省水利科学研究院 一种单波段遥感影像水体快速提取方法及***
CN114998772A (zh) * 2022-08-03 2022-09-02 深圳联和智慧科技有限公司 一种基于无人机的一体化桥梁检测方法、***及云平台
CN114998772B (zh) * 2022-08-03 2022-11-18 深圳联和智慧科技有限公司 一种基于无人机的一体化桥梁检测方法、***及云平台
CN116645618A (zh) * 2023-06-05 2023-08-25 广东省农业科学院设施农业研究所 农业数据处理方法、***和存储介质
CN116645618B (zh) * 2023-06-05 2023-12-08 广东省农业科学院设施农业研究所 农业数据处理方法、***和存储介质
CN117036962A (zh) * 2023-10-08 2023-11-10 中国科学院空天信息创新研究院 遥感图像变化检测方法、装置、设备及存储介质
CN117036962B (zh) * 2023-10-08 2024-02-06 中国科学院空天信息创新研究院 遥感图像变化检测方法、装置、设备及存储介质

Also Published As

Publication number Publication date
CN107066995A (zh) 2017-08-18

Similar Documents

Publication Publication Date Title
WO2018214195A1 (zh) 一种基于卷积神经网络的遥感图像桥梁检测方法
CN109409263B (zh) 一种基于Siamese卷积网络的遥感影像城市地物变化检测方法
CN107527352B (zh) 基于深度学习fcn网络的遥感舰船目标轮廓分割与检测方法
CN113065558A (zh) 一种结合注意力机制的轻量级小目标检测方法
CN112270249A (zh) 一种融合rgb-d视觉特征的目标位姿估计方法
CN108596108B (zh) 基于三元组语义关系学习的航拍遥感图像变化检测方法
CN109859171A (zh) 一种基于计算机视觉和深度学习的楼面缺陷自动检测方法
CN111209915A (zh) 一种基于深度学习的三维图像同步识别和分割方法
CN113240691A (zh) 一种基于u型网络的医学图像分割方法
CN111126184B (zh) 一种基于无人机视频的震后建筑物损毁检测方法
US20220315243A1 (en) Method for identification and recognition of aircraft take-off and landing runway based on pspnet network
CN110263716B (zh) 一种基于街景图像的遥感影像超分辨率土地覆被制图方法
CN110991444A (zh) 面向复杂场景的车牌识别方法及装置
CN111046856A (zh) 基于动静态特征提取并行位姿跟踪与地图创建的方法
CN111985274A (zh) 一种基于卷积神经网络的遥感图像分割算法
CN114998251A (zh) 一种基于联邦学***台地面异常检测方法
CN114549956A (zh) 一种深度学习辅助的倾斜模型建筑物外立面目标识别方法
CN116485885A (zh) 基于深度学习去除视觉slam前端动态特征点的方法
CN105631849B (zh) 多边形目标的变化检测方法及装置
CN117274627A (zh) 一种基于图像转换的多时相积雪遥感图像匹配方法及***
CN115937673B (zh) 一种基于移动终端照片的地理要素快速变化发现方法
CN106778504A (zh) 一种行人检测方法
CN112200850B (zh) 一种基于成熟特征点的orb提取方法
CN113192204B (zh) 单幅倾斜遥感图像中建筑物的三维重建方法
CN113012167B (zh) 一种细胞核与细胞质的联合分割方法

Legal Events

Date Code Title Description
121 Ep: the epo has been informed by wipo that ep was designated in this application

Ref document number: 17910606

Country of ref document: EP

Kind code of ref document: A1

NENP Non-entry into the national phase

Ref country code: DE

122 Ep: pct application non-entry in european phase

Ref document number: 17910606

Country of ref document: EP

Kind code of ref document: A1