WO2024061141A1 - Method for remote-sensing sample transfer under common knowledge constraints - Google Patents

Method for remote-sensing sample transfer under common knowledge constraints Download PDF

Info

Publication number
WO2024061141A1
WO2024061141A1 PCT/CN2023/119287 CN2023119287W WO2024061141A1 WO 2024061141 A1 WO2024061141 A1 WO 2024061141A1 CN 2023119287 W CN2023119287 W CN 2023119287W WO 2024061141 A1 WO2024061141 A1 WO 2024061141A1
Authority
WO
WIPO (PCT)
Prior art keywords
feature
common
sample data
sample
generator
Prior art date
Application number
PCT/CN2023/119287
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 WO2024061141A1 publication Critical patent/WO2024061141A1/en

Links

Classifications

    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/70Arrangements for image or video recognition or understanding using pattern recognition or machine learning
    • G06V10/762Arrangements for image or video recognition or understanding using pattern recognition or machine learning using clustering, e.g. of similar faces in social 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
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V10/00Arrangements for image or video recognition or understanding
    • G06V10/70Arrangements for image or video recognition or understanding using pattern recognition or machine learning
    • G06V10/82Arrangements for image or video recognition or understanding using pattern recognition or machine learning using neural networks
    • GPHYSICS
    • G06COMPUTING; CALCULATING OR COUNTING
    • G06VIMAGE OR VIDEO RECOGNITION OR UNDERSTANDING
    • G06V20/00Scenes; Scene-specific elements
    • G06V20/10Terrestrial scenes
    • G06V20/13Satellite images

Definitions

  • the invention relates to the field of remote sensing image processing, and in particular to a remote sensing sample migration method constrained by common knowledge.
  • artificial intelligence technology has huge development prospects.
  • the implementability of artificial intelligence technology relies largely on the support of massive data and big data. Therefore, artificial intelligence technology can also effectively use massive data to implement various functions.
  • Transfer learning methods in remote sensing samples can effectively improve the utilization of existing samples.
  • the purpose of transfer learning is to use sufficient labeled samples in the source domain for a target domain with a small number of samples or no samples. There is partial or no correlation between the sample features between the source domain and the target domain.
  • An existing transfer method such as TrAdaBoost, selects highly relevant source domain sample data for transfer learning, thereby improving the performance of transfer learning.
  • TrAdaBoost selects highly relevant source domain sample data for transfer learning, thereby improving the performance of transfer learning.
  • this method of optimizing source domain samples mainly has the following problems: even for the optimized samples, not all features in the samples are beneficial to transfer learning, and some features with low correlation will have a negative impact on transfer learning. Even leading to negative transfer, it is necessary to ensure that the source domain and the target domain are fully related.
  • the present invention proposes a remote sensing sample migration method constrained by common knowledge, which can solve the above-mentioned problems of the prior art. It does not affect the distribution of source domain sample data by directly transferring
  • the common features of the source domain sample data and the target domain sample data are input into the constructed generator, and the generator is trained based on the objective function to obtain the generator under the constraints of common knowledge.
  • the entire sample migration process is end-to-end, enabling automatic adjustment of the model.
  • a remote sensing sample migration method constrained by common knowledge which includes the following steps:
  • S1 inputs the source domain sample data and the target domain sample data into the feature extraction model to obtain the feature data and common feature space of the source domain sample data and the target domain sample data;
  • S2 inputs the feature data of the source domain sample data and the target domain sample data into a feature clusterer, determines a common feature space and a non-common feature space, and extracts common features and source domain non-common features, wherein the common feature space and the non-common feature space are subspaces of the common feature space;
  • S3 inputs the common features and the non-common features of the source domain added with random noise into the generator to generate pseudo samples;
  • S4 inputs the pseudo sample and target domain sample data into the discriminator, discriminates the pseudo sample according to the target domain sample data, and optimizes the generator according to the discrimination result and the objective function;
  • S6 inputs the source domain sample data into the trained generator to generate migration samples.
  • step S2 input the feature data of the source domain sample data and the target domain sample data into a feature clusterer to determine the common feature space and the non-common feature space, including:
  • the feature subspace F j is divided into a common feature space; if the distribution does not have correlation, the feature subspace F j is divided into a non-common feature space.
  • the way to determine whether the distribution is relevant is:
  • each group of mixed samples in the same feature subspace F j is obtained.
  • the number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted.
  • M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation.
  • the fitting degree is calculated according to a probability distribution distance measurement algorithm.
  • the feature extraction model is:
  • the feature extraction model is the encoder part of a convolutional autoencoder constructed by a convolutional neural network
  • the generator is the decoder part of the convolutional autoencoder.
  • the feature extraction model is symmetrical to the structure of the generator.
  • the generator and the discriminator constitute a generative adversarial network
  • the objective function is the objective function of the generative adversarial network
  • the objective function is:
  • G is the generator
  • D is the discriminator
  • E is the expectation function
  • x is the pseudo sample data generated by the generator
  • p data is the probability that x comes from the real data distribution
  • p g is the probability that x comes from the generator output sample.
  • the present invention proposes a remote sensing sample migration method constrained by common knowledge.
  • feature extraction on source domain and target domain sample data
  • the characteristic data corresponding to the sample data is obtained.
  • cluster analysis on the characteristic data
  • the source domain and target domain are obtained.
  • Common features and non-common features of domain samples by inputting common features and source domain noisy non-common features into the generator, generate pseudo samples under the constraints of common features, and by inputting pseudo samples and target domain samples into the discriminator, based on the discrimination results Iteratively train and optimize the generator with the objective function to obtain a generator that can migrate the source domain features to the target domain. Finally, input the source domain samples into the generator to directly obtain the migration samples that fit the target domain.
  • the sample migration framework constructed by the present invention supports fully automatic training and adjustment of the model, and realizes an end-to-end sample migration process.
  • Figure 1 is a schematic flow chart of an embodiment of the common knowledge constrained remote sensing sample migration method of the present invention
  • Figure 2 is a schematic diagram of sample migration model data transmission in one embodiment of the common knowledge-constrained remote sensing sample migration method of the present invention
  • Figure 3 is a schematic diagram of using a trained autoencoder to perform sample migration on source domain samples in one embodiment of the common knowledge constrained remote sensing sample migration method of the present invention.
  • Figure 1 is a schematic flow chart of an embodiment of a common knowledge-constrained remote sensing sample migration method according to the present invention. Compared with the traditional migration learning model, this method achieves the generation of fitting targets by inputting source domain samples. Samples in the domain realize sample migration under common knowledge constraints and effectively avoid negative migration. This method includes the following steps:
  • S1 inputs the source domain sample data and the target domain sample data into the feature extraction model to obtain the feature data and common feature space of the source domain sample data and the target domain sample data.
  • the embodiment of the present invention is aimed at the migration task of remote sensing samples, which belongs to the category of isomorphic transfer learning.
  • the source domain and target domain sample data are in the same feature space, that is, the common feature space.
  • the feature extraction model is: a machine learning model using a feature extraction operator, or a convolutional neural network model, or a combination of the above models.
  • the encoder part of the convolutional autoencoder constructed using a convolutional neural network is used as a feature extraction model.
  • the autoencoder serves as a powerful feature detector and can efficiently represent the learned input data as features through unsupervised learning.
  • the encoder of the convolutional autoencoder adopts a three-layer convolutional neural network structure.
  • the number of convolution kernels in the first layer is 16, the convolution kernel size is 3 ⁇ 3, and the step size is 1;
  • the number of convolution kernels in the second layer is 8 , the convolution kernel size is 3 ⁇ 3, and the step size is 1;
  • the number of convolution kernels in the third layer is 8, the convolution kernel size is 3 ⁇ 3, and the step size is 1.
  • a 2 ⁇ 2 maximum pooling layer is connected for dimensionality reduction and feature compression.
  • S2 combines the feature data of the source domain sample data and the target domain sample data Input the feature clusterer, determine the common feature space and non-common feature space, and extract common features and non-common features of the source domain, where the common feature space and the non-common feature space are subspaces of the common feature space.
  • sample data of the source domain and the target domain are both in the common feature space, but the specific distribution is different.
  • the feature data can be divided into common features and non-common features according to the data distribution.
  • the subspace where the common features are located is a common feature space, and the subspace where non-common features are located is a non-common feature space.
  • Each group of mixed sample data has feature correlation.
  • the sample feature values are normalized to facilitate subsequent analysis and input into the generative adversarial network.
  • the mixed sample data x i is mapped to multiple feature subspaces F j to obtain a sample-feature set (x i ,F j ).
  • the distribution of (x 1 ,F j ),(x 2 ,F j ),...,(x k ,F j ) is analyzed. If the distribution is correlated, the feature subspace Fj is divided into a common feature space; if the distribution is not correlated, the feature subspace Fj is divided into a non-common feature space.
  • the fitting degree the overall fitting degree of each group of mixed sample features (x i , F j ) in the same feature subspace F j is obtained;
  • the number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted.
  • M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation.
  • the steps for correlation analysis of the feature distribution of the mixed samples in F 1 are as follows: use the probability distribution distance measurement algorithm to calculate the fitting degree of the feature distribution of each group of mixed samples and other groups of mixed samples in the same feature subspace F j , According to the fitting degree, the overall fitting degree of each group of mixed sample features (x i , F j ) in the same feature subspace F j is obtained, and the number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted. , when M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation.
  • the degree of fitting can be expressed by KL divergence. The smaller the KL divergence, the higher the degree of fitting.
  • the overall degree of fitting is a set of KL divergence.
  • the second preset threshold can be 80% of the total number, or can also be other parameters. This embodiment does not limit this.
  • the KL divergence is calculated for each two sets of mixed sample data ( xi , F 1 ), and we get KL divergence value, convert this Each KL divergence value is compared with the preset threshold. If the overall fitting degree corresponding to more than 80% of the KL divergence values is greater than the first preset threshold, it is determined that the feature subspace F 1 distribution is relevant. If the distribution is correlated, the feature subspace F 1 is divided into a common feature space. If the distribution is not correlated, the feature subspace F 1 is divided into a non-common feature space. According to the method described above, all feature subspaces F j is divided into common feature space or non-common feature space Conquer space.
  • the sample data in the source domain and the target domain have relevant features and irrelevant features in the same feature space.
  • Using the collaborative clustering method can simultaneously cluster the sample data and feature data in the same feature space, which can be intuitively Reflect the relationship between source domain and target domain sample data and features.
  • the present invention aims to distinguish relevant features from irrelevant features and divide them into common feature spaces and non-common feature spaces respectively.
  • the distribution of the normalized feature values extracted from the sample on the same feature subspace reflects the characteristics of the sample in this feature subspace.
  • the source domain sample data and the target domain sample data should have distribution consistency. , different groups of data should also have similar distributions, so by analyzing the correlation between the feature distributions of different groups of data in the same feature subspace, the feature subspace can be divided into common feature space and non-common feature space.
  • sample migration under the constraints of common knowledge can be realized without affecting the distribution of source domain sample data, effectively avoiding negative migration.
  • S3 inputs the common features and the non-common features of the source domain added with random noise into the generator to generate pseudo samples.
  • S4 inputs the pseudo sample and the target domain sample data into the discriminator, discriminates the pseudo sample according to the target domain sample data, and optimizes the generator according to the discrimination result and the objective function.
  • S5 repeats the training process of iterations S3 to S4 until the objective function converges.
  • the generator used in the present invention has a symmetrical structure with the feature extraction model used for feature extraction. The purpose is to directly input the extracted common features into the generator and generate samples with minimal loss.
  • An embodiment of the present invention The entire transfer learning model and data transfer are shown in Figure 2. Directly inputting common features into the generator to generate samples can effectively constrain the common features and ensure that the generated samples fit the target domain samples as closely as possible without changing the common features.
  • the decoder part of the convolutional autoencoder is used as the generator, and the decoder structure is symmetrical with the encoder structure.
  • the decoder adopts a three-layer deconvolution neural network structure, and the number of convolution kernels in the first layer is 8, the convolution kernel size is 3 ⁇ 3, and the step size is 1; the number of convolution kernels in the second layer is 8, the convolution kernel size is 3 ⁇ 3, and the step size is 1; the number of convolution kernels in the third layer is 16, The convolution kernel size is 3 ⁇ 3 and the stride is 1.
  • Each deconvolution layer is followed by a 2 ⁇ 2 upsampling layer to restore the image size.
  • the same autoencoder is used, which improves the reusability of the model and reduces the cost of model construction.
  • the generator and the discriminator form a non-traditional generative adversarial network whose input is a feature.
  • the objective function of the generative adversarial network is Among them, G is the generator, D is the discriminator, E is the expectation function, x is the pseudo sample data generated by the generator, p data is the probability that x comes from the real data distribution, and p g is the probability that x comes from the generator output sample.
  • S6 inputs the source domain sample data into the trained generator to generate migration samples.
  • the trained generator can generate sample data to fit the target domain by receiving source domain sample data to realize sample migration.
  • the process of realizing sample migration in this embodiment is shown in Figure 3.
  • Source domain samples After passing through the autoencoder, migration samples that fit the target domain can be generated.
  • the sample migration framework constructed by the present invention supports fully automatic training and adjustment of the model, and realizes an end-to-end sample migration process. After inputting the source domain samples, the samples fitting the target domain are automatically generated.

Landscapes

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

Abstract

The present invention relates to the field of remote-sensing image processing. Disclosed is a method for remote-sensing sample transfer under common knowledge constraints. The method comprises the following steps: by using a feature extraction mode, acquiring features and a public feature space of source-domain samples and target-domain samples; by using a feature clusterer, determining common features and non-common features; inputting into a generator the common features and source-domain non-common features to which random noise is added, so as to generate a pseudo sample; inputting the pseudo sample into a discriminator, and discriminating the pseudo sample according to target-domain sample data; iteratively training and optimizing the generator, so as to obtain a trained generator; and inputting source-domain sample data into the trained generator, so as to generate transferred samples. Therefore, sample transfer from source domains to target domains under common-feature constraints is realized, avoiding negative transfer.

Description

共性知识约束的遥感样本迁移方法Remote sensing sample migration method with common knowledge constraints 技术领域Technical field
本发明涉及遥感影像处理领域,具体涉及一种共性知识约束的遥感样本迁移方法。The invention relates to the field of remote sensing image processing, and in particular to a remote sensing sample migration method constrained by common knowledge.
背景技术Background technique
近年来,遥感技术的飞速发展推动了遥感技术在各个领域的广泛应用。其中,多颗卫星的对地实时监测为整个遥感领域的发展提供了海量多元遥感影像数据支持,奠定了遥感技术飞速发展的基础。有效的利用海量遥感影像数据是遥感领域发展的重要方向之一。In recent years, the rapid development of remote sensing technology has promoted its wide application in various fields. Among them, the real-time monitoring of the earth by multiple satellites provides massive and diverse remote sensing image data support for the development of the entire remote sensing field, laying the foundation for the rapid development of remote sensing technology. Effective utilization of massive remote sensing image data is one of the important directions for the development of the field of remote sensing.
人工智能技术作为当今最热门的高新技术之一,有着巨大的发展前景。事实上,人工智能技术的可实施性很大程度上是依托着海量数据、大数据的支持,因而人工智能技术也能够有效的利用海量数据实现各种功能。As one of the hottest high-tech technologies today, artificial intelligence technology has huge development prospects. In fact, the implementability of artificial intelligence technology relies largely on the support of massive data and big data. Therefore, artificial intelligence technology can also effectively use massive data to implement various functions.
将人工智能技术用于遥感领域能够大大提高对海量遥感影像数据的利用率。但是,目前大部分遥感方向的人工智能应用均采用监督学习或半监督学习的方式,无法直接使用海量遥感影像数据,需要依赖标注的遥感样本。标注的遥感样本获取难度大,目前除精度高但是人力成本高并且效率低下的人工样本标注的方法外,也有对使用机器学习的方法进行样本标注的研究,但仍没有达到大规模工程实施级别的标准。因此,如何最大化有效利用现有的遥感标注样本是目前的研究方向之一。Applying artificial intelligence technology to the field of remote sensing can greatly improve the utilization of massive remote sensing image data. However, most current artificial intelligence applications in remote sensing use supervised learning or semi-supervised learning, which cannot directly use massive remote sensing image data and need to rely on annotated remote sensing samples. It is difficult to obtain labeled remote sensing samples. At present, in addition to manual sample labeling methods that are highly accurate but have high labor costs and low efficiency, there are also studies on sample labeling using machine learning methods, but they have not yet reached the level of large-scale engineering implementation. standard. Therefore, how to maximize and effectively utilize existing remote sensing annotation samples is one of the current research directions.
遥感样本中的迁移学习方法能够有效提升现有样本的利用率。迁移学习的目的是将源域中充足的标注样本用于少量样本或无样本的目标域,源域与目标域之间的样本特征存在部分相关性或不相关。现有的一种迁移方法,如TrAdaBoost,将相关性高的源域样本数据优选出来用于迁移学习,实现了迁移学习性能的提升。但是,对于这种优选源域样本的方法,主要有以下问题:即使是对于优选的样本,样本中也不是所有特征都对迁移学习有益,部分相关性低的特征会对迁移学习产生负面影响,甚至导致负迁移,需要保证源域与目标域充分相关。Transfer learning methods in remote sensing samples can effectively improve the utilization of existing samples. The purpose of transfer learning is to use sufficient labeled samples in the source domain for a target domain with a small number of samples or no samples. There is partial or no correlation between the sample features between the source domain and the target domain. An existing transfer method, such as TrAdaBoost, selects highly relevant source domain sample data for transfer learning, thereby improving the performance of transfer learning. However, this method of optimizing source domain samples mainly has the following problems: even for the optimized samples, not all features in the samples are beneficial to transfer learning, and some features with low correlation will have a negative impact on transfer learning. Even leading to negative transfer, it is necessary to ensure that the source domain and the target domain are fully related.
发明内容Contents of the invention
本发明提出一种共性知识约束的遥感样本迁移方法,能够解决上述现有技术的问题,在不影响源域样本数据分布的同时,通过直接将 源域样本数据与目标域样本数据的共性特征输入构建好的生成器,基于目标函数对生成器进行训练,获得共性知识约束下的生成器。将源域样本数据输入该共性知识约束下的生成器,生成拟合目标域的样本数据,实现了共性知识约束下的样本迁移,有效避免了负迁移。同时,整个样本迁移流程为端到端,能够实现模型的自动调整。The present invention proposes a remote sensing sample migration method constrained by common knowledge, which can solve the above-mentioned problems of the prior art. It does not affect the distribution of source domain sample data by directly transferring The common features of the source domain sample data and the target domain sample data are input into the constructed generator, and the generator is trained based on the objective function to obtain the generator under the constraints of common knowledge. Input the source domain sample data into the generator under the common knowledge constraint to generate sample data fitting the target domain, realizing sample migration under the common knowledge constraint and effectively avoiding negative transfer. At the same time, the entire sample migration process is end-to-end, enabling automatic adjustment of the model.
为实现上述技术目的,本发明的技术方案如下:In order to achieve the above technical objectives, the technical solutions of the present invention are as follows:
一种共性知识约束的遥感样本迁移方法,该方法包括以下步骤:A remote sensing sample migration method constrained by common knowledge, which includes the following steps:
S1将源域样本数据与目标域样本数据输入特征提取模型,得到所述源域样本数据与所述目标域样本数据的特征数据和公共特征空间;S1 inputs the source domain sample data and the target domain sample data into the feature extraction model to obtain the feature data and common feature space of the source domain sample data and the target domain sample data;
S2将所述源域样本数据与所述目标域样本数据的特征数据输入特征聚类器,确定共性特征空间和非共性特征空间,提取共性特征和源域非共性特征,其中,所述共性特征空间和所述非共性特征空间为所述公共特征空间的子空间;S2 inputs the feature data of the source domain sample data and the target domain sample data into a feature clusterer, determines a common feature space and a non-common feature space, and extracts common features and source domain non-common features, wherein the common feature space and the non-common feature space are subspaces of the common feature space;
S3将所述共性特征和加入随机噪声的源域非共性特征输入生成器,生成伪样本;S3 inputs the common features and the non-common features of the source domain added with random noise into the generator to generate pseudo samples;
S4将所述伪样本和目标域样本数据输入所述判别器,根据所述目标域样本数据对所述伪样本进行判别,根据判别结果和目标函数优化生成器;S4 inputs the pseudo sample and target domain sample data into the discriminator, discriminates the pseudo sample according to the target domain sample data, and optimizes the generator according to the discrimination result and the objective function;
S5迭代S3至S4的训练过程,直至所述目标函数收敛;S5 iterates the training process from S3 to S4 until the objective function converges;
S6将所述源域样本数据输入训练好的生成器,生成迁移样本。S6 inputs the source domain sample data into the trained generator to generate migration samples.
可选地,步骤S2中,将所述源域样本数据与所述目标域样本数据的特征数据输入特征聚类器,确定共性特征空间和非共性特征空间,包括:Optionally, in step S2, input the feature data of the source domain sample data and the target domain sample data into a feature clusterer to determine the common feature space and the non-common feature space, including:
在所述公共特征空间上,对所述源域样本数据和所述目标域样本数据进行聚类,获得k组混合样本数据xi,i=1,...,k,其中,每组混合样本数据内包含特征相关性;In the common feature space, clustering the source domain sample data and the target domain sample data to obtain k groups of mixed sample data x i , i=1,...,k, wherein each group of mixed sample data contains feature correlation;
将所述混合样本数据xi映射到所述公共特征空间的多个特征子空间Fj上,得到样本-特征集合(xi,Fj);Map the mixed sample data x i to multiple feature subspaces F j of the common feature space to obtain a sample-feature set (x i , F j );
分析(xi,Fj)的分布:Analyze the distribution of (x i ,F j ):
若分布具有相关性,则将所述特征子空间Fj划分入共性特征空间;若分布不具有相关性,则将所述特征子空间Fj划分入非共性特征空间。If the distribution has correlation, the feature subspace F j is divided into a common feature space; if the distribution does not have correlation, the feature subspace F j is divided into a non-common feature space.
可选地,所述分布具有相关性的判别方式为:Optionally, the way to determine whether the distribution is relevant is:
使用概率分布距离度量算法计算同一特征子空间Fj中各组混合样本与其他组混合样本特征分布的拟合程度;Use the probability distribution distance measurement algorithm to calculate the fitting degree of the characteristic distribution of each group of mixed samples in the same feature subspace F j and other groups of mixed samples;
根据所述拟合程度,得到同一特征子空间Fj中每组混合样本 特征(xi,Fj)的总体拟合程度;According to the fitting degree, each group of mixed samples in the same feature subspace F j is obtained The overall fitting degree of features (x i ,F j );
统计总体拟合程度大于第一预设阈值的混合样本的数量M,在M大于等于第二预设阈值时,判定所述特征子空间为分布具有相关性。The number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted. When M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation.
可选地,所述拟合程度根据概率分布距离度量算法进行计算得到。Optionally, the fitting degree is calculated according to a probability distribution distance measurement algorithm.
可选地,所述特征提取模型为:Optionally, the feature extraction model is:
采用特征提取算子的机器学习模型;Machine learning model using feature extraction operators;
或卷积神经网络构建的模型;Or a model built by a convolutional neural network;
或所述机器学习模型与卷积神经网络构建的模型的组合模型。Or a combination model of the machine learning model and the model constructed by the convolutional neural network.
可选地,所述特征提取模型为卷积神经网络构建的卷积自编码器的编码器部分;Optionally, the feature extraction model is the encoder part of a convolutional autoencoder constructed by a convolutional neural network;
相应的,所述生成器为所述卷积自编码器的解码器部分。Correspondingly, the generator is the decoder part of the convolutional autoencoder.
可选地,所述特征提取模型与所述生成器的结构对称。Optionally, the feature extraction model is symmetrical to the structure of the generator.
可选地,所述生成器和所述判别器构成生成对抗网络,所述目标函数为所述生成对抗网络的目标函数,所述目标函数为:
Optionally, the generator and the discriminator constitute a generative adversarial network, and the objective function is the objective function of the generative adversarial network, and the objective function is:
其中G为生成器,D为判别器,E为期望函数,x为生成器生成的伪样本数据,pdata为x来自真实数据分布的概率,pg为x来自生成器输出样本的概率。Among them, G is the generator, D is the discriminator, E is the expectation function, x is the pseudo sample data generated by the generator, p data is the probability that x comes from the real data distribution, and p g is the probability that x comes from the generator output sample.
本发明提出了一种共性知识约束的遥感样本迁移方法,通过对源域和目标域样本数据进行特征提取,得到样本数据对应的特征数据,通过对特征数据进行聚类分析,得到源域和目标域样本的共性特征和非共性特征,通过将共性特征和源域带噪非共性特征输入生成器,生成共性特征约束下的伪样本,通过将伪样本和目标域样本输入判别器,根据判别结果和目标函数迭代训练优化生成器,得到能将源域特征迁移到目标域的生成器,最后将源域样本输入生成器,能够直接得到拟合目标域的迁移样本。本发明的有益效果为:The present invention proposes a remote sensing sample migration method constrained by common knowledge. By performing feature extraction on source domain and target domain sample data, the characteristic data corresponding to the sample data is obtained. By performing cluster analysis on the characteristic data, the source domain and target domain are obtained. Common features and non-common features of domain samples, by inputting common features and source domain noisy non-common features into the generator, generate pseudo samples under the constraints of common features, and by inputting pseudo samples and target domain samples into the discriminator, based on the discrimination results Iteratively train and optimize the generator with the objective function to obtain a generator that can migrate the source domain features to the target domain. Finally, input the source domain samples into the generator to directly obtain the migration samples that fit the target domain. The beneficial effects of the present invention are:
(1)在本发明的技术支持下,能够实现在不影响源域样本数据分布的同时,将源域样本数据输入共性知识约束下的生成器,生成拟合目标域的样本数据,实现了共性知识约束下的样本迁移,有效避免了负迁移。(1) With the technical support of the present invention, it is possible to input source domain sample data into a generator under the constraints of common knowledge without affecting the distribution of source domain sample data, and generate sample data that fits the target domain, achieving commonality. Sample migration under knowledge constraints effectively avoids negative migration.
(2)本发明构建的样本迁移框架,支持模型的全自动训练和调整,实现了端到端的样本迁移流程。(2) The sample migration framework constructed by the present invention supports fully automatic training and adjustment of the model, and realizes an end-to-end sample migration process.
附图说明 Description of drawings
为了更清楚地说明本发明实施例或现有技术中的技术方案,下面将对实施例中所需要使用的附图作简单地介绍,显而易见地,下面描述中的附图仅仅是本发明的一些实施例,对于本领域普通技术人员来讲,在不付出创造性劳动的前提下,还可以根据这些附图获得其他的附图。In order to more clearly illustrate the embodiments of the present invention or the technical solutions in the prior art, the drawings required for use in the embodiments will be briefly introduced below. Obviously, the drawings described below are only some embodiments of the present invention. For ordinary technicians in this field, other drawings can be obtained based on these drawings without paying creative work.
图1为本发明共性知识约束的遥感样本迁移方法一实施例的流程示意图;Figure 1 is a schematic flow chart of an embodiment of the common knowledge constrained remote sensing sample migration method of the present invention;
图2为本发明共性知识约束的遥感样本迁移方法一实施例中样本迁移模型数据传输的示意图;Figure 2 is a schematic diagram of sample migration model data transmission in one embodiment of the common knowledge-constrained remote sensing sample migration method of the present invention;
图3为本发明共性知识约束的遥感样本迁移方法一实施例中使用训练好的自编码器对源域样本进行样本迁移的示意图。Figure 3 is a schematic diagram of using a trained autoencoder to perform sample migration on source domain samples in one embodiment of the common knowledge constrained remote sensing sample migration method of the present invention.
具体实施方式Detailed ways
下面将结合本发明实施例中的附图,对本发明实施例中的技术方案进行清楚、完整地描述,显然,所描述的实施例仅仅是本发明一部分实施例,而不是全部的实施例。基于本发明中的实施例,本领域普通技术人员所获得的所有其他实施例,都属于本发明保护的范围。The technical solutions in the embodiments of the present invention will be clearly and completely described below with reference to the accompanying drawings in the embodiments of the present invention. Obviously, the described embodiments are only some of the embodiments of the present invention, rather than all the embodiments. Based on the embodiments of the present invention, all other embodiments obtained by those of ordinary skill in the art fall within the scope of protection of the present invention.
请参照图1,图1是本发明所述的一种共性知识约束的遥感样本迁移方法实施例的流程示意图,相对于传统的迁移学习模式,该方法实现了通过输入源域样本生成拟合目标域的样本,实现了共性知识约束下的样本迁移,有效避免了负迁移,该方法包括以下步骤:Please refer to Figure 1. Figure 1 is a schematic flow chart of an embodiment of a common knowledge-constrained remote sensing sample migration method according to the present invention. Compared with the traditional migration learning model, this method achieves the generation of fitting targets by inputting source domain samples. Samples in the domain realize sample migration under common knowledge constraints and effectively avoid negative migration. This method includes the following steps:
S1将源域样本数据与目标域样本数据输入特征提取模型,得到源域样本数据与目标域样本数据的特征数据和公共特征空间。S1 inputs the source domain sample data and the target domain sample data into the feature extraction model to obtain the feature data and common feature space of the source domain sample data and the target domain sample data.
需要说明的是,本发明实施例针对的是遥感样本的迁移任务,属于同构迁移学习的范畴,源域和目标域样本数据处于同一特征空间上,即所述的公共特征空间。It should be noted that the embodiment of the present invention is aimed at the migration task of remote sensing samples, which belongs to the category of isomorphic transfer learning. The source domain and target domain sample data are in the same feature space, that is, the common feature space.
可选地,所述特征提取模型为:采用特征提取算子的机器学习模型,或卷积神经网络模型,或上述模型的组合模型。Optionally, the feature extraction model is: a machine learning model using a feature extraction operator, or a convolutional neural network model, or a combination of the above models.
本实施例中使用卷积神经网络构建的卷积自编码器的编码器部分作为特征提取模型,自编码器作为强大的特征检测器,可通过无监督学习将学习到的输入数据高效表示为特征。卷积自编码器的编码器采用三层卷积神经网络结构,第一层卷积核数目为16,卷积核大小为3×3,步长为1;第二层卷积核数目为8,卷积核大小为3×3,步长为1;第三层卷积核数目为8,卷积核大小为3×3,步长为1。每层卷积层后连接一个2×2的最大池化层用于降维,对特征进行压缩。In this embodiment, the encoder part of the convolutional autoencoder constructed using a convolutional neural network is used as a feature extraction model. The autoencoder serves as a powerful feature detector and can efficiently represent the learned input data as features through unsupervised learning. . The encoder of the convolutional autoencoder adopts a three-layer convolutional neural network structure. The number of convolution kernels in the first layer is 16, the convolution kernel size is 3×3, and the step size is 1; the number of convolution kernels in the second layer is 8 , the convolution kernel size is 3×3, and the step size is 1; the number of convolution kernels in the third layer is 8, the convolution kernel size is 3×3, and the step size is 1. After each convolutional layer, a 2×2 maximum pooling layer is connected for dimensionality reduction and feature compression.
S2将所述源域样本数据与所述目标域样本数据的特征数据 输入特征聚类器,确定共性特征空间和非共性特征空间,提取共性特征和源域非共性特征,其中,所述共性特征空间和所述非共性特征空间为所述公共特征空间的子空间。S2 combines the feature data of the source domain sample data and the target domain sample data Input the feature clusterer, determine the common feature space and non-common feature space, and extract common features and non-common features of the source domain, where the common feature space and the non-common feature space are subspaces of the common feature space.
需要说明的是,源域和目标域样本数据均处于公共特征空间上,但是具体的分布情况有所不同,可以根据数据分布将特征数据划分为共性特征和非共性特征,共性特征所在的子空间为共性特征空间,非共性特征所在的子空间则为非共性特征空间。It should be noted that the sample data of the source domain and the target domain are both in the common feature space, but the specific distribution is different. The feature data can be divided into common features and non-common features according to the data distribution. The subspace where the common features are located is a common feature space, and the subspace where non-common features are located is a non-common feature space.
本实施例中,在所述公共特征空间上,将源域样本数据和目标域样本数据通过协同聚类处理划分为k组,获得k组混合样本数据xi,i=1,...,k。每组混合样本数据内具有特征相关性。将样本特征值归一化处理,便于后续分析和输入生成对抗网络。将混合样本数据xi映射到多个特征子空间Fj上,得到样本-特征集合(xi,Fj)。分析(x1,Fj),(x2,Fj),...,(xk,Fj)的分布。若分布具有相关性,则将所述特征子空间Fj划分入共性特征空间;若分布不具有相关性,则将所述特征子空间Fj划分入非共性特征空间。In this embodiment, on the common feature space, the source domain sample data and the target domain sample data are divided into k groups through collaborative clustering processing to obtain k groups of mixed sample data x i , i=1,...,k. Each group of mixed sample data has feature correlation. The sample feature values are normalized to facilitate subsequent analysis and input into the generative adversarial network. The mixed sample data x i is mapped to multiple feature subspaces F j to obtain a sample-feature set (x i ,F j ). The distribution of (x 1 ,F j ),(x 2 ,F j ),...,(x k ,F j ) is analyzed. If the distribution is correlated, the feature subspace Fj is divided into a common feature space; if the distribution is not correlated, the feature subspace Fj is divided into a non-common feature space.
其中,分布具有相关性的判别方式为:Among them, the way to determine whether the distribution is relevant is:
计算同一特征子空间Fj中各组混合样本与其他组混合样本特征分布的拟合程度;Calculate the degree of fit between each group of mixed samples and the characteristic distribution of other groups of mixed samples in the same characteristic subspace Fj ;
根据所述拟合程度,得到同一特征子空间Fj中每组混合样本特征(xi,Fj)的总体拟合程度;According to the fitting degree, the overall fitting degree of each group of mixed sample features (x i , F j ) in the same feature subspace F j is obtained;
统计总体拟合程度大于第一预设阈值的混合样本的数量M,在M大于等于第二预设阈值时,判定所述特征子空间为分布具有相关性。The number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted. When M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation.
具体地,对F1中混合样本的特征分布进行相关性分析的步骤如下:使用概率分布距离度量算法计算同一特征子空间Fj中各组混合样本与其他组混合样本特征分布的拟合程度,根据所述拟合程度,得到同一特征子空间Fj中每组混合样本特征(xi,Fj)的总体拟合程度,统计总体拟合程度大于第一预设阈值的混合样本的数量M,在M大于等于第二预设阈值时,判定所述特征子空间为分布具有相关性。其中,拟合程度可通过KL散度表示,KL散度越小,拟合程度越高,总体拟合程度为KL散度的集合。第二预设阈值可为占总数量的80%,还可为其他参数,本实施例对此不做限制,例如对(xi,F1)每两组混合样本数据计算KL散度,得到个KL散度值,将这个KL散度值与预设阈值进行比较,若超过80%的KL散度值对应的总体拟合程度大于第一预设阈值,则判定该特征子空间F1分布具有相关性。若分布具有相关性,则将特征子空间F1划分入共性特征空间,若分布不具有相关性,则将特征子空间F1划分入非共性特征空间,根据所述方法将所有特征子空间Fj划分入共性特征空间或非共性特 征空间。Specifically, the steps for correlation analysis of the feature distribution of the mixed samples in F 1 are as follows: use the probability distribution distance measurement algorithm to calculate the fitting degree of the feature distribution of each group of mixed samples and other groups of mixed samples in the same feature subspace F j , According to the fitting degree, the overall fitting degree of each group of mixed sample features (x i , F j ) in the same feature subspace F j is obtained, and the number M of mixed samples whose overall fitting degree is greater than the first preset threshold is counted. , when M is greater than or equal to the second preset threshold, it is determined that the feature subspace is a distribution with correlation. Among them, the degree of fitting can be expressed by KL divergence. The smaller the KL divergence, the higher the degree of fitting. The overall degree of fitting is a set of KL divergence. The second preset threshold can be 80% of the total number, or can also be other parameters. This embodiment does not limit this. For example, the KL divergence is calculated for each two sets of mixed sample data ( xi , F 1 ), and we get KL divergence value, convert this Each KL divergence value is compared with the preset threshold. If the overall fitting degree corresponding to more than 80% of the KL divergence values is greater than the first preset threshold, it is determined that the feature subspace F 1 distribution is relevant. If the distribution is correlated, the feature subspace F 1 is divided into a common feature space. If the distribution is not correlated, the feature subspace F 1 is divided into a non-common feature space. According to the method described above, all feature subspaces F j is divided into common feature space or non-common feature space Conquer space.
可以理解的是,源域和目标域样本数据在同一特征空间上具有相关特征和不相关特征,使用协同聚类方法实现了同时对样本数据和特征数据在同一特征空间上的聚类,能够直观地体现源域和目标域样本数据与特征之间的关系。本发明旨在将相关特征和不相关特征区分开来,分别划分到共性特征空间和非共性特征空间上。样本提取出的归一化特征值在同一特征子空间上的分布体现了样本在该特征子空间的特性,在同一共性特征子空间上,源域样本数据和目标域样本数据应具有分布一致性,对于不同组数据也应具有相似的分布,因此通过对同一特征子空间中不同组数据特征分布之间的相关性分析,可以将特征子空间划分入共性特征空间和非共性特征空间。It can be understood that the sample data in the source domain and the target domain have relevant features and irrelevant features in the same feature space. Using the collaborative clustering method can simultaneously cluster the sample data and feature data in the same feature space, which can be intuitively Reflect the relationship between source domain and target domain sample data and features. The present invention aims to distinguish relevant features from irrelevant features and divide them into common feature spaces and non-common feature spaces respectively. The distribution of the normalized feature values extracted from the sample on the same feature subspace reflects the characteristics of the sample in this feature subspace. On the same common feature subspace, the source domain sample data and the target domain sample data should have distribution consistency. , different groups of data should also have similar distributions, so by analyzing the correlation between the feature distributions of different groups of data in the same feature subspace, the feature subspace can be divided into common feature space and non-common feature space.
在本发明的技术支持下,能够实现在不影响源域样本数据分布的同时,实现了共性知识约束下的样本迁移,有效避免了负迁移。With the technical support of the present invention, sample migration under the constraints of common knowledge can be realized without affecting the distribution of source domain sample data, effectively avoiding negative migration.
S3将所述共性特征和加入随机噪声的源域非共性特征输入生成器,生成伪样本。S3 inputs the common features and the non-common features of the source domain added with random noise into the generator to generate pseudo samples.
S4将所述伪样本和目标域样本数据输入所述判别器,根据所述目标域样本数据对所述伪样本进行判别,根据判别结果和目标函数优化生成器。S4 inputs the pseudo sample and the target domain sample data into the discriminator, discriminates the pseudo sample according to the target domain sample data, and optimizes the generator according to the discrimination result and the objective function.
S5重复迭代S3至S4的训练过程,直至所述目标函数收敛。S5 repeats the training process of iterations S3 to S4 until the objective function converges.
需要说明的是,本发明中所使用的生成器与用于特征提取的特征提取模型结构对称,目的是能够直接将提取的共性特征输入生成器,经过最小的损失生成样本,本发明一实施例的整个迁移学习模型和数据传输如图2所示。直接输入共性特征至生成器生成样本,可以有效地实现对共性特征的约束,确保生成的样本在共性特征不变的前提下尽可能地拟合目标域样本。It should be noted that the generator used in the present invention has a symmetrical structure with the feature extraction model used for feature extraction. The purpose is to directly input the extracted common features into the generator and generate samples with minimal loss. An embodiment of the present invention The entire transfer learning model and data transfer are shown in Figure 2. Directly inputting common features into the generator to generate samples can effectively constrain the common features and ensure that the generated samples fit the target domain samples as closely as possible without changing the common features.
本实施例中,使用卷积自编码器的解码器部分作为生成器,采用与编码器结构对称的解码器结构,解码器采用三层反卷积神经网络结构,第一层卷积核数目为8,卷积核大小为3×3,步长为1;第二层卷积核数目为8,卷积核大小为3×3,步长为1;第三层卷积核数目为16,卷积核大小为3×3,步长为1。每个反卷积层后连接一个2×2的上采样层来还原图像大小。In this embodiment, the decoder part of the convolutional autoencoder is used as the generator, and the decoder structure is symmetrical with the encoder structure. The decoder adopts a three-layer deconvolution neural network structure, and the number of convolution kernels in the first layer is 8, the convolution kernel size is 3×3, and the step size is 1; the number of convolution kernels in the second layer is 8, the convolution kernel size is 3×3, and the step size is 1; the number of convolution kernels in the third layer is 16, The convolution kernel size is 3×3 and the stride is 1. Each deconvolution layer is followed by a 2×2 upsampling layer to restore the image size.
本实施例中使用同一个自编码器,提升了模型的复用性,降低了模型构建的成本。生成器和判别器构成了一个输入为特征的非传统生成对抗网络,生成对抗网络的目标函数为 其中G为生成器,D为判别器,E为期望函数,x为生成器生成的伪样本数据,pdata为x来自真实数据分布的概率,pg为x来自生成器输出样本的概率。将共 性特征和加入随机噪声的源域非共性特征归一化后输入卷积自编码器的解码器部分,生成伪样本。将伪样本和目标域样本数据输入判别器,根据目标域样本数据对伪样本进行判别,根据判别结果和目标函数优化整个生成对抗网络。重复迭代上述训练过程,直至目标函数收敛。In this embodiment, the same autoencoder is used, which improves the reusability of the model and reduces the cost of model construction. The generator and the discriminator form a non-traditional generative adversarial network whose input is a feature. The objective function of the generative adversarial network is Among them, G is the generator, D is the discriminator, E is the expectation function, x is the pseudo sample data generated by the generator, p data is the probability that x comes from the real data distribution, and p g is the probability that x comes from the generator output sample. will share Characteristic features and non-common features of the source domain added with random noise are normalized and then input into the decoder part of the convolutional autoencoder to generate pseudo samples. Input the pseudo samples and target domain sample data into the discriminator, discriminate the pseudo samples based on the target domain sample data, and optimize the entire generative adversarial network based on the discrimination results and the objective function. The above training process is iterated repeatedly until the objective function converges.
S6将所述源域样本数据输入训练好的生成器,生成迁移样本。S6 inputs the source domain sample data into the trained generator to generate migration samples.
可以理解的是,训练好的生成器能够通过接收源域样本数据来生成拟合目标域的样本数据,实现样本的迁移,本实施例中实现样本迁移的流程如图3所示,源域样本经过自编码器后能够生成拟合目标域的迁移样本。It can be understood that the trained generator can generate sample data to fit the target domain by receiving source domain sample data to realize sample migration. The process of realizing sample migration in this embodiment is shown in Figure 3. Source domain samples After passing through the autoencoder, migration samples that fit the target domain can be generated.
本发明构建的样本迁移框架,支持模型的全自动训练和调整,实现了端到端的样本迁移流程。实现输入源域样本后自动生成拟合目标域的样本。The sample migration framework constructed by the present invention supports fully automatic training and adjustment of the model, and realizes an end-to-end sample migration process. After inputting the source domain samples, the samples fitting the target domain are automatically generated.
需要说明的是,在本文中,术语“包括”、“包含”或者其任何其他变体意在涵盖非排他性的包含,从而使得包括一系列要素的过程、方法、物品或者装置不仅包括那些要素,而且还包括没有明确列出的其他要素,或者是还包括为这种过程、方法、物品或者装置所固有的要素。在没有更多限制的情况下,由语句“包括一个……”限定的要素,并不排除在包括该要素的过程、方法、物品或者装置中还存在另外的相同要素。It should be noted that, in this document, the terms "comprising", "comprises" or any other variations thereof are intended to cover a non-exclusive inclusion, such that a process, method, article or device that includes a series of elements not only includes those elements, It also includes other elements not expressly listed or inherent in the process, method, article or apparatus. Without further limitation, an element defined by the statement "comprises a..." does not exclude the presence of additional identical elements in a process, method, article or apparatus that includes that element.
以上所述仅为本发明的较佳实施例而已,并不用以限制本发明,凡在本发明的精神和原则之内,所作的任何修改、等同替换、改进等,均应包含在本发明的保护范围之内。 The above description is only a preferred embodiment of the present invention and is not intended to limit the present invention. Any modifications, equivalent substitutions, improvements, etc. made within the spirit and principle of the present invention should be included in the protection scope of the present invention.

Claims (8)

  1. 一种共性知识约束的遥感样本迁移方法,其特征在于,包括以下步骤:A remote sensing sample migration method subject to common knowledge constraints, which is characterized by including the following steps:
    S1将源域样本数据与目标域样本数据输入特征提取模型,得到所述源域样本数据与所述目标域样本数据的特征数据和公共特征空间;S1 inputs the source domain sample data and the target domain sample data into the feature extraction model to obtain the feature data and common feature space of the source domain sample data and the target domain sample data;
    S2将所述源域样本数据与所述目标域样本数据的特征数据输入特征聚类器,确定共性特征空间和非共性特征空间,提取共性特征和源域非共性特征,其中,所述共性特征空间和所述非共性特征空间为所述公共特征空间的子空间;S2 Input the feature data of the source domain sample data and the target domain sample data into a feature clusterer, determine the common feature space and non-common feature space, and extract the common features and the source domain non-common features, where the common features The space and the non-common feature space are subspaces of the common feature space;
    S3将所述共性特征和加入随机噪声的源域非共性特征输入生成器,生成伪样本;S3 inputs the common features and non-common features of the source domain added with random noise into the generator to generate pseudo samples;
    S4将所述伪样本和目标域样本数据输入所述判别器,根据所述目标域样本数据对所述伪样本进行判别,根据判别结果和目标函数优化生成器;S4 inputs the pseudo sample and target domain sample data into the discriminator, discriminates the pseudo sample according to the target domain sample data, and optimizes the generator according to the discrimination result and the objective function;
    S5迭代S3至S4的训练过程,直至所述目标函数收敛;S5 iterates the training process from S3 to S4 until the objective function converges;
    S6将所述源域样本数据输入训练好的生成器,生成迁移样本。S6 inputs the source domain sample data into the trained generator to generate migration samples.
  2. 根据权利要求1所述的共性知识约束的遥感样本迁移方法,其特征在于,步骤S2中,将所述源域样本数据与所述目标域样本数据的特征数据输入特征聚类器,确定共性特征空间和非共性特征空间,包括:The remote sensing sample migration method constrained by common knowledge according to claim 1, characterized in that, in step S2, the characteristic data of the source domain sample data and the target domain sample data are input into a feature clusterer to determine common features. Space and non-common feature space, including:
    在所述公共特征空间上,对所述源域样本数据和所述目标域样本数据进行聚类,获得k组混合样本数据xi,i=1,...,k,其中,每组混合样本数据内包含特征相关性;On the common feature space, the source domain sample data and the target domain sample data are clustered to obtain k groups of mixed sample data x i , i=1,...,k, where each mixed group The sample data contains feature correlations;
    将所述混合样本数据xi映射到所述公共特征空间的多个特征子空间Fj上,得到样本-特征集合(xi,Fj);Map the mixed sample data x i to multiple feature subspaces F j of the common feature space to obtain a sample-feature set (x i , F j );
    分析(xi,Fj)的分布:Analyze the distribution of (x i ,F j ):
    若分布具有相关性,则将所述特征子空间Fj划分入共性特征空间;若分布不具有相关性,则将所述特征子空间Fj划分入非共性特征空间。If the distribution has correlation, the feature subspace F j is divided into a common feature space; if the distribution does not have correlation, the feature subspace F j is divided into a non-common feature space.
  3. 根据权利要求2所述的共性知识约束的遥感样本迁移方法,其特征在于,所述分布具有相关性的判别方式为:The remote sensing sample migration method constrained by common knowledge according to claim 2 is characterized in that the method for determining whether the distribution has correlation is:
    计算同一特征子空间Fj中各组混合样本与其他组混合样本特征分布的拟合程度;Calculate the fitting degree of the feature distribution of each group of mixed samples in the same feature subspace F j and other groups of mixed samples;
    根据所述拟合程度,得到同一特征子空间Fj中每组混合样本特征(xi,Fj)的总体拟合程度;According to the fitting degree, the overall fitting degree of each group of mixed sample features (x i , F j ) in the same feature subspace F j is obtained;
    统计总体拟合程度大于第一预设阈值的混合样本的数量M,在M 大于等于第二预设阈值时,判定所述特征子空间为分布具有相关性。The number M of mixed samples whose overall statistical fitting degree is greater than the first preset threshold, in M When it is greater than or equal to the second preset threshold, it is determined that the characteristic subspace is a distribution with correlation.
  4. 根据权利要求3所述的共性知识约束的遥感样本迁移方法,其特征在于,所述拟合程度根据概率分布距离度量算法进行计算得到。The remote sensing sample migration method constrained by common knowledge according to claim 3, characterized in that the degree of fitting is calculated according to a probability distribution distance measurement algorithm.
  5. 根据权利要求1所述的共性知识约束的遥感样本迁移方法,其特征在于,所述特征提取模型为:The remote sensing sample migration method constrained by common knowledge according to claim 1, characterized in that the feature extraction model is:
    采用特征提取算子的机器学习模型;Machine learning model using feature extraction operators;
    或卷积神经网络构建的模型;Or a model built by a convolutional neural network;
    或所述机器学习模型与卷积神经网络构建的模型的组合模型。Or a combination model of the machine learning model and the model constructed by the convolutional neural network.
  6. 根据权利要求5所述的共性知识约束的遥感样本迁移方法,其特征在于,所述特征提取模型为卷积神经网络构建的卷积自编码器的编码器部分;The remote sensing sample migration method constrained by common knowledge according to claim 5, characterized in that the feature extraction model is the encoder part of a convolutional autoencoder constructed by a convolutional neural network;
    相应的,所述生成器为所述卷积自编码器的解码器部分。Correspondingly, the generator is the decoder part of the convolutional autoencoder.
  7. 根据权利要求6所述的共性知识约束的遥感样本迁移方法,其特征在于,所述特征提取模型与所述生成器的结构对称。The remote sensing sample migration method constrained by common knowledge according to claim 6, characterized in that the feature extraction model is symmetrical to the structure of the generator.
  8. 根据权利要求1所述的共性知识约束的遥感样本迁移方法,其特征在于,所述生成器和所述判别器构成生成对抗网络,所述目标函数为所述生成对抗网络的目标函数,所述目标函数为:
    The remote sensing sample migration method constrained by common knowledge according to claim 1, characterized in that the generator and the discriminator constitute a generative adversarial network, the objective function is the objective function of the generative adversarial network, and the The objective function is:
    其中G为生成器,D为判别器,E为期望函数,x为生成器生成的伪样本数据,pdata为x来自真实数据分布的概率,pg为x来自生成器输出样本的概率。 Among them, G is the generator, D is the discriminator, E is the expectation function, x is the pseudo sample data generated by the generator, p data is the probability that x comes from the real data distribution, and p g is the probability that x comes from the generator output sample.
PCT/CN2023/119287 2022-09-21 2023-09-18 Method for remote-sensing sample transfer under common knowledge constraints WO2024061141A1 (en)

Applications Claiming Priority (2)

Application Number Priority Date Filing Date Title
CN202211151014.4A CN115620038A (en) 2022-09-21 2022-09-21 Common knowledge constrained remote sensing sample migration method
CN202211151014.4 2022-09-21

Publications (1)

Publication Number Publication Date
WO2024061141A1 true WO2024061141A1 (en) 2024-03-28

Family

ID=84857811

Family Applications (1)

Application Number Title Priority Date Filing Date
PCT/CN2023/119287 WO2024061141A1 (en) 2022-09-21 2023-09-18 Method for remote-sensing sample transfer under common knowledge constraints

Country Status (2)

Country Link
CN (1) CN115620038A (en)
WO (1) WO2024061141A1 (en)

Families Citing this family (1)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN115620038A (en) * 2022-09-21 2023-01-17 北京数慧时空信息技术有限公司 Common knowledge constrained remote sensing sample migration method

Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109961096A (en) * 2019-03-19 2019-07-02 大连理工大学 A kind of multimode high spectrum image migration classification method
CN113486827A (en) * 2021-07-13 2021-10-08 上海中科辰新卫星技术有限公司 Multi-source remote sensing image transfer learning method based on domain confrontation and self-supervision
US20220004428A1 (en) * 2020-07-02 2022-01-06 International Business Machines Corporation Artificial intelligence optimized cloud migration
CN113936227A (en) * 2021-12-17 2022-01-14 北京数慧时空信息技术有限公司 Remote sensing image sample migration method
CN114529769A (en) * 2022-02-21 2022-05-24 哈尔滨工业大学 Separable multi-mode joint representation method for large-scene remote sensing image classification
CN115620038A (en) * 2022-09-21 2023-01-17 北京数慧时空信息技术有限公司 Common knowledge constrained remote sensing sample migration method

Patent Citations (6)

* Cited by examiner, † Cited by third party
Publication number Priority date Publication date Assignee Title
CN109961096A (en) * 2019-03-19 2019-07-02 大连理工大学 A kind of multimode high spectrum image migration classification method
US20220004428A1 (en) * 2020-07-02 2022-01-06 International Business Machines Corporation Artificial intelligence optimized cloud migration
CN113486827A (en) * 2021-07-13 2021-10-08 上海中科辰新卫星技术有限公司 Multi-source remote sensing image transfer learning method based on domain confrontation and self-supervision
CN113936227A (en) * 2021-12-17 2022-01-14 北京数慧时空信息技术有限公司 Remote sensing image sample migration method
CN114529769A (en) * 2022-02-21 2022-05-24 哈尔滨工业大学 Separable multi-mode joint representation method for large-scene remote sensing image classification
CN115620038A (en) * 2022-09-21 2023-01-17 北京数慧时空信息技术有限公司 Common knowledge constrained remote sensing sample migration method

Also Published As

Publication number Publication date
CN115620038A (en) 2023-01-17

Similar Documents

Publication Publication Date Title
CN109492026B (en) Telecommunication fraud classification detection method based on improved active learning technology
CN109639481A (en) A kind of net flow assorted method, system and electronic equipment based on deep learning
WO2024061141A1 (en) Method for remote-sensing sample transfer under common knowledge constraints
CN110210538B (en) Household image multi-target identification method and device
CN111835763B (en) DNS tunnel traffic detection method and device and electronic equipment
WO2022247955A1 (en) Abnormal account identification method, apparatus and device, and storage medium
CN110264407B (en) Image super-resolution model training and reconstruction method, device, equipment and storage medium
CN115272776B (en) Hyperspectral image classification method based on double-path convolution and double attention and storage medium
WO2024040941A1 (en) Neural architecture search method and device, and storage medium
CN111079930B (en) Data set quality parameter determining method and device and electronic equipment
CN115567269A (en) Internet of things anomaly detection method and system based on federal learning and deep learning
CN113938290B (en) Website de-anonymization method and system for user side flow data analysis
CN117596191A (en) Power Internet of things abnormality detection method, device and storage medium
WO2021081741A1 (en) Image classification method and system employing multi-relationship social network
CN116310728A (en) Browser identification method based on CNN-Linformer model
CN115331081A (en) Image target detection method and device
CN111768214A (en) Product attribute prediction method, system, device and storage medium
CN115829029A (en) Channel attention-based self-distillation implementation method
Jiang et al. Research on Lightweight Method of Image Deep Learning Model for Power Equipment
Ma et al. Bi-ETC: A Bidirectional Encrypted Traffic Classification Model Based on BERT and BiLSTM
Xie et al. An intrusion detection method based on hierarchical feature learning and its application
CN116405330B (en) Network abnormal traffic identification method, device and equipment based on transfer learning
CN118017564B (en) Energy storage method based on open source hong Meng system
CN116188834B (en) Full-slice image classification method and device based on self-adaptive training model
Lin et al. An attention-based ambient network with 3D convolutional network for incomplete traffic flow prediction

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

Country of ref document: EP

Kind code of ref document: A1