WO2022052367A1 - Neural network optimization method for remote sensing image classification, and terminal and storage medium - Google Patents

Neural network optimization method for remote sensing image classification, and terminal and storage medium Download PDF

Info

Publication number
WO2022052367A1
WO2022052367A1 PCT/CN2020/138818 CN2020138818W WO2022052367A1 WO 2022052367 A1 WO2022052367 A1 WO 2022052367A1 CN 2020138818 W CN2020138818 W CN 2020138818W WO 2022052367 A1 WO2022052367 A1 WO 2022052367A1
Authority
WO
WIPO (PCT)
Prior art keywords
noise
remote sensing
model
sensing image
network model
Prior art date
Application number
PCT/CN2020/138818
Other languages
French (fr)
Chinese (zh)
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 WO2022052367A1 publication Critical patent/WO2022052367A1/en

Links

Images

Classifications

    • 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
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06FELECTRIC DIGITAL DATA PROCESSING
    • G06F18/00Pattern recognition
    • G06F18/20Analysing
    • G06F18/21Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
    • G06F18/214Generating training patterns; Bootstrap methods, e.g. bagging or boosting
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06NCOMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
    • G06N3/00Computing arrangements based on biological models
    • G06N3/02Neural networks
    • G06N3/04Architecture, e.g. interconnection topology
    • G06N3/045Combinations of networks
    • 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

Definitions

  • the application belongs to the technical field of remote sensing image processing, and in particular relates to a neural network optimization method, a terminal and a storage medium for remote sensing image classification.
  • the classification problem of remote sensing images corresponds to the semantic segmentation problem in computer vision, which is to assign a classification category to each pixel in the image.
  • there is a noise problem in the data set labels in the remote sensing image classification process mainly including more or less labeling of category pixels. Similar to the expansion or corrosion of the image, using a noisy data set to train the neural network will lead to the neural network. The classification performance is degraded and the obtained results are inaccurate.
  • the present application provides a neural network optimization method, terminal, and storage medium for remote sensing image classification, aiming to solve one of the above-mentioned technical problems in the prior art at least to a certain extent.
  • a neural network optimization method for remote sensing image classification comprising:
  • the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
  • the remote sensing image data set into the anti-noise network model for iterative training and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain image classification results, and selects through the loss
  • the model uses the ksigma criterion to select the loss, eliminates the error exceeding the set deviation interval, and obtains the optimal network model parameters.
  • the obtaining of the remote sensing image data set includes:
  • the remote sensing image data set is divided into training set, validation set and test set according to a set ratio, and the images of the training set, validation set and test set are cropped into images of a set size, and the training set images are Perform data cleaning and data enhancement.
  • performing image segmentation through the SE module-based U-Net network includes:
  • the input feature map passes through a standard convolutional layer
  • two branches are generated.
  • the first branch passes through two standard convolutional layers to obtain the first feature map
  • the second branch is the SE module, which includes a Globalpooling layer, two layers
  • the FullyConnected layer and the sigmoid function layer firstly perform global average pooling on the input feature map through the Globalpooling layer to obtain the second feature map; and then activate the sigmoid function layer after passing through two Fully Connected layers to obtain the same feature as the second feature.
  • the weight corresponding to the size of the image is multiplied by the first feature map generated by the first branch to obtain the image classification output result.
  • the technical solution adopted in the embodiment of the present application further includes: the loss selection using the ksigma criterion through the loss selection model includes:
  • the inputting the remote sensing image dataset into the anti-noise network model for iterative training includes:
  • the training set is input into the anti-noise network model, the learning rate, the number of iterations, and the K value of the loss selection model are set, and the loss function for optimizing the network parameters is set, and the model training process is adjusted according to the loss curve.
  • the technical solution adopted in the embodiment of the present application further includes: the inputting the remote sensing image dataset into the anti-noise network model for iterative training further includes:
  • 0%, 25% and 50% of the sample images are randomly selected from the training set, and 5*5, 7*7 and 9*9 convolution kernels are used to dilate and corrode the selected sample images to generate different types of and
  • the noise-marked images of the level are trained according to the anti-noise network model according to the noise-marked images of different types and levels.
  • the technical solutions adopted in the embodiments of the present application further include: after obtaining the optimal network model parameters, the following further includes:
  • the test set image is input into the anti-noise network model, the classification result of the test set image is obtained, and the performance of the anti-noise network model is evaluated according to the classification result.
  • a neural network optimization system comprising:
  • Data acquisition module used to acquire remote sensing image datasets
  • Anti-noise network building module used to construct an anti-noise network model, the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
  • Model training module used to input the remote sensing image data set into the anti-noise network model for iterative training, and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain an image classification result, And through the loss selection model, the ksigma criterion is used to select the loss, and the error exceeding the set deviation interval is eliminated to obtain the optimal network model parameters.
  • a terminal includes a processor and a memory coupled to the processor, wherein,
  • the memory stores program instructions for implementing the neural network optimization method for remote sensing image classification
  • the processor is configured to execute the program instructions stored in the memory to control neural network optimization for remote sensing image classification.
  • a storage medium storing program instructions executable by a processor, where the program instructions are used to execute the neural network optimization method for remote sensing image classification.
  • the beneficial effects of the embodiments of the present application are: the neural network optimization method, system, terminal and storage medium for remote sensing image classification according to the embodiments of the present application improve the network model based on the semantic segmentation network U-Net , build an anti-noise network model, use the ksigma criterion for loss selection, add SE module to the anti-noise network model, improve the feature extraction ability of the network model, and solve the problem of neural network classification accuracy decline due to noise in labels in remote sensing image datasets. question.
  • FIG. 1 is a flowchart of a neural network optimization method for remote sensing image classification according to a first embodiment of the present application
  • FIG 2 is an architecture diagram of an anti-noise network model according to an embodiment of the present application.
  • Fig. 3 is the existing U-Net network structure diagram
  • Fig. 4 is the structure diagram of the SE module of the embodiment of the present application.
  • FIG. 5 is a flowchart of a neural network optimization method for remote sensing image classification according to the second embodiment of the present application.
  • FIG. 6 is a schematic structural diagram of a neural network optimization system for remote sensing image classification according to an embodiment of the application
  • FIG. 7 is a schematic structural diagram of a terminal according to an embodiment of the present application.
  • FIG. 8 is a schematic structural diagram of a storage medium according to an embodiment of the present application.
  • FIG. 1 is a flowchart of the neural network optimization method for remote sensing image classification according to the first embodiment of the present application.
  • the neural network optimization method for remote sensing image classification according to the first embodiment of the present application includes the following steps:
  • the number of images and the size of the images in the remote sensing image dataset can be set according to the actual operation.
  • the anti-noise network model architecture is shown in Figure 2, which includes an image segmentation model and a loss selection model.
  • the image segmentation model is a U-Net network based on the SE module.
  • the network structure of the existing U-Net is shown in Figure 3, which includes two parts: a feature extraction part and an upsampling part.
  • the feature extraction part is divided into five layers, and the image resolution is halved after each layer of pooling layer; correspondingly, the upsampling part is also divided into five layers, each of which has a standard volume containing two layers.
  • the convolutional module of the stack is shown in Figure 2, which includes an image segmentation model and a loss selection model.
  • the image segmentation model is a U-Net network based on the SE module.
  • the network structure of the existing U-Net is shown in Figure 3, which includes two parts: a feature extraction part and an upsampling part.
  • the feature extraction part is divided into five layers, and the image resolution is halved after each layer of pooling layer
  • the network model is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems.
  • the learning ability of the sample is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems. The learning ability of the sample.
  • the improvement point of the network model in the embodiment of the present application is that the convolution module in the existing U-Net network structure is replaced by the SE module, which is used to improve the feature extraction capability of the network; the structure of the SE module is shown in FIG. 4 .
  • the image segmentation process of the image segmentation model is as follows: after inputting the feature map, it first passes through a standard convolution layer (Conv), and then generates two branches.
  • Conv convolution layer
  • the first branch passes through two standard convolution layers to obtain The first feature map of size C*3*3 (C is the feature map channel);
  • the second branch is the SE module, including Globalpooling (global pooling layer), two layers of Fully Connected (full connection layer) and sigmoid function layer,
  • Globalpooling global pooling layer
  • Fully Connected full connection layer
  • sigmoid function layer sigmoid function layer
  • the loss selection model In the process of network training, the loss obtained by samples with noisy labels will be larger than that obtained by samples with clean labels. Therefore, the loss selection model usually uses the ksigma algorithm to select the obtained losses and eliminate abnormal loss values. Thereby removing noise samples. However, when all high-loss samples are removed, the samples that are difficult to learn will also be removed. However, these samples that are difficult to learn play an important role in improving network performance. In view of this deficiency, in the embodiment of the present application, the loss selection model adopts the ksigma criterion to select the loss. It is assumed that a set of detection data roughly obeys the normal distribution and only contains random errors, and the random errors are processed to obtain the standard deviation, which is determined according to the set probability. A deviation interval, and the errors exceeding the deviation interval are determined as gross errors and eliminated.
  • S14 Input the test set into the trained anti-noise network model, obtain the classification result of the test set image, and evaluate the performance of the anti-noise network model according to the test result.
  • the neural network optimization method for remote sensing image classification uses the SE module to improve the semantic segmentation network U-Net, builds an anti-noise network model, improves the feature extraction capability of the network model, and uses ksigma Criterion for loss selection, to solve the problem of neural network classification accuracy decline due to noise in labels in remote sensing image datasets.
  • FIG. 5 is a flowchart of the neural network optimization method for remote sensing image classification according to the second embodiment of the present application.
  • the neural network optimization method for remote sensing image classification according to the second embodiment of the present application includes the following steps:
  • this embodiment uses the Inria Aerial Image Labeling Dataset (which is a remote sensing image data set used for urban building detection) as the data set.
  • the dataset includes a total of 180 remote sensing images with a size of 5000*5000 pixels.
  • the annotation information of the dataset includes two types of buildings and non-buildings, which are mainly used for semantic segmentation.
  • S21 Construct training set, validation set and test set according to remote sensing image data set, at the same time crop the training set, validation set and test set images into images of a set size, and perform data cleaning and data enhancement operations on the training set images;
  • this embodiment only takes 135 images in the data set as the training set, 20 images as the validation set, and 25 images as the test set as examples, the three are independent of each other, and the images are randomly cropped into 256*256 images.
  • Data enhancement includes, but is not limited to, rotation, mirror symmetry, or/and adding Gaussian noise.
  • the model training process is specifically: input the constructed training set into the anti-noise network model, set the hyperparameters such as the learning rate, the number of iterations, the K value of the loss selection model, and set the loss function used to optimize the network parameters.
  • a good loss curve adjusts the training process, and finally gets the trained network model parameters.
  • the embodiment of the present application randomly selects 0%, 25% and 50% of the sample images from the training set, and then uses 5*5, 7*7 and 9*9 convolution kernels to dilate and Corrosion is used to remove some noise samples to generate different types and levels of noise labeled images, and the anti-noise network model is trained according to the different types and levels of noise labeled images.
  • S24 Input the test set into the trained anti-noise network model, obtain the classification result of the test set image, and evaluate the performance of the anti-noise network model according to the classification result.
  • p ij represents the number of pixels labeled as class i but predicted to be class j
  • p ii indicates that the label is class i and the prediction is also a class
  • the number of pixels in i p ji is the number of pixels labeled as class j but predicted to be class i
  • p o is the sum of the number of correctly distributed samples for each class divided by the total number of samples
  • p e is the assumed number of each class
  • the number of real samples is a1, a2 respectively, and the number of predicted samples of each class is b1, b2, and the total number of samples is n, then:
  • the embodiments of the present application can solve the problem that the classification accuracy of the neural network is reduced due to the existence of noise in the labels in the remote sensing image dataset.
  • FIG. 6 is a schematic structural diagram of a neural network optimization system for remote sensing image classification according to an embodiment of the present application.
  • the neural network optimization system for remote sensing image classification according to the embodiment of the present application includes:
  • Data acquisition module used to acquire remote sensing image datasets
  • Data segmentation module It is used to divide the remote sensing image dataset into training set, validation set and test set according to the set ratio;
  • Anti-noise network building block used to build an anti-noise network model
  • the anti-noise network model includes an image segmentation model and a loss selection model.
  • the image segmentation model is a U-Net network based on the SE module.
  • the existing U-Net network structure includes two parts: the feature extraction part and the upsampling part.
  • the feature extraction part is divided into five layers, and the image resolution is halved after each layer of pooling layer; correspondingly, the upsampling part is also divided into five layers, each of which has a standard volume containing two layers.
  • the convolutional module of the stack is a convolutional module of the stack.
  • the network model is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems.
  • the learning ability of the sample is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems. The learning ability of the sample.
  • the improvement point of the network model in the embodiment of the present application is that the convolution module in the existing U-Net network structure is replaced by the SE module, which is used to improve the feature extraction capability of the network; the structure of the SE module is shown in FIG. 4 .
  • the image segmentation process of the image segmentation model is as follows: after inputting the feature map, it first goes through a standard convolution layer (Conv), and then generates two branches. The first branch passes through two standard convolution layers, and the size is C* The first feature map of 3*3 (C is the feature map channel); the second branch is the SE module, including Globalpooling (global pooling layer), two layers of Fully Connected (full connection layer) and sigmoid function layer.
  • the input feature map is subjected to global average pooling to obtain a second feature map of size C*1*1; then it is activated by the sigmoid function layer after two layers of Fully Connected (dimension reduction first and then dimension increase) to obtain a size of C*1 *1 weight, and multiply the weight with the first feature map generated by the first branch at the corresponding position to obtain the image classification output result.
  • the loss selection model In the process of network training, the loss obtained by samples with noisy labels will be larger than that obtained by samples with clean labels. Therefore, the loss selection model usually uses the ksigma algorithm to select the obtained losses and eliminate abnormal loss values. Thereby removing noise samples. However, when all the high-loss samples are removed, the samples that are difficult to learn will also be removed. However, these samples that are difficult to learn play an important role in improving network performance. In view of this deficiency, in the embodiment of the present application, the loss selection model adopts the ksigma criterion to select the loss. It is assumed that a set of detection data roughly obeys the normal distribution and only contains random errors, and the random errors are processed to obtain the standard deviation, which is determined according to the set probability. A deviation interval, and the errors exceeding the deviation interval are determined as gross errors and eliminated.
  • Model training module used to input the training set into the anti-noise network model for training, and obtain the trained network model parameters
  • Model evaluation module It is used to input the test set into the trained anti-noise network model, obtain the classification results of the test set images, and evaluate the performance of the anti-noise network model according to the test results.
  • FIG. 7 is a schematic structural diagram of a terminal according to an embodiment of the present application.
  • the terminal 50 includes a processor 51 and a memory 52 coupled to the processor 51 .
  • the memory 52 stores program instructions for implementing the above-described neural network optimization method for remote sensing image classification.
  • the processor 51 is configured to execute program instructions stored in the memory 52 to control neural network optimization for remote sensing image classification.
  • the processor 51 may also be referred to as a CPU (Central Processing Unit, central processing unit).
  • the processor 51 may be an integrated circuit chip with signal processing capability.
  • the processor 51 may also be a general purpose processor, digital signal processor (DSP), application specific integrated circuit (ASIC), off-the-shelf programmable gate array (FPGA) or other programmable logic device, discrete gate or transistor logic device, discrete hardware component .
  • DSP digital signal processor
  • ASIC application specific integrated circuit
  • FPGA off-the-shelf programmable gate array
  • a general purpose processor may be a microprocessor or the processor may be any conventional processor or the like.
  • FIG. 8 is a schematic structural diagram of a storage medium according to an embodiment of the present application.
  • the storage medium of this embodiment of the present application stores a program file 61 capable of implementing all the above methods, wherein the program file 61 may be stored in the above-mentioned storage medium in the form of a software product, and includes several instructions to enable a computer device (which may It is a personal computer, a server, or a network device, etc.) or a processor that executes all or part of the steps of the methods in the various embodiments of the present invention.
  • a computer device which may It is a personal computer, a server, or a network device, etc.
  • a processor that executes all or part of the steps of the methods in the various embodiments of the present invention.
  • the aforementioned storage medium includes: U disk, mobile hard disk, Read-Only Memory (ROM, Read-Only Memory), Random Access Memory (RAM, Random Access Memory), magnetic disk or optical disk and other media that can store program codes , or terminal devices such as computers, servers, mobile phones, and tablets.

Abstract

The present application relates to a neural network optimization method for remote sensing image classification, and a terminal and a storage medium. The method comprises: acquiring a remote sensing image data set; constructing an anti-noise network model, wherein the anti-noise network model comprises an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on an SE module; and inputting the remote sensing image data set into the anti-noise network model for iterative training, performing, via the anti-noise network model, image segmentation by means of the U-Net network based on the SE module, so as to obtain an image classification result, using, via the loss selection model, a ksigma criterion to perform loss selection, and removing an error that exceeds a set deviation interval, so as to obtain an optimal network model parameter. By means of the embodiments of the present application, the feature extraction capability of a network model is improved, and the problem of a decrease in the classification precision of a neural network caused by noise of tags in a remote sensing image data set is solved.

Description

一种用于遥感图像分类的神经网络优化方法、终端以及存储介质A neural network optimization method, terminal and storage medium for remote sensing image classification 技术领域technical field
本申请属于遥感图像处理技术领域,特别涉及一种用于遥感图像分类的神经网络优化方法、终端以及存储介质。The application belongs to the technical field of remote sensing image processing, and in particular relates to a neural network optimization method, a terminal and a storage medium for remote sensing image classification.
背景技术Background technique
遥感图像的分类问题对应于计算机视觉中的语义分割问题,是将图像中的每一个像素点赋予一个分类类别。目前在遥感图像分类过程中数据集标签存在噪声问题,主要包括类别像素点多标注或者少标注两类,类似于图像被膨胀或者腐蚀,使用含有噪声的数据集去训练神经网络,会导致神经网络的分类性能降低且得到的结果不准确。The classification problem of remote sensing images corresponds to the semantic segmentation problem in computer vision, which is to assign a classification category to each pixel in the image. At present, there is a noise problem in the data set labels in the remote sensing image classification process, mainly including more or less labeling of category pixels. Similar to the expansion or corrosion of the image, using a noisy data set to train the neural network will lead to the neural network. The classification performance is degraded and the obtained results are inaccurate.
现有处理标签噪声问题的卷积神经网络算法包括两种,一种为对噪声进行建模,构建一个噪声处理模型,利用网络输出结果更新标签,纠正训练过程中的噪声标签。另一中方法是使用对噪声鲁棒性的损失函数,提高神经网络算法的鲁棒性。上述算法在处理自然图像分类中的噪声标签问题都可以取得不错的效果,但是无法应用到训练标签存在噪声的情况。There are two existing convolutional neural network algorithms for dealing with label noise. One is to model noise, build a noise processing model, update labels using network output results, and correct noisy labels during training. Another approach is to use a loss function that is robust to noise to improve the robustness of the neural network algorithm. The above algorithms can achieve good results in dealing with the problem of noisy labels in natural image classification, but they cannot be applied to the situation where the training labels are noisy.
随着深度学习在自然图像处理领域取得巨大的成功,许多研究人员将深度学习中的语义分割方法应用到遥感图像分类中取得了很好的效果。深度学习能取得优越效果的至关重要的一个因素在于有一个标注准确的数据集作为训练学习。而在遥感图像中手工制作一个标注准确且不含噪声的数据集耗时且难度大。With the great success of deep learning in the field of natural image processing, many researchers have applied the semantic segmentation methods in deep learning to remote sensing image classification and achieved good results. A crucial factor for deep learning to achieve superior results is to have an accurately labeled dataset as training learning. However, it is time-consuming and difficult to manually create an accurate and noise-free dataset in remote sensing images.
发明内容SUMMARY OF THE INVENTION
本申请提供了一种用于遥感图像分类的神经网络优化方法、终端以及存储介质,旨在至少在一定程度上解决现有技术中的上述技术问题之一。The present application provides a neural network optimization method, terminal, and storage medium for remote sensing image classification, aiming to solve one of the above-mentioned technical problems in the prior art at least to a certain extent.
为了解决上述问题,本申请提供了如下技术方案:In order to solve the above problems, the application provides the following technical solutions:
一种用于遥感图像分类的神经网络优化方法,包括:A neural network optimization method for remote sensing image classification, comprising:
获取遥感图像数据集;Obtain remote sensing image datasets;
构建抗噪网络模型,所述抗噪网络模型包括图像分割模型和损失选择模型,所述图像分割模型为基于SE模块的U-Net网络;Build an anti-noise network model, the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练,所述抗噪网络模型通过所述基于SE模块的U-Net网络进行图像分割,得到图像分类结果,并通过所述损失选择模型采用ksigma准则进行损失选择,剔除掉超过设定偏差区间的误差,得到最优的网络模型参数。Input the remote sensing image data set into the anti-noise network model for iterative training, and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain image classification results, and selects through the loss The model uses the ksigma criterion to select the loss, eliminates the error exceeding the set deviation interval, and obtains the optimal network model parameters.
本申请实施例采取的技术方案还包括:所述获取遥感图像数据集包括:The technical solution adopted in the embodiment of the present application further includes: the obtaining of the remote sensing image data set includes:
按照设定比例将所述遥感图像数据集分为训练集、验证集和测试集,并将所述训练集、验证集和测试集图像裁剪为设定大小的图像,并对所述训练集图像进行数据清洗及数据增强处理。The remote sensing image data set is divided into training set, validation set and test set according to a set ratio, and the images of the training set, validation set and test set are cropped into images of a set size, and the training set images are Perform data cleaning and data enhancement.
本申请实施例采取的技术方案还包括:所述通过所述基于SE模块的U-Net网络进行图像分割包括:The technical solutions adopted in the embodiments of the present application further include: performing image segmentation through the SE module-based U-Net network includes:
输入特征图经过一个标准卷积层后,产生两条分支,第一分支通过两层标准卷积层,得到第一特征图;第二分支为SE模块,所述SE模块包括Globalpooling层、两层FullyConnected层和sigmoid函数层,首先通过Globalpooling层对所述输入特征图进行全局平均 池化,得到第二特征图;然后经过两层Fully Connected层后由sigmoid函数层激活,得到与所述第二特征图大小相对应的权重,并将所述权重与第一分支产生的第一特征图相乘,得到图像分类输出结果。After the input feature map passes through a standard convolutional layer, two branches are generated. The first branch passes through two standard convolutional layers to obtain the first feature map; the second branch is the SE module, which includes a Globalpooling layer, two layers The FullyConnected layer and the sigmoid function layer firstly perform global average pooling on the input feature map through the Globalpooling layer to obtain the second feature map; and then activate the sigmoid function layer after passing through two Fully Connected layers to obtain the same feature as the second feature. The weight corresponding to the size of the image is multiplied by the first feature map generated by the first branch to obtain the image classification output result.
本申请实施例采取的技术方案还包括:所述通过所述损失选择模型采用ksigma准则进行损失选择包括:The technical solution adopted in the embodiment of the present application further includes: the loss selection using the ksigma criterion through the loss selection model includes:
如果一组检测数据大致服从正态分布且只包含随机误差,对所述随机误差进行处理得到标准偏差,并按设定概率确定偏差区间,将超过所述偏差区间的误差判定为粗大误差并剔除。If a set of test data roughly obeys a normal distribution and only contains random errors, the random errors are processed to obtain the standard deviation, and the deviation interval is determined according to the set probability, and the errors exceeding the deviation interval are determined as gross errors and eliminated. .
本申请实施例采取的技术方案还包括:所述将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练包括:The technical solution adopted in the embodiment of the present application further includes: the inputting the remote sensing image dataset into the anti-noise network model for iterative training includes:
将所述训练集输入抗噪网络模型,设定学习率、迭代次数、损失选择模型的K值,并设置用于优化网络参数的损失函数,根据损失曲线调整模型训练过程。The training set is input into the anti-noise network model, the learning rate, the number of iterations, and the K value of the loss selection model are set, and the loss function for optimizing the network parameters is set, and the model training process is adjusted according to the loss curve.
本申请实施例采取的技术方案还包括:所述将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练还包括:The technical solution adopted in the embodiment of the present application further includes: the inputting the remote sensing image dataset into the anti-noise network model for iterative training further includes:
从所述训练集中随机选取0%、25%和50%的样本图像,并分别使用5*5、7*7和9*9的卷积核对选取的样本图像进行膨胀及腐蚀,生成不同类型和水平的噪声标记图像,根据不同类型和水平的噪声标记图像分别所述对抗噪网络模型进行训练。0%, 25% and 50% of the sample images are randomly selected from the training set, and 5*5, 7*7 and 9*9 convolution kernels are used to dilate and corrode the selected sample images to generate different types of and The noise-marked images of the level are trained according to the anti-noise network model according to the noise-marked images of different types and levels.
本申请实施例采取的技术方案还包括:所述得到最优的网络模型参数后还包括:The technical solutions adopted in the embodiments of the present application further include: after obtaining the optimal network model parameters, the following further includes:
将所述测试集图像输入抗噪网络模型,得到所述测试集图像的分类结果,并根据所述分类结果对所述抗噪网络模型性能进行评价。The test set image is input into the anti-noise network model, the classification result of the test set image is obtained, and the performance of the anti-noise network model is evaluated according to the classification result.
本申请实施例采取的另一技术方案为:一种神经网络优化系统,包括:Another technical solution adopted by the embodiment of the present application is: a neural network optimization system, comprising:
数据获取模块:用于获取遥感图像数据集;Data acquisition module: used to acquire remote sensing image datasets;
抗噪网络构建模块:用于构建抗噪网络模型,所述抗噪网络模型包括图像分割模型和损失选择模型,所述图像分割模型为基于SE模块的U-Net网络;Anti-noise network building module: used to construct an anti-noise network model, the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
模型训练模块:用于将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练,所述抗噪网络模型通过所述基于SE模块的U-Net网络进行图像分割,得到图像分类结果,并通过所述损失选择模型采用ksigma准则进行损失选择,剔除掉超过设定偏差区间的误差,得到最优的网络模型参数。Model training module: used to input the remote sensing image data set into the anti-noise network model for iterative training, and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain an image classification result, And through the loss selection model, the ksigma criterion is used to select the loss, and the error exceeding the set deviation interval is eliminated to obtain the optimal network model parameters.
本申请实施例采取的又一技术方案为:一种终端,所述终端包括处理器、与所述处理器耦接的存储器,其中,Another technical solution adopted by the embodiments of the present application is: a terminal, the terminal includes a processor and a memory coupled to the processor, wherein,
所述存储器存储有用于实现所述用于遥感图像分类的神经网络优化方法的程序指令;The memory stores program instructions for implementing the neural network optimization method for remote sensing image classification;
所述处理器用于执行所述存储器存储的所述程序指令以控制用于遥感图像分类的神经网络优化。The processor is configured to execute the program instructions stored in the memory to control neural network optimization for remote sensing image classification.
本申请实施例采取的又一技术方案为:一种存储介质,存储有处理器可运行的程序指令,所述程序指令用于执行所述用于遥感图像分类的神经网络优化方法。Another technical solution adopted by the embodiments of the present application is: a storage medium storing program instructions executable by a processor, where the program instructions are used to execute the neural network optimization method for remote sensing image classification.
相对于现有技术,本申请实施例产生的有益效果在于:本申请实施例的用于遥感图像分类的神经网络优化方法、系统、终端及存储介质基于语义分割网络U-Net对网络模型进行改进,构建抗噪网络模型,采用ksigma准则进行损失选择,在抗噪网络模型中增加SE模块,提高网络模型的特征提取能力,解决了由于遥感图像数据集中标签存在噪声导致的神经网络分类精度下降的问题。Compared with the prior art, the beneficial effects of the embodiments of the present application are: the neural network optimization method, system, terminal and storage medium for remote sensing image classification according to the embodiments of the present application improve the network model based on the semantic segmentation network U-Net , build an anti-noise network model, use the ksigma criterion for loss selection, add SE module to the anti-noise network model, improve the feature extraction ability of the network model, and solve the problem of neural network classification accuracy decline due to noise in labels in remote sensing image datasets. question.
附图说明Description of drawings
图1是本申请第一实施例的用于遥感图像分类的神经网络优化方法的流程图;1 is a flowchart of a neural network optimization method for remote sensing image classification according to a first embodiment of the present application;
图2是本申请实施例的抗噪网络模型架构图;2 is an architecture diagram of an anti-noise network model according to an embodiment of the present application;
图3为现有U-Net网络结构图;Fig. 3 is the existing U-Net network structure diagram;
图4是本申请实施例的SE模块的结构图;Fig. 4 is the structure diagram of the SE module of the embodiment of the present application;
图5是本申请第二实施例的用于遥感图像分类的神经网络优化方法的流程图;5 is a flowchart of a neural network optimization method for remote sensing image classification according to the second embodiment of the present application;
图6为本申请实施例的用于遥感图像分类的神经网络优化系统结构示意图;6 is a schematic structural diagram of a neural network optimization system for remote sensing image classification according to an embodiment of the application;
图7为本申请实施例的终端结构示意图;FIG. 7 is a schematic structural diagram of a terminal according to an embodiment of the present application;
图8为本申请实施例的存储介质的结构示意图。FIG. 8 is a schematic structural diagram of a storage medium according to an embodiment of the present application.
具体实施方式detailed description
为了使本申请的目的、技术方案及优点更加清楚明白,以下结合附图及实施例,对本申请进行进一步详细说明。应当理解,此处所描述的具体实施例仅用以解释本申请,并不用于限定本申请。In order to make the purpose, technical solutions and advantages of the present application more clearly understood, the present application will be described in further detail below with reference to the accompanying drawings and embodiments. It should be understood that the specific embodiments described herein are only used to explain the present application, but not to limit the present application.
请参阅图1,是本申请第一实施例的用于遥感图像分类的神经网络优化方法的流程图。本申请第一实施例的用于遥感图像分类的神经网络优化方法包括以下步骤:Please refer to FIG. 1 , which is a flowchart of the neural network optimization method for remote sensing image classification according to the first embodiment of the present application. The neural network optimization method for remote sensing image classification according to the first embodiment of the present application includes the following steps:
S10:获取遥感图像数据集;S10: obtain a remote sensing image dataset;
其中,遥感图像数据集中的图像数量及图像大小可根据实际操作进行设定。Among them, the number of images and the size of the images in the remote sensing image dataset can be set according to the actual operation.
S11:按照设定比例将遥感图像数据集分为训练集、验证集和测试集;S11: Divide the remote sensing image dataset into a training set, a validation set and a test set according to a set ratio;
S12:构建基于SE模块的抗噪网络模型;S12: Build an anti-noise network model based on SE module;
其中,抗噪网络模型架构如图2所示,其包括图像分割模型和损失选择模型。图像分割模型为基于SE模块的U-Net网络,现有U-Net的网络结构如图3所示,其包括特征提取部分以及上采样部分两个部分。其中,特征提取部分分为五个层级,每经过一层池化层图像分辨率就会减半;相应地,上采样部分也分为五个层级,每个层级分别有一个包含两 层标准卷积层的卷积模块。本实施例在现有U-Net的基础上对网络模型进行改进,在U-Net网络结构中增加了SE模块(Squeeze-and-Excitation Networks),以扩大对全局信息的感知,提升网络对于困难样本的学习能力。Among them, the anti-noise network model architecture is shown in Figure 2, which includes an image segmentation model and a loss selection model. The image segmentation model is a U-Net network based on the SE module. The network structure of the existing U-Net is shown in Figure 3, which includes two parts: a feature extraction part and an upsampling part. Among them, the feature extraction part is divided into five layers, and the image resolution is halved after each layer of pooling layer; correspondingly, the upsampling part is also divided into five layers, each of which has a standard volume containing two layers. The convolutional module of the stack. In this embodiment, the network model is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems. The learning ability of the sample.
具体地,本申请实施例中网络模型的改进点在于:将现有U-Net网络结构中的卷积模块替换为SE模块,用于提高网络的特征提取能力;SE模块的结构如图4所示。如图4所示,图像分割模型的图像分割过程具体为:输入特征图后,首先经过一个标准卷积层(Conv),之后产生两条分支,第一分支通过两层标准卷积层,得到大小为C*3*3的第一特征图(C为特征图通道);第二分支为SE模块,包括Globalpooling(全局池化层)、两层Fully Connected(全连接层)和sigmoid函数层,首先通过Globalpooling对输入特征图进行全局平均池化,得到大小为C*1*1的第二特征图;然后经过两层Fully Connected(先降维后升维)后由sigmoid函数层激活,得到大小为C*1*1的权重,并在对应位置将权重与第一分支产生的第一特征图相乘,得到图像分类输出结果。Specifically, the improvement point of the network model in the embodiment of the present application is that the convolution module in the existing U-Net network structure is replaced by the SE module, which is used to improve the feature extraction capability of the network; the structure of the SE module is shown in FIG. 4 . Show. As shown in Figure 4, the image segmentation process of the image segmentation model is as follows: after inputting the feature map, it first passes through a standard convolution layer (Conv), and then generates two branches. The first branch passes through two standard convolution layers to obtain The first feature map of size C*3*3 (C is the feature map channel); the second branch is the SE module, including Globalpooling (global pooling layer), two layers of Fully Connected (full connection layer) and sigmoid function layer, First, global average pooling is performed on the input feature map through Globalpooling to obtain a second feature map with a size of C*1*1; then after two layers of Fully Connected (dimension reduction and dimension increase), it is activated by the sigmoid function layer to obtain the size is the weight of C*1*1, and the weight is multiplied by the first feature map generated by the first branch at the corresponding position to obtain the image classification output result.
由于在网络训练过程中,含有噪声标签的样本得到的损失会比干净标签的样本得到的损失大,因此,通常会由损失选择模型采用ksigma算法对得到的损失进行选择,剔除异常的损失值,从而剔除噪声样本。但是剔除所有高损失样本的同时,也会剔除掉困难学习的样本,然而这部分困难学习的样本对于网络性能的提升发挥着重要作用。针对此不足,本申请实施例通过损失选择模型采用ksigma准则进行损失选择,假设一组检测数据大致服从正态分布且只包含随机误差,对随机误差进行处理得到标准偏差,并按设定概率确定一个偏差区间,将超过该偏差区间的误差判定为粗大误差并剔除。In the process of network training, the loss obtained by samples with noisy labels will be larger than that obtained by samples with clean labels. Therefore, the loss selection model usually uses the ksigma algorithm to select the obtained losses and eliminate abnormal loss values. Thereby removing noise samples. However, when all high-loss samples are removed, the samples that are difficult to learn will also be removed. However, these samples that are difficult to learn play an important role in improving network performance. In view of this deficiency, in the embodiment of the present application, the loss selection model adopts the ksigma criterion to select the loss. It is assumed that a set of detection data roughly obeys the normal distribution and only contains random errors, and the random errors are processed to obtain the standard deviation, which is determined according to the set probability. A deviation interval, and the errors exceeding the deviation interval are determined as gross errors and eliminated.
S13:将训练集输入抗噪网络模型进行迭代训练,得到最优的网络模型参数;S13: Input the training set into the anti-noise network model for iterative training to obtain optimal network model parameters;
S14:将测试集输入训练好的的抗噪网络模型,得到测试集图像的分类结果,并根据测试结果对抗噪网络模型性能进行评价。S14: Input the test set into the trained anti-noise network model, obtain the classification result of the test set image, and evaluate the performance of the anti-noise network model according to the test result.
基于上述,本申请第一实施例的用于遥感图像分类的神经网络优化方法利用SE模块对语义分割网络U-Net进行改进,构建抗噪网络模型,提高网络模型的特征提取能力,并采用ksigma准则进行损失选择,解决由于遥感图像数据集中标签存在噪声导致的神经网络分类精度下降的问题。Based on the above, the neural network optimization method for remote sensing image classification according to the first embodiment of the present application uses the SE module to improve the semantic segmentation network U-Net, builds an anti-noise network model, improves the feature extraction capability of the network model, and uses ksigma Criterion for loss selection, to solve the problem of neural network classification accuracy decline due to noise in labels in remote sensing image datasets.
请参阅图5,是本申请第二实施例的用于遥感图像分类的神经网络优化方法的流程图。本申请第二实施例的用于遥感图像分类的神经网络优化方法包括以下步骤:Please refer to FIG. 5 , which is a flowchart of the neural network optimization method for remote sensing image classification according to the second embodiment of the present application. The neural network optimization method for remote sensing image classification according to the second embodiment of the present application includes the following steps:
S20:下载Inria Aerial Image Labeling Dataset作为遥感图像数据集;S20: Download Inria Aerial Image Labeling Dataset as a remote sensing image dataset;
其中,本实施例以Inria Aerial Image Labeling Dataset(是一个用于城市建筑物检测的遥感图像数据集)作为数据集。该数据集中一共包括180张5000*5000像素点大小的遥感图像,数据集的标注信息包括建筑物以及非建筑物两类,主要用于语义分割。Among them, this embodiment uses the Inria Aerial Image Labeling Dataset (which is a remote sensing image data set used for urban building detection) as the data set. The dataset includes a total of 180 remote sensing images with a size of 5000*5000 pixels. The annotation information of the dataset includes two types of buildings and non-buildings, which are mainly used for semantic segmentation.
S21:根据遥感图像数据集构建训练集、验证集和测试集,同时将训练集、验证集和测试集图像裁剪为设定大小的图像,并对训练集图像进行数据清洗及数据增强等操作;S21: Construct training set, validation set and test set according to remote sensing image data set, at the same time crop the training set, validation set and test set images into images of a set size, and perform data cleaning and data enhancement operations on the training set images;
其中,本实施例仅以将数据集中135幅图像作为训练集、20幅图像作为验证集、25幅图像作为测试集为例,三者相互独立,同时将图像随机裁剪为256*256大小的图像,具体的图像数量、大小可根据实际操作进行设定。数据增强包括但不限于旋转、镜面对称或/和加入高斯噪声等方式。Among them, this embodiment only takes 135 images in the data set as the training set, 20 images as the validation set, and 25 images as the test set as examples, the three are independent of each other, and the images are randomly cropped into 256*256 images. , the specific image quantity and size can be set according to the actual operation. Data enhancement includes, but is not limited to, rotation, mirror symmetry, or/and adding Gaussian noise.
S22:构建基于SE模块的抗噪网络模型;S22: Build an anti-noise network model based on the SE module;
S23:将训练集输入抗噪网络模型进行训练,得到训练好的网络模型参数;S23: Input the training set into the anti-noise network model for training, and obtain the trained network model parameters;
其中,模型训练过程具体为:将构建的训练集输入抗噪网络模型,设定学习率、迭代次数、损失选择模型的K值等超参数,并设置用于优化网络参数的损失函数,根据训练好的损失曲线调整训练过程,最终得到训练好的网络模型参数。Among them, the model training process is specifically: input the constructed training set into the anti-noise network model, set the hyperparameters such as the learning rate, the number of iterations, the K value of the loss selection model, and set the loss function used to optimize the network parameters. A good loss curve adjusts the training process, and finally gets the trained network model parameters.
进一步地,本申请实施例通过从训练集中随机选取0%、25%和50%的样本图像,然后分别使用5*5、7*7和9*9的卷积核对选取的样本图像进行膨胀及腐蚀,以剔除掉部分噪声样本,从而生成不同类型和水平的噪声标记图像,根据不同类型和水平的噪声标记图像分别对抗噪网络模型进行训练。Further, the embodiment of the present application randomly selects 0%, 25% and 50% of the sample images from the training set, and then uses 5*5, 7*7 and 9*9 convolution kernels to dilate and Corrosion is used to remove some noise samples to generate different types and levels of noise labeled images, and the anti-noise network model is trained according to the different types and levels of noise labeled images.
S24:将测试集输入训练好的抗噪网络模型,得到测试集图像的分类结果,并根据分类结果对抗噪网络模型性能进行评价。S24: Input the test set into the trained anti-noise network model, obtain the classification result of the test set image, and evaluate the performance of the anti-noise network model according to the classification result.
为了验证本申请实施例的可行性和有效性,以下通过实验对本申请进行测试。实验采用像素精度PA(Pixel Accuracy)、平均交并比MIOU(Mean Intersection over Union)、Kappa系数作为评价指标,其中:In order to verify the feasibility and effectiveness of the embodiments of the present application, the present application is tested through experiments below. The experiment uses pixel accuracy PA (Pixel Accuracy), average intersection ratio MIOU (Mean Intersection over Union), and Kappa coefficient as evaluation indicators, among which:
Figure PCTCN2020138818-appb-000001
Figure PCTCN2020138818-appb-000001
Figure PCTCN2020138818-appb-000002
Figure PCTCN2020138818-appb-000002
Figure PCTCN2020138818-appb-000003
Figure PCTCN2020138818-appb-000003
其中,共有k+1个类(从L0到Lk,其中一个为背景类),p ij表示标签为类别i但被预测为类别j的像素点数量,p ii表示标签为类别i预测也为类别i的像素点数量,p ji表示标签为类别j但是预测为类别i的像素点数量,p o是每一类正确分布的样本数量之和除以总样本数,p e是假设每一类的真实样本个数分别为a1,a2,而预测出来的每一类的样本个数为b1,b2,总样本个数为n,则: Among them, there are k+1 classes in total (from L0 to Lk, one of which is the background class), p ij represents the number of pixels labeled as class i but predicted to be class j, p ii indicates that the label is class i and the prediction is also a class The number of pixels in i, p ji is the number of pixels labeled as class j but predicted to be class i, p o is the sum of the number of correctly distributed samples for each class divided by the total number of samples, and p e is the assumed number of each class The number of real samples is a1, a2 respectively, and the number of predicted samples of each class is b1, b2, and the total number of samples is n, then:
p e=(a1*b1+a2*b2)/(n*n) (4) p e = (a1*b1+a2*b2)/(n*n) (4)
通过对所给数据集进行实验,在训练集上用不同等级的噪声标签对网络进行训练,在干净标签上进行测试,并与现有U-Net网络进行对比。下表1为现有U-Net网络与本申请实施例中的抗噪网络模型的实验结果:By experimenting on the given dataset, the network is trained with different levels of noisy labels on the training set, tested on clean labels, and compared with existing U-Net networks. Table 1 below is the experimental results of the existing U-Net network and the anti-noise network model in the embodiment of the present application:
表1:U-Net网络与本申请抗噪网络模型的实验结果Table 1: The experimental results of the U-Net network and the anti-noise network model of this application
数据集噪声率Dataset Noise Rate 噪声类型noise type 方法method PAPA MIOUMIOU KappaKappa
无噪声no noise -- U-NetU-Net 0.9190.919 0.7140.714 0.7630.763
无噪声no noise -- 抗噪网络anti-noise network 0.9240.924 0.7230.723 0.7630.763
25%噪声25% noise Kernel5*5腐蚀Kernel5*5 corrosion U-NetU-Net 0.9230.923 0.7180.718 0.7430.743
25%噪声25% noise Kernel5*5腐蚀Kernel5*5 corrosion 抗噪网络anti-noise network 0.9380.938 0.7530.753 0.7600.760
25%噪声25% noise Kernel7*7腐蚀Kernel7*7 Corrosion U-NetU-Net 0.9120.912 0.6960.696 0.7310.731
25%噪声25% noise Kernel7*7腐蚀Kernel7*7 Corrosion 抗噪网络anti-noise network 0.9300.930 0.7330.733 0.7530.753
25%噪声25% noise Kernel9*9腐蚀Kernel9*9 Corrosion U-NetU-Net 0.9110.911 0.6960.696 0.7290.729
25%噪声25% noise Kernel9*9腐蚀Kernel9*9 Corrosion 抗噪网络anti-noise network 0.9170.917 0.7100.710 0.7590.759
50%噪声50% noise Kernel5*5腐蚀Kernel5*5 corrosion U-NetU-Net 0.9090.909 0.6890.689 0.7220.722
50%噪声50% noise Kernel5*5腐蚀Kernel5*5 corrosion 抗噪网络anti-noise network 0.9370.937 0.7470.747 0.7440.744
50%噪声50% noise Kernel7*7腐蚀Kernel7*7 Corrosion U-NetU-Net 0.9140.914 0.6920.692 0.6900.690
50%噪声50% noise Kernel7*7腐蚀Kernel7*7 Corrosion 抗噪网络anti-noise network 0.9280.928 0.7240.724 0.7140.714
50%噪声50% noise Kernel9*9腐蚀Kernel9*9 Corrosion U-NetU-Net 0.8980.898 0.6680.668 0.6920.692
50%噪声50% noise Kernel9*9腐蚀Kernel9*9 Corrosion 抗噪网络anti-noise network 0.9250.925 0.7170.717 0.7100.710
25%噪声25% noise Kernel5*5膨胀Kernel5*5 expansion U-NetU-Net 0.9050.905 0.6880.688 0.7470.747
25%噪声25% noise Kernel5*5膨胀Kernel5*5 expansion 抗噪网络anti-noise network 0.9260.926 0.7300.730 0.7800.780
25%噪声25% noise Kernel7*7膨胀Kernel7*7 expansion U-NetU-Net 0.9180.918 0.7090.709 0.7480.748
25%噪声25% noise Kernel7*7膨胀Kernel7*7 expansion 抗噪网络anti-noise network 0.9310.931 0.7400.740 0.7720.772
25%噪声25% noise Kernel9*9膨胀Kernel9*9 inflation U-NetU-Net 0.9130.913 0.7030.703 0.7650.765
25%噪声25% noise Kernel9*9膨胀Kernel9*9 inflation 抗噪网络anti-noise network 0.9290.929 0.7350.735 0.7710.771
50%噪声50% noise Kernel5*5腐蚀Kernel5*5 corrosion U-NetU-Net 0.9060.906 0.6860.686 0.7440.744
50%噪声50% noise Kernel5*5腐蚀Kernel5*5 corrosion 抗噪网络anti-noise network 0.9220.922 0.7220.722 0.7780.778
50%噪声50% noise Kernel7*7腐蚀Kernel7*7 Corrosion U-NetU-Net 0.9070.907 0.6920.692 0.7470.747
50%噪声50% noise Kernel7*7腐蚀Kernel7*7 Corrosion 抗噪网络anti-noise network 0.9300.930 0.7400.740 0.7870.787
50%噪声50% noise Kernel9*9腐蚀Kernel9*9 Corrosion U-NetU-Net 0.9000.900 0.6810.681 0.7690.769
50%噪声50% noise Kernel9*9腐蚀Kernel9*9 Corrosion 抗噪网络anti-noise network 0.9190.919 0.7160.716 0.7700.770
由上表可以看出,随着噪声水平在面积和比例上的增加,U-Net网络的分割性能出现不同程度地下降。而本申请实施例的抗噪网络,分割性能下降缓慢甚至在噪声比例小的情况下,可以保持与无噪声相同的精度。因此,实验结果表明,本申请实施例可以解决由于遥感图像数据集中标签存在噪声导致的神经网络分类精度下降的问题。As can be seen from the above table, as the noise level increases in area and scale, the segmentation performance of the U-Net network decreases to varying degrees. On the other hand, the anti-noise network of the embodiment of the present application can maintain the same accuracy as no noise, even when the segmentation performance decreases slowly, even when the noise ratio is small. Therefore, the experimental results show that the embodiments of the present application can solve the problem that the classification accuracy of the neural network is reduced due to the existence of noise in the labels in the remote sensing image dataset.
请参阅图6,为本申请实施例的用于遥感图像分类的神经网络优化系统的结构示意图。本申请实施例的用于遥感图像分类的神经网络优化系统包括:Please refer to FIG. 6 , which is a schematic structural diagram of a neural network optimization system for remote sensing image classification according to an embodiment of the present application. The neural network optimization system for remote sensing image classification according to the embodiment of the present application includes:
数据获取模块:用于获取遥感图像数据集;Data acquisition module: used to acquire remote sensing image datasets;
数据分割模块:用于按照设定比例将遥感图像数据集分为训练集、验证集和测试集;Data segmentation module: It is used to divide the remote sensing image dataset into training set, validation set and test set according to the set ratio;
抗噪网络构建模块:用于构建抗噪网络模型;Anti-noise network building block: used to build an anti-noise network model;
其中,抗噪网络模型包括图像分割模型和损失选择模型。图像分割模型为基于SE模块的U-Net网络,现有U-Net的网络结构包括特征提取部分以及上采样部分两个部分。其中,特征提取部分分为五个层级,每经过一层池化层图像分辨率就会减半;相应地,上采样部分也分为五个层级,每个层级分别有一个包含两层标准卷积层的卷积模块。本实施例在现有U-Net的基础上对网络模型进行改进,在U-Net网络结构中增加了SE模块(Squeeze-and-Excitation Networks),以扩大对全局信息的感知,提升网络对于困难样本的学习能力。Among them, the anti-noise network model includes an image segmentation model and a loss selection model. The image segmentation model is a U-Net network based on the SE module. The existing U-Net network structure includes two parts: the feature extraction part and the upsampling part. Among them, the feature extraction part is divided into five layers, and the image resolution is halved after each layer of pooling layer; correspondingly, the upsampling part is also divided into five layers, each of which has a standard volume containing two layers. The convolutional module of the stack. In this embodiment, the network model is improved on the basis of the existing U-Net, and the SE module (Squeeze-and-Excitation Networks) is added to the U-Net network structure to expand the perception of global information and improve the network's ability to deal with difficult problems. The learning ability of the sample.
具体地,本申请实施例中网络模型的改进点在于:将现有U-Net网络结构中的卷积模块替换为SE模块,用于提高网络的特征提取能力;SE模块的结构如图4所示,图像分割模型的图像分割过程具体为:输入特征图后,首先经过一个标准卷积层(Conv),之后产生两条分支,第一分支通过两层标准卷积层,得到大小为C*3*3的第一特征图(C为特征图通道);第二分支为SE模块,包括Globalpooling(全局池化层)、两层Fully Connected(全连接层)和sigmoid函数层,首先通过Globalpooling对输入特征图进行全局平均池化,得到大小为C*1*1的第二特征图;然后经过两层Fully Connected(先降维后升维)后由sigmoid函数层激活,得到大小为C*1*1的权重,并在对应位置将权重与第一分支产生的第一特征图相乘,得到图像分类输出结果。Specifically, the improvement point of the network model in the embodiment of the present application is that the convolution module in the existing U-Net network structure is replaced by the SE module, which is used to improve the feature extraction capability of the network; the structure of the SE module is shown in FIG. 4 . The image segmentation process of the image segmentation model is as follows: after inputting the feature map, it first goes through a standard convolution layer (Conv), and then generates two branches. The first branch passes through two standard convolution layers, and the size is C* The first feature map of 3*3 (C is the feature map channel); the second branch is the SE module, including Globalpooling (global pooling layer), two layers of Fully Connected (full connection layer) and sigmoid function layer. The input feature map is subjected to global average pooling to obtain a second feature map of size C*1*1; then it is activated by the sigmoid function layer after two layers of Fully Connected (dimension reduction first and then dimension increase) to obtain a size of C*1 *1 weight, and multiply the weight with the first feature map generated by the first branch at the corresponding position to obtain the image classification output result.
由于在网络训练过程中,含有噪声标签的样本得到的损失会比干净标签的样本得到的损失大,因此,通常会由损失选择模型采用ksigma算法对得到的损失进行选择,剔除异常的损失值,从而剔除噪声样本。但是剔除所有高损失样本的同时,也会剔除掉困难学习的样本,然而这部分困难学习的样本对于网络性能的提升发挥着重要作用。针对此不足,本申请实施例通过损失选择模型采用ksigma准则进行损失选择,假设一组检测数据大致服从正态分布且只包含随机误差,对随机误差进行处理得到标准偏差,并按设定概率确定一个偏差区间,将超过该偏差区间的误差判定为粗大误差并剔除。In the process of network training, the loss obtained by samples with noisy labels will be larger than that obtained by samples with clean labels. Therefore, the loss selection model usually uses the ksigma algorithm to select the obtained losses and eliminate abnormal loss values. Thereby removing noise samples. However, when all the high-loss samples are removed, the samples that are difficult to learn will also be removed. However, these samples that are difficult to learn play an important role in improving network performance. In view of this deficiency, in the embodiment of the present application, the loss selection model adopts the ksigma criterion to select the loss. It is assumed that a set of detection data roughly obeys the normal distribution and only contains random errors, and the random errors are processed to obtain the standard deviation, which is determined according to the set probability. A deviation interval, and the errors exceeding the deviation interval are determined as gross errors and eliminated.
模型训练模块:用于将训练集输入抗噪网络模型进行训练,得到训练好的网络模型参数;Model training module: used to input the training set into the anti-noise network model for training, and obtain the trained network model parameters;
模型评价模块:用于将测试集输入训练好的的抗噪网络模型,得到测试集图像的分类结果,并根据测试结果对抗噪网络模型性能进行评价。Model evaluation module: It is used to input the test set into the trained anti-noise network model, obtain the classification results of the test set images, and evaluate the performance of the anti-noise network model according to the test results.
请参阅图7,为本申请实施例的终端结构示意图。该终端50包括处理器51、与处理器51耦接的存储器52。Please refer to FIG. 7 , which is a schematic structural diagram of a terminal according to an embodiment of the present application. The terminal 50 includes a processor 51 and a memory 52 coupled to the processor 51 .
存储器52存储有用于实现上述用于遥感图像分类的神经网络优化方法的程序指令。The memory 52 stores program instructions for implementing the above-described neural network optimization method for remote sensing image classification.
处理器51用于执行存储器52存储的程序指令以控制用于遥感图像分类的神经网络优化。The processor 51 is configured to execute program instructions stored in the memory 52 to control neural network optimization for remote sensing image classification.
其中,处理器51还可以称为CPU(Central Processing Unit,中央处理单元)。处理器51可能是一种集成电路芯片,具有信号的处理能力。处理器51还可以是通用处理器、数字信号处理器(DSP)、专用集成电路(ASIC)、现成可编程门阵列(FPGA)或者其他可编程逻辑器件、分立门或者晶体管逻辑器件、分立硬件组件。通用处理器可以是微处理器或者该处理器也可以是任何常规的处理器等。The processor 51 may also be referred to as a CPU (Central Processing Unit, central processing unit). The processor 51 may be an integrated circuit chip with signal processing capability. The processor 51 may also be a general purpose processor, digital signal processor (DSP), application specific integrated circuit (ASIC), off-the-shelf programmable gate array (FPGA) or other programmable logic device, discrete gate or transistor logic device, discrete hardware component . A general purpose processor may be a microprocessor or the processor may be any conventional processor or the like.
请参阅图8,为本申请实施例的存储介质的结构示意图。本申请实施例的存储介质存储有能够实现上述所有方法的程序文件61,其中,该程序文件61可以以软件产品的形式存储在上述存储介质中,包括若干指令用以使得一台计算机设备(可以是个人计算机,服务器,或者网络设备等)或处理器(processor)执行本发明各个实施方式方法的全部或部分步骤。而前述的存储介质包括:U盘、移动硬盘、只读存储器(ROM,Read-Only Memory)、随机存取存储器(RAM,Random Access Memory)、磁碟或者光盘等各种可以存储程序代码的介质,或者是计算机、服务器、手机、平板等终端设备。Please refer to FIG. 8 , which is a schematic structural diagram of a storage medium according to an embodiment of the present application. The storage medium of this embodiment of the present application stores a program file 61 capable of implementing all the above methods, wherein the program file 61 may be stored in the above-mentioned storage medium in the form of a software product, and includes several instructions to enable a computer device (which may It is a personal computer, a server, or a network device, etc.) or a processor that executes all or part of the steps of the methods in the various embodiments of the present invention. The aforementioned storage medium includes: U disk, mobile hard disk, Read-Only Memory (ROM, Read-Only Memory), Random Access Memory (RAM, Random Access Memory), magnetic disk or optical disk and other media that can store program codes , or terminal devices such as computers, servers, mobile phones, and tablets.
对所公开的实施例的上述说明,使本领域专业技术人员能够实现或使用本申请。对这些实施例的多种修改对本领域的专业技术人员来说将是显而易见的,本申请中所定义的一般原理可以在不脱离本申请的精神或范围的情况下,在其它实施例中实现。因此,本申请将不会被限制于本申请所示的这些实施例,而是要符合与本申请所公开的原理和新颖特点相一致的最宽的范围。The above description of the disclosed embodiments enables any person skilled in the art to make or use the present application. Various modifications to these embodiments will be readily apparent to those skilled in the art, and the generic principles defined in this application may be implemented in other embodiments without departing from the spirit or scope of this application. Therefore, this application is not to be limited to the embodiments shown herein, but is to be accorded the widest scope consistent with the principles and novel features disclosed herein.

Claims (10)

  1. 一种用于遥感图像分类的神经网络优化方法,其特征在于,包括:A neural network optimization method for remote sensing image classification, comprising:
    获取遥感图像数据集;Obtain remote sensing image datasets;
    构建抗噪网络模型,所述抗噪网络模型包括图像分割模型和损失选择模型,所述图像分割模型为基于SE模块的U-Net网络;Build an anti-noise network model, the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
    将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练,所述抗噪网络模型通过所述基于SE模块的U-Net网络进行图像分割,得到图像分类结果,并通过所述损失选择模型采用ksigma准则进行损失选择,剔除掉超过设定偏差区间的误差,得到最优的网络模型参数。Input the remote sensing image data set into the anti-noise network model for iterative training, and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain image classification results, and selects through the loss The model uses the ksigma criterion to select the loss, eliminates the error exceeding the set deviation interval, and obtains the optimal network model parameters.
  2. 根据权利要求1所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述获取遥感图像数据集包括:The neural network optimization method for remote sensing image classification according to claim 1, wherein said acquiring a remote sensing image data set comprises:
    按照设定比例将所述遥感图像数据集分为训练集、验证集和测试集,并将所述训练集、验证集和测试集图像裁剪为设定大小的图像,并对所述训练集图像进行数据清洗及数据增强处理。The remote sensing image data set is divided into training set, validation set and test set according to a set ratio, and the images of the training set, validation set and test set are cropped into images of a set size, and the training set images are Perform data cleaning and data enhancement.
  3. 根据权利要求1所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述通过所述基于SE模块的U-Net网络进行图像分割包括:The neural network optimization method for remote sensing image classification according to claim 1, wherein the performing image segmentation through the U-Net network based on the SE module comprises:
    输入特征图经过一个标准卷积层后,产生两条分支,第一分支通过两层标准卷积层,得到第一特征图;第二分支为SE模块,所述SE模块包括Globalpooling层、两层Fully Connected层和sigmoid函数层,首先通过Globalpooling层对所述输入特征图进行全局平均池化,得到第二特征图;然后经过两层Fully Connected层后由sigmoid函数层激活,得到与所述第二特征图大小相对应的权重,并将所述权重与第一分支产生的第一特征图相乘,得到图像分类输出结果。After the input feature map passes through a standard convolutional layer, two branches are generated. The first branch passes through two standard convolutional layers to obtain the first feature map; the second branch is the SE module, which includes a Globalpooling layer, two layers The Fully Connected layer and the sigmoid function layer firstly perform global average pooling on the input feature map through the Globalpooling layer to obtain the second feature map; then after the two Fully Connected layers are activated by the sigmoid function layer, the second feature map is obtained. The weight corresponding to the size of the feature map is multiplied by the first feature map generated by the first branch to obtain the image classification output result.
  4. 根据权利要求3所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述通过所述损失选择模型采用ksigma准则进行损失选择包括:The neural network optimization method for remote sensing image classification according to claim 3, wherein the loss selection using the ksigma criterion through the loss selection model comprises:
    如果一组检测数据大致服从正态分布且只包含随机误差,对所述随机误差进行处理得到标准偏差,并按设定概率确定偏差区间,将超过所述偏差区间的误差判定为粗大误差并剔除。If a set of test data roughly obeys a normal distribution and only contains random errors, the random errors are processed to obtain the standard deviation, and the deviation interval is determined according to the set probability, and the errors exceeding the deviation interval are determined as gross errors and eliminated. .
  5. 根据权利要求2所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练包括:The neural network optimization method for remote sensing image classification according to claim 2, wherein the inputting the remote sensing image dataset into the anti-noise network model for iterative training comprises:
    将所述训练集输入抗噪网络模型,设定学习率、迭代次数、损失选择模型的K值,并设置用于优化网络参数的损失函数,根据损失曲线调整模型训练过程。The training set is input into the anti-noise network model, the learning rate, the number of iterations, and the K value of the loss selection model are set, and the loss function for optimizing network parameters is set, and the model training process is adjusted according to the loss curve.
  6. 根据权利要求5所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练还包括:The neural network optimization method for remote sensing image classification according to claim 5, wherein the inputting the remote sensing image dataset into the anti-noise network model for iterative training further comprises:
    从所述训练集中随机选取0%、25%和50%的样本图像,并分别使用5*5、7*7和9*9的卷积核对选取的样本图像进行膨胀及腐蚀,生成不同类型和水平的噪声标记图像,根据不同类型和水平的噪声标记图像分别所述对抗噪网络模型进行训练。0%, 25% and 50% of the sample images are randomly selected from the training set, and 5*5, 7*7 and 9*9 convolution kernels are used to dilate and corrode the selected sample images to generate different types of and The noise-marked images of the level are trained according to the noise-marked images of different types and levels, respectively.
  7. 根据权利要求2所述的用于遥感图像分类的神经网络优化方法,其特征在于,所述得到最优的网络模型参数后还包括:The neural network optimization method for remote sensing image classification according to claim 2, wherein after obtaining the optimal network model parameters, the method further comprises:
    将所述测试集图像输入抗噪网络模型,得到所述测试集图像的分类结果,并根据所述分类结果对所述抗噪网络模型性能进行评价。The test set image is input into the anti-noise network model, the classification result of the test set image is obtained, and the performance of the anti-noise network model is evaluated according to the classification result.
  8. 一种神经网络优化系统,其特征在于,包括:A neural network optimization system, characterized in that it includes:
    数据获取模块:用于获取遥感图像数据集;Data acquisition module: used to acquire remote sensing image datasets;
    抗噪网络构建模块:用于构建抗噪网络模型,所述抗噪网络模型包括图像分割模型和损失选择模型,所述图像分割模型为基于SE模块的U-Net网络;Anti-noise network building module: used to build an anti-noise network model, the anti-noise network model includes an image segmentation model and a loss selection model, and the image segmentation model is a U-Net network based on the SE module;
    模型训练模块:用于将所述遥感图像数据集输入所述抗噪网络模型进行迭代训练,所述抗噪网络模型通过所述基于SE模块的U-Net网络进行图像分割,得到图像分类结果,并通过所述损失选择模型采用ksigma准则进行损失选择,剔除掉超过设定偏差区间的误差,得到最优的网络模型参数。Model training module: used to input the remote sensing image data set into the anti-noise network model for iterative training, and the anti-noise network model performs image segmentation through the U-Net network based on the SE module to obtain an image classification result, And through the loss selection model, the ksigma criterion is used to select the loss, and the error exceeding the set deviation interval is eliminated to obtain the optimal network model parameters.
  9. 一种终端,其特征在于,所述终端包括处理器、与所述处理器耦接的存储器,其中,A terminal, characterized in that the terminal includes a processor and a memory coupled to the processor, wherein,
    所述存储器存储有用于实现权利要求1-7任一项所述的用于遥感图像分类的神经网络优化方法的程序指令;The memory stores program instructions for realizing the neural network optimization method for remote sensing image classification according to any one of claims 1-7;
    所述处理器用于执行所述存储器存储的所述程序指令以控制用于遥感图像分类的神经网络优化。The processor is configured to execute the program instructions stored in the memory to control neural network optimization for remote sensing image classification.
  10. 一种存储介质,其特征在于,存储有处理器可运行的程序指令,所述程序指令用于执行权利要求1至7任一项所述用于遥感图像分类的神经网络优化方法。A storage medium, characterized in that it stores program instructions executable by a processor, and the program instructions are used to execute the neural network optimization method for remote sensing image classification according to any one of claims 1 to 7.
PCT/CN2020/138818 2020-09-10 2020-12-24 Neural network optimization method for remote sensing image classification, and terminal and storage medium WO2022052367A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN202010944670.4 2020-09-10
CN202010944670.4A CN112132193A (en) 2020-09-10 2020-09-10 Neural network optimization method, terminal and storage medium for remote sensing image classification

Publications (1)

Publication Number Publication Date
WO2022052367A1 true WO2022052367A1 (en) 2022-03-17

Family

ID=73845354

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2020/138818 WO2022052367A1 (en) 2020-09-10 2020-12-24 Neural network optimization method for remote sensing image classification, and terminal and storage medium

Country Status (2)

Country Link
CN (1) CN112132193A (en)
WO (1) WO2022052367A1 (en)

Cited By (16)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN114821299A (en) * 2022-03-28 2022-07-29 西北工业大学 Remote sensing image change detection method
CN115035402A (en) * 2022-04-15 2022-09-09 南京信息工程大学 Multi-stage feature aggregation system and method for land cover classification problem
CN115035406A (en) * 2022-06-08 2022-09-09 中国科学院空间应用工程与技术中心 Method and system for labeling remote sensing scene data set, storage medium and electronic equipment
CN115063692A (en) * 2022-07-06 2022-09-16 西北工业大学 Remote sensing image scene classification method based on active learning
CN115223063A (en) * 2022-07-13 2022-10-21 河南省农业科学院农业经济与信息研究所 Unmanned aerial vehicle remote sensing wheat new variety lodging area extraction method and system based on deep learning
CN115423829A (en) * 2022-07-29 2022-12-02 江苏省水利科学研究院 Method and system for rapidly extracting water body from single-band remote sensing image
CN115576014A (en) * 2022-10-26 2023-01-06 江苏科技大学 Intelligent identification method for fractured reservoir based on acoustic wave remote detection imaging
CN115841590A (en) * 2022-11-16 2023-03-24 中国烟草总公司湖南省公司 Neural network reasoning optimization method, device, equipment and readable storage medium
CN116030347A (en) * 2023-01-06 2023-04-28 山东建筑大学 High-resolution remote sensing image building extraction method based on attention network
CN116030358A (en) * 2022-12-20 2023-04-28 中国科学院空天信息创新研究院 Remote sensing fine granularity classification method for star group distributed parameter feature fusion
CN116091953A (en) * 2023-04-11 2023-05-09 耕宇牧星(北京)空间科技有限公司 Building rubbish identification method based on grouping wavelet calibration network
CN116168295A (en) * 2023-02-24 2023-05-26 中国地质大学(武汉) Lithology remote sensing intelligent interpretation model establishment method and interpretation method
CN116434037A (en) * 2023-04-21 2023-07-14 大连理工大学 Multi-mode remote sensing target robust recognition method based on double-layer optimization learning
CN116486273A (en) * 2023-06-20 2023-07-25 南昌工程学院 Method for extracting water body information of small sample remote sensing image
CN116761179A (en) * 2023-07-14 2023-09-15 青岛科技大学 Intelligent prediction method for safety communication performance of mobile TAS-EH system based on lightweight MS-Net
CN116761179B (en) * 2023-07-14 2024-04-30 青岛科技大学 Mobile transmitting antenna selection and energy collection TAS-EH system safety communication performance intelligent prediction method based on lightweight MS-Net

Families Citing this family (4)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN112766313B (en) * 2020-12-29 2023-11-14 厦门贝启科技有限公司 Crystal segmentation and positioning method, device, equipment and medium based on U-net structure
CN112991354B (en) * 2021-03-11 2024-02-13 东北大学 High-resolution remote sensing image semantic segmentation method based on deep learning
CN113673530B (en) * 2021-08-18 2023-06-16 中国人民解放军国防科技大学 Remote sensing image semantic segmentation method, device, computer equipment and storage medium
CN115937681B (en) * 2022-12-05 2024-04-19 中铁第四勘察设计院集团有限公司 Remote sensing image sample data cleaning method

Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20190057245A1 (en) * 2017-08-15 2019-02-21 Regents Of The University Of Minnesota Satellite image classification across multiple resolutions and time using ordering constraint among instances
CN110211137A (en) * 2019-06-08 2019-09-06 西安电子科技大学 Satellite Image Segmentation method based on residual error network and U-Net segmentation network
CN110443143A (en) * 2019-07-09 2019-11-12 武汉科技大学 The remote sensing images scene classification method of multiple-limb convolutional neural networks fusion

Family Cites Families (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN110717420A (en) * 2019-09-25 2020-01-21 中国科学院深圳先进技术研究院 Cultivated land extraction method and system based on remote sensing image and electronic equipment

Patent Citations (3)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
US20190057245A1 (en) * 2017-08-15 2019-02-21 Regents Of The University Of Minnesota Satellite image classification across multiple resolutions and time using ordering constraint among instances
CN110211137A (en) * 2019-06-08 2019-09-06 西安电子科技大学 Satellite Image Segmentation method based on residual error network and U-Net segmentation network
CN110443143A (en) * 2019-07-09 2019-11-12 武汉科技大学 The remote sensing images scene classification method of multiple-limb convolutional neural networks fusion

Non-Patent Citations (2)

* Cited by examiner, † Cited by third party
Title
LI WANQI, LI KEJIAN;CHEN SHAOBO: "Multi-modal fusion based method for high resolution remote sensing image segmentation", ZHONGNAN MINZU DAXUE XUEBAO (ZIRAN KEXUE BAN) - JOURNAL OF SOUTH-CENTRAL UNIVERSITY FOR NATIONALITIES ( NATURAL SCIENCE EDITION, ZHONGNAN MINZU DAXUE, CN, vol. 39, no. 4, 31 August 2020 (2020-08-31), CN , pages 405 - 412, XP055911374, ISSN: 1672-4321, DOI: 10.12130/znmdzk.20200412 *
LIU HAO, JIANCHENG LUO, BO HUANG, HAIPING YANG, XIAODONG HU, NAN XU, LIEGANG XIA: "Building Extraction based on SE-Unet", JOURNAL OF GEO-INFORMATION SCIENCE, vol. 21, no. 11, 25 November 2019 (2019-11-25), pages 1779 - 1789, XP055911485, ISSN: 1560-8999 *

Cited By (29)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN114821299A (en) * 2022-03-28 2022-07-29 西北工业大学 Remote sensing image change detection method
CN114821299B (en) * 2022-03-28 2024-03-19 西北工业大学 Remote sensing image change detection method
CN115035402A (en) * 2022-04-15 2022-09-09 南京信息工程大学 Multi-stage feature aggregation system and method for land cover classification problem
CN115035402B (en) * 2022-04-15 2023-09-12 南京信息工程大学 Multistage feature aggregation system and method for land cover classification problem
CN115035406A (en) * 2022-06-08 2022-09-09 中国科学院空间应用工程与技术中心 Method and system for labeling remote sensing scene data set, storage medium and electronic equipment
CN115035406B (en) * 2022-06-08 2023-08-04 中国科学院空间应用工程与技术中心 Remote sensing scene data set labeling method, remote sensing scene data set labeling system, storage medium and electronic equipment
CN115063692B (en) * 2022-07-06 2024-02-27 西北工业大学 Remote sensing image scene classification method based on active learning
CN115063692A (en) * 2022-07-06 2022-09-16 西北工业大学 Remote sensing image scene classification method based on active learning
CN115223063A (en) * 2022-07-13 2022-10-21 河南省农业科学院农业经济与信息研究所 Unmanned aerial vehicle remote sensing wheat new variety lodging area extraction method and system based on deep learning
CN115223063B (en) * 2022-07-13 2023-05-30 河南省农业科学院农业经济与信息研究所 Deep learning-based unmanned aerial vehicle remote sensing wheat new variety lodging area extraction method and system
CN115423829B (en) * 2022-07-29 2024-03-01 江苏省水利科学研究院 Method and system for rapidly extracting water body of single-band remote sensing image
CN115423829A (en) * 2022-07-29 2022-12-02 江苏省水利科学研究院 Method and system for rapidly extracting water body from single-band remote sensing image
CN115576014B (en) * 2022-10-26 2023-07-11 江苏科技大学 Crack type reservoir intelligent identification method based on acoustic wave far detection imaging
CN115576014A (en) * 2022-10-26 2023-01-06 江苏科技大学 Intelligent identification method for fractured reservoir based on acoustic wave remote detection imaging
CN115841590A (en) * 2022-11-16 2023-03-24 中国烟草总公司湖南省公司 Neural network reasoning optimization method, device, equipment and readable storage medium
CN115841590B (en) * 2022-11-16 2023-10-03 中国烟草总公司湖南省公司 Neural network reasoning optimization method, device, equipment and readable storage medium
CN116030358B (en) * 2022-12-20 2023-06-23 中国科学院空天信息创新研究院 Remote sensing fine granularity classification method for star group distributed parameter feature fusion
CN116030358A (en) * 2022-12-20 2023-04-28 中国科学院空天信息创新研究院 Remote sensing fine granularity classification method for star group distributed parameter feature fusion
CN116030347A (en) * 2023-01-06 2023-04-28 山东建筑大学 High-resolution remote sensing image building extraction method based on attention network
CN116030347B (en) * 2023-01-06 2024-01-26 山东建筑大学 High-resolution remote sensing image building extraction method based on attention network
CN116168295B (en) * 2023-02-24 2023-12-05 中国地质大学(武汉) Lithology remote sensing intelligent interpretation model establishment method and interpretation method
CN116168295A (en) * 2023-02-24 2023-05-26 中国地质大学(武汉) Lithology remote sensing intelligent interpretation model establishment method and interpretation method
CN116091953A (en) * 2023-04-11 2023-05-09 耕宇牧星(北京)空间科技有限公司 Building rubbish identification method based on grouping wavelet calibration network
CN116434037B (en) * 2023-04-21 2023-09-22 大连理工大学 Multi-mode remote sensing target robust recognition method based on double-layer optimization learning
CN116434037A (en) * 2023-04-21 2023-07-14 大连理工大学 Multi-mode remote sensing target robust recognition method based on double-layer optimization learning
CN116486273B (en) * 2023-06-20 2023-09-01 南昌工程学院 Method for extracting water body information of small sample remote sensing image
CN116486273A (en) * 2023-06-20 2023-07-25 南昌工程学院 Method for extracting water body information of small sample remote sensing image
CN116761179A (en) * 2023-07-14 2023-09-15 青岛科技大学 Intelligent prediction method for safety communication performance of mobile TAS-EH system based on lightweight MS-Net
CN116761179B (en) * 2023-07-14 2024-04-30 青岛科技大学 Mobile transmitting antenna selection and energy collection TAS-EH system safety communication performance intelligent prediction method based on lightweight MS-Net

Also Published As

Publication number Publication date
CN112132193A (en) 2020-12-25

Similar Documents

Publication Publication Date Title
WO2022052367A1 (en) Neural network optimization method for remote sensing image classification, and terminal and storage medium
WO2018108129A1 (en) Method and apparatus for use in identifying object type, and electronic device
WO2019233166A1 (en) Surface defect detection method and apparatus, and electronic device
US11256982B2 (en) Noise-enhanced convolutional neural networks
US10810721B2 (en) Digital image defect identification and correction
WO2019232847A1 (en) Handwriting model training method, handwritten character recognition method and apparatus, and device and medium
CN107784288B (en) Iterative positioning type face detection method based on deep neural network
US10043057B2 (en) Accelerating object detection
US11120297B2 (en) Segmentation of target areas in images
CN115953665B (en) Target detection method, device, equipment and storage medium
WO2023035926A1 (en) Method for predicting microsatellite instability from pathological picture on basis of self-attention mechanism
WO2023116632A1 (en) Video instance segmentation method and apparatus based on spatio-temporal memory information
WO2019232855A1 (en) Handwriting model training method, handwritten character recognition method and device, apparatus, and medium
US11410016B2 (en) Selective performance of deterministic computations for neural networks
WO2019218482A1 (en) Big data-based population screening method and apparatus, terminal device and readable storage medium
CN116912923B (en) Image recognition model training method and device
CN112818946A (en) Training of age identification model, age identification method and device and electronic equipment
CN113011532A (en) Classification model training method and device, computing equipment and storage medium
TWI803243B (en) Method for expanding images, computer device and storage medium
US20220351533A1 (en) Methods and systems for the automated quality assurance of annotated images
WO2022237065A1 (en) Classification model training method, video classification method, and related device
CN115170599A (en) Method and device for vessel segmentation through link prediction of graph neural network
CN112598663A (en) Grain pest detection method and device based on visual saliency
CN117456562B (en) Attitude estimation method and device
US20220319158A1 (en) Cell nuclei classification with artifact area avoidance

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

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

Country of ref document: EP

Kind code of ref document: A1

32PN Ep: public notification in the ep bulletin as address of the adressee cannot be established

Free format text: NOTING OF LOSS OF RIGHTS PURSUANT TO RULE 112(1) EPC (EPO FORM 1205A DATED 14.08.2023)