CN118378521A - An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points - Google Patents
An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points Download PDFInfo
- Publication number
- CN118378521A CN118378521A CN202410467230.2A CN202410467230A CN118378521A CN 118378521 A CN118378521 A CN 118378521A CN 202410467230 A CN202410467230 A CN 202410467230A CN 118378521 A CN118378521 A CN 118378521A
- Authority
- CN
- China
- Prior art keywords
- model
- initial
- decision
- calculating
- ideal point
- Prior art date
- Legal status (The legal status is an assumption and is not a legal conclusion. Google has not performed a legal analysis and makes no representation as to the accuracy of the status listed.)
- Granted
Links
Classifications
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F30/00—Computer-aided design [CAD]
- G06F30/20—Design optimisation, verification or simulation
- G06F30/27—Design optimisation, verification or simulation using machine learning, e.g. artificial intelligence, neural networks, support vector machines [SVM] or training a model
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F17/00—Digital computing or data processing equipment or methods, specially adapted for specific functions
- G06F17/10—Complex mathematical operations
- G06F17/18—Complex mathematical operations for evaluating statistical data, e.g. average values, frequency distributions, probability functions, regression analysis
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06F—ELECTRIC DIGITAL DATA PROCESSING
- G06F18/00—Pattern recognition
- G06F18/20—Analysing
- G06F18/21—Design or setup of recognition systems or techniques; Extraction of features in feature space; Blind source separation
- G06F18/214—Generating training patterns; Bootstrap methods, e.g. bagging or boosting
-
- G—PHYSICS
- G06—COMPUTING OR CALCULATING; COUNTING
- G06N—COMPUTING ARRANGEMENTS BASED ON SPECIFIC COMPUTATIONAL MODELS
- G06N20/00—Machine learning
Landscapes
- Engineering & Computer Science (AREA)
- Theoretical Computer Science (AREA)
- Physics & Mathematics (AREA)
- Data Mining & Analysis (AREA)
- General Physics & Mathematics (AREA)
- Evolutionary Computation (AREA)
- General Engineering & Computer Science (AREA)
- Software Systems (AREA)
- Mathematical Physics (AREA)
- Computer Vision & Pattern Recognition (AREA)
- Artificial Intelligence (AREA)
- Evolutionary Biology (AREA)
- Bioinformatics & Computational Biology (AREA)
- Pure & Applied Mathematics (AREA)
- Medical Informatics (AREA)
- Life Sciences & Earth Sciences (AREA)
- Bioinformatics & Cheminformatics (AREA)
- Mathematical Optimization (AREA)
- Mathematical Analysis (AREA)
- Computational Mathematics (AREA)
- Databases & Information Systems (AREA)
- Probability & Statistics with Applications (AREA)
- Operations Research (AREA)
- Algebra (AREA)
- Computing Systems (AREA)
- Computer Hardware Design (AREA)
- Geometry (AREA)
- Management, Administration, Business Operations System, And Electronic Commerce (AREA)
- Complex Calculations (AREA)
Abstract
Description
技术领域Technical Field
本发明属于高效代理建模技术领域,尤其涉及一种基于逼近理想点加权的多模型决策自适应采样方法。The present invention belongs to the technical field of efficient proxy modeling, and in particular relates to a multi-model decision-making adaptive sampling method based on approximate ideal point weighting.
背景技术Background technique
代理模型又称元模型(Metamodel)是一种使用少量数据构建真实模型的近似模型的方法。近几十年来,代理建模技术蓬勃发展,涌现了许多经典的代理模型方法,如:多项式回归(PRS)、径向基函数(RBF)、克里金模型(KRG)、支持向量回归(SVR)等经典方法以及以深度神经网络(DNN)为代表的新方法。但面对复杂的优化设计问题,代理模型仍需要耗费较多时间搭建训练样本集。理论上,样本集越精密训练得出的代理模型拟合性能就越好,但这也导致样本集搭建时间呈几何上升。A surrogate model, also known as a metamodel, is a method of building an approximate model of a real model using a small amount of data. In recent decades, surrogate modeling technology has flourished, and many classic surrogate model methods have emerged, such as polynomial regression (PRS), radial basis function (RBF), Kriging model (KRG), support vector regression (SVR) and other classic methods, as well as new methods represented by deep neural networks (DNN). However, in the face of complex optimization design problems, surrogate models still require a lot of time to build training sample sets. In theory, the more precise the sample set, the better the fitting performance of the surrogate model obtained by training, but this also leads to a geometric increase in the time it takes to build the sample set.
近年来,复杂问题的代理建模正从一次性的采样方法,如经典的拉丁超立方采样(LHD)、均匀设计(UD)等,向序贯性的自适应采样技术发展。一次采样方法是指将样本点分布在整个输入空间中,以此来构建代理模型。自适应采样是指在模型预测误差较大的区域(感兴趣区域)采集更多的样本点,而后不断地通过迭代的方式添加新的样本点以更新代理模型,直到满足停止标准。该方法可以用更少的样本点构建更准确的代理模型。因此,本发明尝试使用自适应采样方法,解决上述问题。In recent years, proxy modeling of complex problems is developing from one-time sampling methods, such as classic Latin hypercube sampling (LHD) and uniform design (UD), to sequential adaptive sampling techniques. The one-time sampling method refers to distributing sample points throughout the input space to build a proxy model. Adaptive sampling refers to collecting more sample points in areas where the model prediction error is large (region of interest), and then continuously adding new sample points in an iterative manner to update the proxy model until the stopping criteria are met. This method can build a more accurate proxy model with fewer sample points. Therefore, the present invention attempts to use an adaptive sampling method to solve the above problems.
现有技术中提出了一种数据自适应重采样的目标检测模型的训练方法,该方法将预先获取的样本数据集进行随机筛选得到第一训练集,而后根据先验知识进行自适应采样得到第二训练集,最后利用上述两种训练集配合完成目标检测模型的训练。但该方法后续的重采样过程与模型更新均建立在第二训练集基础之上,这非常依赖于先验知识的获取与第二训练集的性能表现,如何获取准确、充足的先验知识成为了问题的关键。A training method for a target detection model with data adaptive resampling is proposed in the prior art. The method randomly screens a pre-acquired sample data set to obtain a first training set, and then adaptively samples the data based on prior knowledge to obtain a second training set. Finally, the two training sets are used together to complete the training of the target detection model. However, the subsequent resampling process and model update of this method are based on the second training set, which is very dependent on the acquisition of prior knowledge and the performance of the second training set. How to obtain accurate and sufficient prior knowledge becomes the key to the problem.
现有技术中提出了一种结构自适应优化设计的方法,该方法通过拉丁超立方采样获取初始采样点,并使用径向基函数方法构建代理模型;最后,利用遗传算法进行多目标非精确搜索,并更新代理模型。然而,该方法的性能表现主要取决于遗传算法的性能高低,且非精确搜索后还需调用有限元分析仿真模型进行进一步评估,仍需较高的计算成本。A method for adaptive structural optimization design is proposed in the prior art. The method obtains the initial sampling points through Latin hypercube sampling and uses the radial basis function method to build a proxy model. Finally, a genetic algorithm is used to perform multi-objective inexact search and update the proxy model. However, the performance of this method mainly depends on the performance of the genetic algorithm, and after the inexact search, a finite element analysis simulation model needs to be called for further evaluation, which still requires a high computational cost.
当前,相关专利虽然针对各类模型提出了求解与计算的自适应采样方法,但仍存在一些问题,尤其是在计算效率与计算成本方面还有待提高。Although relevant patents have proposed adaptive sampling methods for solving and calculating various models, there are still some problems, especially in terms of computing efficiency and computing cost, which need to be improved.
发明内容Summary of the invention
为解决上述技术问题,本发明提出了一种基于逼近理想点加权的多模型决策自适应采样方法,能够通过逼近理想点加权优化多个模型的权重,进而通过多模型决策的自适应采样方法快速高效地构建代理模型。In order to solve the above technical problems, the present invention proposes an adaptive sampling method for multi-model decision-making based on weighted approximation to ideal points, which can optimize the weights of multiple models by weighted approximation to ideal points, and then quickly and efficiently construct a proxy model through an adaptive sampling method for multi-model decision-making.
为实现上述目的,本发明提供了一种基于逼近理想点加权的多模型决策自适应采样方法,包括:根据实际问题需求,使用参数化仿真建模方法搭建初始样本集,并使用逼近理想点加权模型计算初始权重;To achieve the above-mentioned object, the present invention provides a multi-model decision adaptive sampling method based on approximate ideal point weighting, comprising: according to the actual problem requirements, using a parameterized simulation modeling method to build an initial sample set, and using an approximate ideal point weighting model to calculate the initial weights;
以所述初始样本集为基础,输入初始参数并结合所述初始权重搭建初始多模型决策模型;Based on the initial sample set, initial parameters are input and an initial multi-model decision model is built in combination with the initial weights;
采用所述初始多模型决策模型计算预测误差,并寻找具有最大预测误差的感兴趣区域,所述感兴趣区域内进行采样,获取采样点集;采样点集处理具体包括:The prediction error is calculated using the initial multi-model decision model, and an area of interest with a maximum prediction error is found, sampling is performed in the area of interest to obtain a sampling point set; the sampling point set processing specifically includes:
采用所述采样点集计算其输出响应,然后将采样点及其响应添加进初始样本集,更新样本集;The sampling point set is used to calculate the output response, and then the sampling points and their responses are added to the initial sample set to update the sample set;
以更新后的样本集为基础,重新随机划分训练集与测试集,并使用逼近理想点模型计算并更新模型权重;Based on the updated sample set, the training set and test set are randomly re-divided, and the model weights are calculated and updated using the approximate ideal point model;
采用更新后的模型权重更新多模型决策模型,并计算所述多模型决策模型的性能表现。The updated model weights are used to update the multi-model decision-making model, and the performance of the multi-model decision-making model is calculated.
进一步的,计算所述多模型决策模型的性能表现方法为:Furthermore, the performance of the multi-model decision-making model is calculated as follows:
若所述多模型决策模型的性能表现达到停止条件则输出模型,输出所述多模型决策模型;If the performance of the multi-model decision-making model reaches the stopping condition, the model is output, and the multi-model decision-making model is output;
若所述多模型决策模型的性能表现不满足停止条件则继续计算并寻找感兴趣区域,直至满足停止条件。If the performance of the multi-model decision-making model does not meet the stopping condition, continue to calculate and search for the region of interest until the stopping condition is met.
进一步的,所述逼近理想点加权模型计算初始权重的过程包括:正向化处理、标准化处理、计算得分、归一化处理。Furthermore, the process of calculating the initial weights by the approximate ideal point weighted model includes: forward processing, standardization processing, score calculation, and normalization processing.
进一步的,所述逼近理想点加权模型计算初始权重的过程中正向化处理的方法为:Furthermore, the forward processing method in the process of calculating the initial weights by the weighted model approaching the ideal point is:
其中,xij表示经正向化处理后的评价分值;aij表示原始决策矩阵中第i个样本在第j个评价指标下的评价分值;abest表示原始决策矩阵中最优的评价分值。Among them, x ij represents the evaluation score after positive processing; a ij represents the evaluation score of the i-th sample in the original decision matrix under the j-th evaluation index; a best represents the optimal evaluation score in the original decision matrix.
进一步的,所述逼近理想点加权模型计算初始权重的过程中标准化处理的方法为:Furthermore, the method of standardization in the process of calculating the initial weights by the weighted model approaching the ideal point is:
其中,zij表示标准化后的评价指标;xij表示正向化决策矩阵中第i行第j列的元素。Among them, z ij represents the standardized evaluation index; x ij represents the element in the i-th row and j-th column in the forward decision matrix.
进一步的,所述逼近理想点加权模型计算初始权重的过程中计算得分的方法为:Furthermore, the method for calculating the score in the process of calculating the initial weights by the weighted model approaching the ideal point is:
其中,Di +、Di -分别表示第i个样本与正负理想解的距离;分别表示第j个评价指标下的最优解与最劣解;zij表示标准化后的评价指标;wj表示第j个评价指标对应的权重;Si表示第i个样本的计算得分。Where D i + and D i - represent the distance between the i-th sample and the positive and negative ideal solutions, respectively; They represent the optimal solution and the worst solution under the j-th evaluation index respectively; z ij represents the standardized evaluation index; w j represents the weight corresponding to the j-th evaluation index; S i represents the calculated score of the ith sample.
进一步的,所述逼近理想点加权模型计算初始权重的过程中归一化处理的方法为:Furthermore, the method of normalization processing in the process of calculating the initial weights by the weighted model approaching the ideal point is:
其中,Wi表示第i个样本对应的权重,Si表示第i个样本的计算得分。Among them, Wi represents the weight corresponding to the i-th sample, and Si represents the calculated score of the i-th sample.
进一步的,采用所述初始多模型决策模型计算预测误差,并寻找具有最大预测误差的感兴趣区域的过程中预测方差的方法为:Furthermore, the method of predicting the variance in the process of using the initial multi-model decision model to calculate the prediction error and find the region of interest with the maximum prediction error is:
其中,n为多模型决策中代理模型个数;为第j个模型在xi处的预测响应;为n个代理模型在xi处平均的预测响应。Where n is the number of proxy models in multi-model decision making; is the predicted response of the jth model at xi ; is the predicted response averaged by the n surrogate models at xi .
本发明技术效果:本发明公开了一种基于逼近理想点加权的多模型决策自适应采样方法,本发明中使用的多模型决策策略可引入多个代理模型作为参考,且该策略不受代理模型的限制。与其他方法相比,该方法具有更好的稳定性与泛化性,适合解决复杂的工程优化设计问题。本发明针对传统多模型决策存在的平均权重问题,引入逼近理想点加权模型,将给予性能更好模型更大的权重。与传统方法相比,该方法能够以更快的速度达到迭代收敛,从而提高了计算的效率,降低了计算的成本。Technical effect of the invention: The present invention discloses an adaptive sampling method for multi-model decision-making based on weighted approximation to ideal points. The multi-model decision-making strategy used in the present invention can introduce multiple proxy models as references, and the strategy is not limited by the proxy models. Compared with other methods, this method has better stability and generalization, and is suitable for solving complex engineering optimization design problems. In view of the average weight problem existing in traditional multi-model decision-making, the present invention introduces a weighted model that approximates ideal points, which will give greater weights to models with better performance. Compared with traditional methods, this method can achieve iterative convergence at a faster speed, thereby improving the efficiency of calculation and reducing the cost of calculation.
附图说明BRIEF DESCRIPTION OF THE DRAWINGS
构成本申请的一部分的附图用来提供对本申请的进一步理解,本申请的示意性实施例及其说明用于解释本申请,并不构成对本申请的不当限定。在附图中:The drawings constituting a part of the present application are used to provide a further understanding of the present application. The illustrative embodiments and descriptions of the present application are used to explain the present application and do not constitute an improper limitation on the present application. In the drawings:
图1为本发明实施例一种基于逼近理想点加权的多模型决策自适应采样方法的流程示意图;FIG1 is a flow chart of a multi-model decision-making adaptive sampling method based on weighted approximation to an ideal point according to an embodiment of the present invention;
图2为本发明实施例逼近理想点加权模型计算流程图;FIG2 is a flow chart of calculation of a weighted model approaching an ideal point according to an embodiment of the present invention;
图3为本发明实施例基于逼近理想点加权的多模型决策自适应采样方法示意图;3 is a schematic diagram of a multi-model decision adaptive sampling method based on weighted approximation to an ideal point according to an embodiment of the present invention;
图4为本发明实施例基于逼近理想点加权的多模型决策自适应采样方法200nm波长实验数据图;FIG4 is a graph of experimental data of a 200 nm wavelength of a multi-model decision adaptive sampling method based on weighted approximation to an ideal point according to an embodiment of the present invention;
图5为本发明实施例基于逼近理想点加权的多模型决策自适应采样方法400nm波长实验数据图;FIG5 is a graph showing experimental data of a 400 nm wavelength of a multi-model decision-making adaptive sampling method based on weighted approximation to an ideal point according to an embodiment of the present invention;
图6为本发明实施例基于逼近理想点加权的多模型决策自适应采样方法600nm波长实验数据图。FIG6 is a graph showing experimental data of a 600 nm wavelength of a multi-model decision-making adaptive sampling method based on weighted approximation to an ideal point according to an embodiment of the present invention.
具体实施方式Detailed ways
需要说明的是,在不冲突的情况下,本申请中的实施例及实施例中的特征可以相互组合。下面将参考附图并结合实施例来详细说明本申请。It should be noted that, in the absence of conflict, the embodiments and features in the embodiments of the present application can be combined with each other. The present application will be described in detail below with reference to the accompanying drawings and in combination with the embodiments.
需要说明的是,在附图的流程图示出的步骤可以在诸如一组计算机可执行指令的计算机系统中执行,并且,虽然在流程图中示出了逻辑顺序,但是在某些情况下,可以以不同于此处的顺序执行所示出或描述的步骤。It should be noted that the steps shown in the flowcharts of the accompanying drawings can be executed in a computer system such as a set of computer executable instructions, and that, although a logical order is shown in the flowcharts, in some cases, the steps shown or described can be executed in an order different from that shown here.
如图1所示,本实施例中提供一种基于逼近理想点加权的多模型决策自适应采样方法,包括:As shown in FIG1 , this embodiment provides a multi-model decision adaptive sampling method based on approximate ideal point weighting, including:
根据实际问题需求,使用参数化仿真建模方法搭建初始样本集Sini,并使用逼近理想点加权模型计算初始权重wini。According to the actual problem requirements, the parametric simulation modeling method is used to build the initial sample set S ini , and the approximate ideal point weighted model is used to calculate the initial weights w ini .
以初始样本集Sini为基础,输入初始参数并结合初始权重wini搭建初始多模型决策模型。Based on the initial sample set S ini , the initial parameters are input and combined with the initial weights wini to build the initial multi-model decision-making model.
使用初始多模型决策模型计算预测误差,并寻找具有最大预测误差的感兴趣区域。然后,在上述感兴趣区域内进行采样,获取采样点集。采样点集处理具体包括:The prediction error is calculated using the initial multi-model decision model, and the region of interest with the largest prediction error is found. Then, sampling is performed in the region of interest to obtain a sampling point set. The sampling point set processing specifically includes:
使用采样点集计算其输出响应,然后将采样点及其响应添加进初始样本集Sini,更新样本集,更新后的样本集为S;Use the sampling point set to calculate its output response, then add the sampling points and their responses to the initial sample set S ini , update the sample set, and the updated sample set is S;
以样本集为S为基础,重新随机划分训练集与测试集,并使用逼近理想点模型计算并更新模型权重W。Based on the sample set S, the training set and test set are randomly re-divided, and the model weight W is calculated and updated using the approximate ideal point model.
使用更新后的模型权重W更新多模型决策模型,并计算其性能表现。根据多模型决策模型性能表现进行如下步骤:Use the updated model weights W to update the multi-model decision-making model and calculate its performance. Perform the following steps based on the performance of the multi-model decision-making model:
若模型性能表现达到停止条件则输出模型,此时,该多模型决策模型即为所求模型。If the model performance reaches the stopping condition, the model is output. At this time, the multi-model decision model is the required model.
若模型性能表现不满足停止条件则继续计算并寻找感兴趣区域,直至满足停止条件。需要注意的是,这里引入一个全局搜索变量G,来丢弃一些相互靠近的样本点,以跳出当前局部最优。If the model performance does not meet the stopping condition, continue to calculate and search for the area of interest until the stopping condition is met. It should be noted that a global search variable G is introduced here to discard some sample points that are close to each other in order to jump out of the current local optimum.
具体的,首先根据实际问题需求,使用参数化仿真建模方法搭建初始样本集Sini。例如,将该半导体纳米结构的待测参数与相关的测量配置参数标记为一个n维的列向量X=(x1,x2,…,xn)T作为构建样本集的输入参数;然后,利用参数化仿真建模方法如严格耦合波分析法(RCWA)搭建初始样本集Sini。Specifically, first, according to the actual problem requirements, the initial sample set S ini is constructed using a parametric simulation modeling method. For example, the parameters to be measured of the semiconductor nanostructure and the related measurement configuration parameters are marked as an n-dimensional column vector X = (x 1 , x 2 , ..., x n ) T as input parameters for constructing the sample set; then, the initial sample set S ini is constructed using a parametric simulation modeling method such as rigorous coupled wave analysis (RCWA).
基于初始样本集使用逼近理想点加权计算模型的初始权重wini,逼近理想点加权计算流程如图2所示,并结合初始参数搭建初始多模型决策模型。在本发明实施例中,逼近理想点加权模型的计算流程主要包括:正向化处理、标准化处理、计算得分、归一化处理。Based on the initial sample set, the initial weights w ini of the weighted calculation model approaching the ideal point are used. The weighted calculation process of the approximate ideal point is shown in Figure 2, and the initial multi-model decision model is built in combination with the initial parameters. In the embodiment of the present invention, the calculation process of the weighted model approaching the ideal point mainly includes: forward processing, standardization processing, score calculation, and normalization processing.
在本发明实施例中,正向化处理过程采用中间型正向化处理,表示为:In the embodiment of the present invention, the forward processing process adopts an intermediate forward processing, which is expressed as:
其中,xij表示经正向化处理后的评价分值;aij表示原始决策矩阵中第i个样本在第j个评价指标下的评价分值;abest表示原始决策矩阵中最优的评价分值。Among them, x ij represents the evaluation score after positive processing; a ij represents the evaluation score of the i-th sample in the original decision matrix under the j-th evaluation index; a best represents the optimal evaluation score in the original decision matrix.
在本发明实施例中,标准化处理采用Z-score标准化方法,表示为:In the embodiment of the present invention, the standardization process adopts the Z-score standardization method, which is expressed as:
其中,zij表示标准化后的评价指标;xij表示正向化决策矩阵中第i行第j列的元素。Among them, z ij represents the standardized evaluation index; x ij represents the element in the i-th row and j-th column in the forward decision matrix.
逼近理想点加权模型计算初始权重的过程中计算得分的方法为:The method for calculating the score in the process of calculating the initial weights of the weighted model approaching the ideal point is:
其中,Di +、Di -分别表示第i个样本与正负理想解的距离;分别表示第j个评价指标下的最优解与最劣解;zij表示标准化后的评价指标;wj表示第j个评价指标对应的权重;Si表示第i个样本的计算得分。Where D i + and D i - represent the distance between the i-th sample and the positive and negative ideal solutions, respectively; They represent the optimal solution and the worst solution under the j-th evaluation index respectively; z ij represents the standardized evaluation index; w j represents the weight corresponding to the j-th evaluation index; S i represents the calculated score of the ith sample.
逼近理想点加权模型计算初始权重的过程中归一化处理的方法为:The normalization method in the process of calculating the initial weights of the weighted model approaching the ideal point is:
其中,Wi表示第i个样本对应的权重,Si表示第i个样本的计算得分。Among them, Wi represents the weight corresponding to the i-th sample, and Si represents the calculated score of the i-th sample.
基于初始多模型决策模型,计算预测误差,并寻找具有最大预测误差的感兴趣区域。然后,在感兴趣区域内进行采样,获取采样点集。在本发明实施例中,选取的预测误差类型为预测方差,并将具有最大预测方差的区域划为感兴趣区域。预测方差定义如下:Based on the initial multi-model decision model, the prediction error is calculated, and the region of interest with the largest prediction error is found. Then, sampling is performed in the region of interest to obtain a set of sampling points. In the embodiment of the present invention, the selected prediction error type is prediction variance, and the region with the largest prediction variance is designated as the region of interest. The prediction variance is defined as follows:
其中,n为多模型决策中代理模型个数;为第j个模型在xi处的预测响应;表示n个代理模型在xi处平均的预测响应。Where n is the number of proxy models in multi-model decision making; is the predicted response of the jth model at xi ; represents the predicted response averaged over the n surrogate models at xi .
基于采样点集,重新随机划分训练集与测试集,并使用逼近理想点模型计算并更新模型权重W,然后以此更新多模型决策模型。例如,在本发明实施例中,按照7:3的比例随机划分训练集与测试集。Based on the sampling point set, the training set and the test set are randomly re-divided, and the approximate ideal point model is used to calculate and update the model weight W, and then the multi-model decision model is updated. For example, in an embodiment of the present invention, the training set and the test set are randomly divided according to a ratio of 7:3.
基于更新后的多模型决策模型,进行如下性能检验:Based on the updated multi-model decision-making model, the following performance tests are performed:
若模型性能表现达到停止条件则输出模型,此时,该多模型决策模型即为所求模型。例如,本发明实施例中选取的停止条件为相关系数R2>0.98。If the model performance reaches the stopping condition, the model is outputted, and at this time, the multi-model decision model is the desired model. For example, the stopping condition selected in the embodiment of the present invention is the correlation coefficient R 2 >0.98.
若模型性能表现不满足停止条件则继续计算并寻找感兴趣区域,直至满足停止条件。另外,这里需引入一个全局搜索变量G,来丢弃一些相互靠近的样本点,以跳出当前局部最优。例如,本发明实施例中选取欧式空间距离为全局搜索变量G,以此来丢弃距离相互靠近的样本点。If the model performance does not meet the stopping condition, the calculation continues and the region of interest is searched until the stopping condition is met. In addition, a global search variable G needs to be introduced here to discard some sample points that are close to each other to jump out of the current local optimum. For example, in the embodiment of the present invention, the Euclidean space distance is selected as the global search variable G to discard sample points that are close to each other.
如图3所示,本发明提出的方法可替代从输入空间到输出空间的参数化仿真建模过程,进而可加速仿真建模,提高其计算效率,降低高昂的计算成本。As shown in FIG3 , the method proposed in the present invention can replace the parametric simulation modeling process from the input space to the output space, thereby accelerating the simulation modeling, improving its computational efficiency, and reducing the high computational cost.
图4~图6分别是按照本发明提出的一种基于逼近理想点加权的多模型决策自适应采样方法在200nm波长、400nm波长、600nm波长下的实验数据图。如图所示,本发明实施例问题为五维优化问题,样本规模中的n为问题的维度,即n=5。图中的红色虚线即为在相同实验条件下基于逼近理想点加权的多模型决策自适应采样方法的性能表现。在本实施例中,该方法每次迭代添加10个样本点;因此,该方法分别最少使用160个样本点(200nm)、110个样本点(400nm)、130个样本点(600nm)即可达到停止条件。上述实验数据充分证明,本发明方法实现快速、高效地构建代理模型,达到使用更少样本点构建更准确代理模型的目的。Figures 4 to 6 are respectively experimental data diagrams of a multi-model decision-making adaptive sampling method based on weighted approximation to ideal points proposed in accordance with the present invention at wavelengths of 200nm, 400nm, and 600nm. As shown in the figure, the problem in the embodiment of the present invention is a five-dimensional optimization problem, and n in the sample size is the dimension of the problem, that is, n=5. The red dotted line in the figure is the performance of the multi-model decision-making adaptive sampling method based on weighted approximation to ideal points under the same experimental conditions. In this embodiment, the method adds 10 sample points each iteration; therefore, the method uses at least 160 sample points (200nm), 110 sample points (400nm), and 130 sample points (600nm) to reach the stopping condition. The above experimental data fully proves that the method of the present invention realizes the rapid and efficient construction of the proxy model, and achieves the purpose of using fewer sample points to build a more accurate proxy model.
以上,仅为本申请较佳的具体实施方式,但本申请的保护范围并不局限于此,任何熟悉本技术领域的技术人员在本申请揭露的技术范围内,可轻易想到的变化或替换,都应涵盖在本申请的保护范围之内。因此,本申请的保护范围应该以权利要求的保护范围为准。The above are only preferred specific implementations of the present application, but the protection scope of the present application is not limited thereto. Any changes or substitutions that can be easily thought of by any technician familiar with the technical field within the technical scope disclosed in the present application should be included in the protection scope of the present application. Therefore, the protection scope of the present application should be based on the protection scope of the claims.
Claims (8)
Priority Applications (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202410467230.2A CN118378521B (en) | 2024-04-18 | 2024-04-18 | An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points |
Applications Claiming Priority (1)
| Application Number | Priority Date | Filing Date | Title |
|---|---|---|---|
| CN202410467230.2A CN118378521B (en) | 2024-04-18 | 2024-04-18 | An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points |
Publications (2)
| Publication Number | Publication Date |
|---|---|
| CN118378521A true CN118378521A (en) | 2024-07-23 |
| CN118378521B CN118378521B (en) | 2024-12-31 |
Family
ID=91911196
Family Applications (1)
| Application Number | Title | Priority Date | Filing Date |
|---|---|---|---|
| CN202410467230.2A Active CN118378521B (en) | 2024-04-18 | 2024-04-18 | An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points |
Country Status (1)
| Country | Link |
|---|---|
| CN (1) | CN118378521B (en) |
Cited By (1)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN119272606A (en) * | 2024-08-23 | 2025-01-07 | 东南大学 | A modeling method for pointwise weighted hybrid surrogate model based on hybrid measure |
Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106446371A (en) * | 2016-09-12 | 2017-02-22 | 华中科技大学 | Delaunay triangle division and TOPSIS-based sequential sampling method |
| CN112101630A (en) * | 2020-08-19 | 2020-12-18 | 江苏师范大学 | Multi-target optimization method for injection molding process parameters of thin-wall plastic part |
| EP3933714A1 (en) * | 2020-07-01 | 2022-01-05 | Tata Consultancy Services Limited | Method and system for optimal selection of parameters for privacy preserving machine learning applications using fully homomorphic encryption |
| CN116127835A (en) * | 2022-12-20 | 2023-05-16 | 南京航空航天大学 | An Adaptive Optimization Method for Optical Scattering Measurement |
-
2024
- 2024-04-18 CN CN202410467230.2A patent/CN118378521B/en active Active
Patent Citations (4)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN106446371A (en) * | 2016-09-12 | 2017-02-22 | 华中科技大学 | Delaunay triangle division and TOPSIS-based sequential sampling method |
| EP3933714A1 (en) * | 2020-07-01 | 2022-01-05 | Tata Consultancy Services Limited | Method and system for optimal selection of parameters for privacy preserving machine learning applications using fully homomorphic encryption |
| CN112101630A (en) * | 2020-08-19 | 2020-12-18 | 江苏师范大学 | Multi-target optimization method for injection molding process parameters of thin-wall plastic part |
| CN116127835A (en) * | 2022-12-20 | 2023-05-16 | 南京航空航天大学 | An Adaptive Optimization Method for Optical Scattering Measurement |
Non-Patent Citations (2)
| Title |
|---|
| NATALIYA STOYANETS等: "Managing sustainability development of the agricultural sphere based on the entropy weight TOPSIS model", 《 INTERNATIONAL JOURNAL OF TECHNOLOGY MANAGEMENT & SUSTAINABLE DEVELOPMENT》, vol. 19, no. 3, 1 October 2020 (2020-10-01), pages 263 - 278 * |
| 张亚辉: "基于Delaunay三角剖分与TOPSIS的自适应采样方法研究", 《中国优秀硕士学位论文全文数据库工程科技Ⅱ辑》, no. 06, 15 June 2019 (2019-06-15), pages 028 - 5 * |
Cited By (1)
| Publication number | Priority date | Publication date | Assignee | Title |
|---|---|---|---|---|
| CN119272606A (en) * | 2024-08-23 | 2025-01-07 | 东南大学 | A modeling method for pointwise weighted hybrid surrogate model based on hybrid measure |
Also Published As
| Publication number | Publication date |
|---|---|
| CN118378521B (en) | 2024-12-31 |
Similar Documents
| Publication | Publication Date | Title |
|---|---|---|
| WO2019218263A1 (en) | Extreme learning machine-based extreme ts fuzzy inference method and system | |
| WO2021089013A1 (en) | Spatial graph convolutional network training method, electronic device and storage medium | |
| Zheng et al. | Understanding the property of long term memory for the LSTM with attention mechanism | |
| CN113012766A (en) | Self-adaptive soft measurement modeling method based on online selective integration | |
| CN114399032A (en) | Method and system for predicting metering error of electric energy meter | |
| CN113128666A (en) | Mo-S-LSTMs model-based time series multi-step prediction method | |
| CN113361627A (en) | Label perception collaborative training method for graph neural network | |
| CN113268669A (en) | Relational mining-oriented interest point recommendation method based on joint neural network | |
| CN114997366B (en) | Protein structure model quality assessment method based on graph neural network | |
| Chen et al. | The optimal design and application of LSTM neural network based on the hybrid coding PSO algorithm | |
| CN114817571A (en) | Method, medium and equipment for predicting citations of achievements based on dynamic knowledge graph | |
| CN105913078A (en) | Multi-mode soft measurement method for improving adaptive affine propagation clustering | |
| Wu et al. | A training-free neural architecture search algorithm based on search economics | |
| CN118378521A (en) | An adaptive sampling method for multi-model decision making based on weighted approximation to ideal points | |
| Li et al. | DLW-NAS: differentiable light-weight neural architecture search | |
| CN111066562A (en) | Grape downy mildew prediction method and system | |
| CN116805384A (en) | Automatic search method, automatic search performance prediction model training method and device | |
| CN118364380A (en) | Label correction method based on reference attention and Bayesian updating strategy | |
| CN119763665A (en) | A gene regulatory network inference method and system based on graph representation learning | |
| CN118942724A (en) | A method based on LSTM to predict the epidemic trend of respiratory infectious diseases using multi-source heterogeneous data | |
| CN117129875A (en) | Method, system, equipment and medium for training and predicting battery capacity prediction model | |
| Wang et al. | psoResNet: An improved PSO-based residual network search algorithm | |
| CN115240871B (en) | A method for epidemic prediction based on deep embedding clustering meta-learning | |
| CN114861436A (en) | Method for predicting fatigue strength of steel by using graph convolution network fused with feature pyramid | |
| CN119357437A (en) | A dynamic graph representation method and system based on graph neural network and LSTM |
Legal Events
| Date | Code | Title | Description |
|---|---|---|---|
| PB01 | Publication | ||
| PB01 | Publication | ||
| SE01 | Entry into force of request for substantive examination | ||
| SE01 | Entry into force of request for substantive examination | ||
| GR01 | Patent grant | ||
| GR01 | Patent grant |