期刊文献+
共找到482篇文章
< 1 2 25 >
每页显示 20 50 100
Kinematic calibration under the expectation maximization framework for exoskeletal inertial motion capture system
1
作者 QIN Weiwei GUO Wenxin +2 位作者 HU Chen LIU Gang SONG Tainian 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第3期769-779,共11页
This study presents a kinematic calibration method for exoskeletal inertial motion capture (EI-MoCap) system with considering the random colored noise such as gyroscopic drift.In this method, the geometric parameters ... This study presents a kinematic calibration method for exoskeletal inertial motion capture (EI-MoCap) system with considering the random colored noise such as gyroscopic drift.In this method, the geometric parameters are calibrated by the traditional calibration method at first. Then, in order to calibrate the parameters affected by the random colored noise, the expectation maximization (EM) algorithm is introduced. Through the use of geometric parameters calibrated by the traditional calibration method, the iterations under the EM framework are decreased and the efficiency of the proposed method on embedded system is improved. The performance of the proposed kinematic calibration method is compared to the traditional calibration method. Furthermore, the feasibility of the proposed method is verified on the EI-MoCap system. The simulation and experiment demonstrate that the motion capture precision is significantly improved by 16.79%and 7.16%respectively in comparison to the traditional calibration method. 展开更多
关键词 human motion capture kinematic calibration EXOSKELETON gyroscopic drift expectation maximization(em)
下载PDF
Parallel Expectation-Maximization Algorithm for Large Databases
2
作者 黄浩 宋瀚涛 陆玉昌 《Journal of Beijing Institute of Technology》 EI CAS 2006年第4期420-424,共5页
A new parallel expectation-maximization (EM) algorithm is proposed for large databases. The purpose of the algorithm is to accelerate the operation of the EM algorithm. As a well-known algorithm for estimation in ge... A new parallel expectation-maximization (EM) algorithm is proposed for large databases. The purpose of the algorithm is to accelerate the operation of the EM algorithm. As a well-known algorithm for estimation in generic statistical problems, the EM algorithm has been widely used in many domains. But it often requires significant computational resources. So it is needed to develop more elaborate methods to adapt the databases to a large number of records or large dimensionality. The parallel EM algorithm is based on partial Esteps which has the standard convergence guarantee of EM. The algorithm utilizes fully the advantage of parallel computation. It was confirmed that the algorithm obtains about 2.6 speedups in contrast with the standard EM algorithm through its application to large databases. The running time will decrease near linearly when the number of processors increasing. 展开更多
关键词 expectation-maximization em algorithm incremental em lazy em parallel em
下载PDF
Novel method for extraction of ship target with overlaps in SAR image via EM algorithm
3
作者 CAO Rui WANG Yong 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第4期874-887,共14页
The quality of synthetic aperture radar(SAR)image degrades in the case of multiple imaging projection planes(IPPs)and multiple overlapping ship targets,and then the performance of target classification and recognition... The quality of synthetic aperture radar(SAR)image degrades in the case of multiple imaging projection planes(IPPs)and multiple overlapping ship targets,and then the performance of target classification and recognition can be influenced.For addressing this issue,a method for extracting ship targets with overlaps via the expectation maximization(EM)algorithm is pro-posed.First,the scatterers of ship targets are obtained via the target detection technique.Then,the EM algorithm is applied to extract the scatterers of a single ship target with a single IPP.Afterwards,a novel image amplitude estimation approach is pro-posed,with which the radar image of a single target with a sin-gle IPP can be generated.The proposed method can accom-plish IPP selection and targets separation in the image domain,which can improve the image quality and reserve the target information most possibly.Results of simulated and real mea-sured data demonstrate the effectiveness of the proposed method. 展开更多
关键词 expectation maximization(em)algorithm image processing imaging projection plane(IPP) overlapping ship tar-get synthetic aperture radar(SAR)
下载PDF
A Study of EM Algorithm as an Imputation Method: A Model-Based Simulation Study with Application to a Synthetic Compositional Data
4
作者 Yisa Adeniyi Abolade Yichuan Zhao 《Open Journal of Modelling and Simulation》 2024年第2期33-42,共10页
Compositional data, such as relative information, is a crucial aspect of machine learning and other related fields. It is typically recorded as closed data or sums to a constant, like 100%. The statistical linear mode... Compositional data, such as relative information, is a crucial aspect of machine learning and other related fields. It is typically recorded as closed data or sums to a constant, like 100%. The statistical linear model is the most used technique for identifying hidden relationships between underlying random variables of interest. However, data quality is a significant challenge in machine learning, especially when missing data is present. The linear regression model is a commonly used statistical modeling technique used in various applications to find relationships between variables of interest. When estimating linear regression parameters which are useful for things like future prediction and partial effects analysis of independent variables, maximum likelihood estimation (MLE) is the method of choice. However, many datasets contain missing observations, which can lead to costly and time-consuming data recovery. To address this issue, the expectation-maximization (EM) algorithm has been suggested as a solution for situations including missing data. The EM algorithm repeatedly finds the best estimates of parameters in statistical models that depend on variables or data that have not been observed. This is called maximum likelihood or maximum a posteriori (MAP). Using the present estimate as input, the expectation (E) step constructs a log-likelihood function. Finding the parameters that maximize the anticipated log-likelihood, as determined in the E step, is the job of the maximization (M) phase. This study looked at how well the EM algorithm worked on a made-up compositional dataset with missing observations. It used both the robust least square version and ordinary least square regression techniques. The efficacy of the EM algorithm was compared with two alternative imputation techniques, k-Nearest Neighbor (k-NN) and mean imputation (), in terms of Aitchison distances and covariance. 展开更多
关键词 Compositional Data Linear Regression Model Least Square Method Robust Least Square Method Synthetic Data Aitchison Distance maximum Likelihood Estimation expectation-maximization algorithm k-Nearest Neighbor and Mean imputation
下载PDF
Integration of Expectation Maximization using Gaussian Mixture Models and Naïve Bayes for Intrusion Detection
5
作者 Loka Raj Ghimire Roshan Chitrakar 《Journal of Computer Science Research》 2021年第2期1-10,共10页
Intrusion detection is the investigation process of information about the system activities or its data to detect any malicious behavior or unauthorized activity.Most of the IDS implement K-means clustering technique ... Intrusion detection is the investigation process of information about the system activities or its data to detect any malicious behavior or unauthorized activity.Most of the IDS implement K-means clustering technique due to its linear complexity and fast computing ability.Nonetheless,it is Naïve use of the mean data value for the cluster core that presents a major drawback.The chances of two circular clusters having different radius and centering at the same mean will occur.This condition cannot be addressed by the K-means algorithm because the mean value of the various clusters is very similar together.However,if the clusters are not spherical,it fails.To overcome this issue,a new integrated hybrid model by integrating expectation maximizing(EM)clustering using a Gaussian mixture model(GMM)and naïve Bays classifier have been proposed.In this model,GMM give more flexibility than K-Means in terms of cluster covariance.Also,they use probabilities function and soft clustering,that’s why they can have multiple cluster for a single data.In GMM,we can define the cluster form in GMM by two parameters:the mean and the standard deviation.This means that by using these two parameters,the cluster can take any kind of elliptical shape.EM-GMM will be used to cluster data based on data activity into the corresponding category. 展开更多
关键词 Anomaly detection Clustering em classification expectation maximization(em) Gaussian mixture model(GMM) GMM classification Intrusion detection Naïve Bayes classification
下载PDF
基于EM-KF算法的微地震信号去噪方法
6
作者 李学贵 张帅 +2 位作者 吴钧 段含旭 王泽鹏 《吉林大学学报(信息科学版)》 CAS 2024年第2期200-209,共10页
针对微地震信号能量较弱,噪声较强,使微地震弱信号难以提取问题,提出了一种基于EM-KF(Expectation Maximization Kalman Filter)的微地震信号去噪方法。通过建立一个符合微地震信号规律的状态空间模型,并利用EM(Expectation Maximizati... 针对微地震信号能量较弱,噪声较强,使微地震弱信号难以提取问题,提出了一种基于EM-KF(Expectation Maximization Kalman Filter)的微地震信号去噪方法。通过建立一个符合微地震信号规律的状态空间模型,并利用EM(Expectation Maximization)算法获取卡尔曼滤波的参数最优解,结合卡尔曼滤波,可以有效地提升微地震信号的信噪比,同时保留有效信号。通过合成和真实数据实验结果表明,与传统的小波滤波和卡尔曼滤波相比,该方法具有更高的效率和更好的精度。 展开更多
关键词 微地震 em算法 卡尔曼滤波 信噪比
下载PDF
基于PSO和MLEM混合算法的NDP测量反演算法研究
7
作者 李远辉 杨芮 +4 位作者 张庆贤 肖才锦 陈弘杰 肖鸿飞 程志强 《原子能科学技术》 EI CAS CSCD 北大核心 2024年第5期1152-1159,共8页
中子深度剖面(NDP)分析技术是一种无损检测方法,能够同时测量样品中目标核素的浓度与空间信息,已被广泛应用于锂电池、半导体等产业。在NDP分析过程中,由测量能谱反演出目标核素浓度的分布信息是关键步骤。目前NDP测量反演中常用的算法... 中子深度剖面(NDP)分析技术是一种无损检测方法,能够同时测量样品中目标核素的浓度与空间信息,已被广泛应用于锂电池、半导体等产业。在NDP分析过程中,由测量能谱反演出目标核素浓度的分布信息是关键步骤。目前NDP测量反演中常用的算法为最大似然期望最大化(MLEM)算法。针对MLEM算法计算结果易陷入局部最优解的情况,本文提出了粒子群(PSO)与MLEM混合(PSO-MLEM)算法,并通过动态加速因子提高了算法的收敛速度与计算精度。应用PSO-MLEM算法、PSO算法、MLEM算法、奇异值分解求解最小二乘(SVDLS)算法对锂电池中^(6)Li的NDP模拟能谱进行反演,并对反演计算结果进行了评价。结果表明:对比PSO算法,PSO-MLEM算法的收敛效率与计算精度明显提升;对比MLEM算法,PSO-MLEM算法的全局寻优能力有效提升了反演精度,避免了局部最优解的影响;对比SVDLS算法,PSO-MLEM算法的反演精度明显提升。 展开更多
关键词 中子深度剖面分析 粒子群算法 最大似然期望最大化算法 锂电池
下载PDF
基于EM自注意力残差的图像超分辨率重建网络
8
作者 黄淑英 胡瀚洋 +2 位作者 杨勇 万伟国 吴峥 《北京航空航天大学学报》 EI CAS CSCD 北大核心 2024年第2期388-397,共10页
基于深度学习的图像超分辨率(SR)重建方法主要通过增加模型的深度来提升图像重建的质量,但同时增加了模型的计算代价,很多网络利用注意力机制来提高特征提取能力,但难以充分学习到不同区域的特征。为此,提出一种基于期望最大化(EM)自注... 基于深度学习的图像超分辨率(SR)重建方法主要通过增加模型的深度来提升图像重建的质量,但同时增加了模型的计算代价,很多网络利用注意力机制来提高特征提取能力,但难以充分学习到不同区域的特征。为此,提出一种基于期望最大化(EM)自注意力残差的图像超分辨率重建网络。该网络通过改进基础残差块,构建特征增强残差块,以更好地复用残差块中所提取的特征。为增加特征信息在空间上的相关性,引入EM自注意力机制,构建EM自注意力残差模块来增强模型中每个模块的特征提取能力,并通过级联EM自注意力残差模块来构建整个模型的特征提取结构。所获得的特征图通过上采样的图像重建模块获得重建的高分辨率图像。将所提方法与主流方法进行实验对比,结果表明:所提方法在5个流行的SR测试集上能够取得较好的主观视觉效果和更优的性能指标。 展开更多
关键词 超分辨率重建 注意力机制 期望最大化 特征增强残差块 em自注意力残差模块
下载PDF
Modelling the Survival of Western Honey Bee Apis mellifera and the African Stingless Bee Meliponula ferruginea Using Semiparametric Marginal Proportional Hazards Mixture Cure Model
9
作者 Patience Isiaho Daisy Salifu +1 位作者 Samuel Mwalili Henri E. Z. Tonnang 《Journal of Data Analysis and Information Processing》 2024年第1期24-39,共16页
Classical survival analysis assumes all subjects will experience the event of interest, but in some cases, a portion of the population may never encounter the event. These survival methods further assume independent s... Classical survival analysis assumes all subjects will experience the event of interest, but in some cases, a portion of the population may never encounter the event. These survival methods further assume independent survival times, which is not valid for honey bees, which live in nests. The study introduces a semi-parametric marginal proportional hazards mixture cure (PHMC) model with exchangeable correlation structure, using generalized estimating equations for survival data analysis. The model was tested on clustered right-censored bees survival data with a cured fraction, where two bee species were subjected to different entomopathogens to test the effect of the entomopathogens on the survival of the bee species. The Expectation-Solution algorithm is used to estimate the parameters. The study notes a weak positive association between cure statuses (ρ1=0.0007) and survival times for uncured bees (ρ2=0.0890), emphasizing their importance. The odds of being uncured for A. mellifera is higher than the odds for species M. ferruginea. The bee species, A. mellifera are more susceptible to entomopathogens icipe 7, icipe 20, and icipe 69. The Cox-Snell residuals show that the proposed semiparametric PH model generally fits the data well as compared to model that assume independent correlation structure. Thus, the semi parametric marginal proportional hazards mixture cure is parsimonious model for correlated bees survival data. 展开更多
关键词 Mixture Cure Models Clustered Survival Data Correlation Structure Cox-Snell Residuals em algorithm expectation-Solution algorithm
下载PDF
Parameter Estimation of RBF-AR Model Based on the EM-EKF Algorithm 被引量:6
10
作者 Yanhui Xi Hui Peng Hong Mo 《自动化学报》 EI CSCD 北大核心 2017年第9期1636-1643,共8页
下载PDF
The Fuzzy Modeling Algorithm for Complex Systems Based on Stochastic Neural Network
11
作者 李波 张世英 李银惠 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2002年第3期46-51,共6页
A fuzzy modeling method for complex systems is studied. The notation of general stochastic neural network (GSNN) is presented and a new modeling method is given based on the combination of the modified Takagi and Suge... A fuzzy modeling method for complex systems is studied. The notation of general stochastic neural network (GSNN) is presented and a new modeling method is given based on the combination of the modified Takagi and Sugeno's (MTS) fuzzy model and one-order GSNN. Using expectation-maximization(EM) algorithm, parameter estimation and model selection procedures are given. It avoids the shortcomings brought by other methods such as BP algorithm, when the number of parameters is large, BP algorithm is still difficult to apply directly without fine tuning and subjective tinkering. Finally, the simulated example demonstrates the effectiveness. 展开更多
关键词 Complex system modeling General stochastic neural network MTS fuzzy model expectation-maximization algorithm
下载PDF
驾驶疲劳对危险化学品道路运输事故风险的影响规律 被引量:2
12
作者 陈文瑛 邵海莉 张沚芊 《安全与环境学报》 CAS CSCD 北大核心 2024年第2期644-653,共10页
近年来,随着危险化学品使用量的急剧攀升,危险化学品道路运输事故率也呈现上升的趋势,且此类事故的发生往往会导致严重后果。为研究危险化学品道路运输事故动态风险变化规律,在修正贝叶斯网络模型基础上,利用2017—2021年历史数据进行... 近年来,随着危险化学品使用量的急剧攀升,危险化学品道路运输事故率也呈现上升的趋势,且此类事故的发生往往会导致严重后果。为研究危险化学品道路运输事故动态风险变化规律,在修正贝叶斯网络模型基础上,利用2017—2021年历史数据进行机器学习,根据驾驶疲劳程度计算得到“驾驶人行为”动态节点的状态转移概率矩阵,建立基于动态贝叶斯网络(Dynamic Bayesian Network,DBN)的危险化学品道路运输动态风险预测模型并进行推理分析。研究显示:在驾驶3 h内,驾驶人“疲劳驾驶”发生概率随时间推移而增加,但增幅有所下降;在最常见情境下,随驾驶人“疲劳驾驶”概率增加,“侧翻”和“碰撞”事故类型的发生概率明显增加,进而导致“泄漏”事故后果的发生概率有所增加;驾驶人“疲劳驾驶”概率增加会导致“有伤亡事故”发生概率增加,即加重事故的严重程度;在驾驶3 h内,“侧翻”“碰撞”“泄漏”和“有伤亡事故”发生概率的变化趋势与驾驶人“疲劳驾驶”发生概率的变化趋势一致。 展开更多
关键词 安全人体学 动态贝叶斯网络 最大期望(em)算法 危险化学品 道路运输 动态风险
下载PDF
基于稀疏贝叶斯学习的GFDM系统联合迭代信道估计与符号检测
13
作者 王莹 于永海 +1 位作者 郑毅 林彬 《电子学报》 EI CAS CSCD 北大核心 2024年第5期1496-1505,共10页
针对当前广义频分复用(Generalized Frequency Division Multiplexing,GFDM)系统时变信道估计精度低的问题,提出基于稀疏贝叶斯学习的GFDM系统联合信道估计与符号检测算法.具体地,采用无干扰导频插入的GFDM多重响应信号模型,在稀疏贝叶... 针对当前广义频分复用(Generalized Frequency Division Multiplexing,GFDM)系统时变信道估计精度低的问题,提出基于稀疏贝叶斯学习的GFDM系统联合信道估计与符号检测算法.具体地,采用无干扰导频插入的GFDM多重响应信号模型,在稀疏贝叶斯学习框架下,结合期望最大化算法(Expectation-Maximization,EM)和卡尔曼滤波与平滑算法实现块时变信道的最大似然估计;基于信道状态信息的估计值进行GFDM符号检测,并通过信道估计与符号检测的迭代处理逐步提高信道估计与符号检测的精度.仿真结果表明,所提算法能够获得接近完美信道状态信息条件下的误码率性能,且具有收敛速度快、对多普勒频移鲁棒性高等优点. 展开更多
关键词 广义频分复用 时变信道估计 稀疏贝叶斯学习 期望最大化 卡尔曼滤波与平滑
下载PDF
基于EM和贝叶斯网络的丢失数据填充算法 被引量:21
14
作者 李宏 阿玛尼 +1 位作者 李平 吴敏 《计算机工程与应用》 CSCD 北大核心 2010年第5期123-125,共3页
实际应用中存在大量的丢失数据的数据集,对丢失数据的处理已成为目前分类领域的研究热点。分析和比较了几种通用的丢失数据填充算法,并提出一种新的基于EM和贝叶斯网络的丢失数据填充算法。算法利用朴素贝叶斯估计出EM算法初值,然后将E... 实际应用中存在大量的丢失数据的数据集,对丢失数据的处理已成为目前分类领域的研究热点。分析和比较了几种通用的丢失数据填充算法,并提出一种新的基于EM和贝叶斯网络的丢失数据填充算法。算法利用朴素贝叶斯估计出EM算法初值,然后将EM和贝叶斯网络结合进行迭代确定最终更新器,同时得到填充后的完整数据集。实验结果表明,与经典填充算法相比,新算法具有更高的分类准确率,且节省了大量开销。 展开更多
关键词 丢失数据填充 参数更新器 最大期望值算法(em) 贝叶斯网络
下载PDF
EM算法在Wiener过程随机参数的超参数值估计中的应用 被引量:19
15
作者 徐廷学 王浩伟 张鑫 《系统工程与电子技术》 EI CSCD 北大核心 2015年第3期707-712,共6页
Wiener过程广泛用于产品的性能退化建模,为了便于Bayesian统计推断大都采用随机参数的共轭先验分布。针对目前的二步法得到的超参数先验估计值精度不高的问题,研究了最大期望(expectation maximization,EM)算法在Wiener过程超参数先验... Wiener过程广泛用于产品的性能退化建模,为了便于Bayesian统计推断大都采用随机参数的共轭先验分布。针对目前的二步法得到的超参数先验估计值精度不高的问题,研究了最大期望(expectation maximization,EM)算法在Wiener过程超参数先验估计中的应用。EM算法将随机参数作为隐含变量对先验信息进行整体处理,利用随机参数的期望值代替其估计值,通过Expectation和Maximization组成的递归迭代过程寻找超参数的估计值。仿真实验表明,EM算法相比于二步法提高了估计精度,特别是在采样数量较少时EM算法具有较大的精度优势。GaAs激光器实例应用表明EM算法不但具备很好的收敛性而且有良好的工程应用价值。 展开更多
关键词 可靠性 最大期望算法 WIENER过程 共轭先验分布 超参数
下载PDF
在小波域中进行图像噪声方差估计的EM方法 被引量:21
16
作者 林哲民 康学雷 张立明 《红外与毫米波学报》 SCIE EI CAS CSCD 北大核心 2001年第3期199-202,共4页
提出一种估计图像噪声的方法 ,该方法用混合高斯概率密度模型拟合图像的小波系数中最高频率子带的直方图 ,用 EM算法估计模型的参数 ,选取其中最小的标准方差作为图像噪声标准方差 .用该方法能准确地估计图像高斯噪声的标准方差 ,尤其... 提出一种估计图像噪声的方法 ,该方法用混合高斯概率密度模型拟合图像的小波系数中最高频率子带的直方图 ,用 EM算法估计模型的参数 ,选取其中最小的标准方差作为图像噪声标准方差 .用该方法能准确地估计图像高斯噪声的标准方差 ,尤其当图像的噪声比较弱时 ,该方法比传统方法更准确 . 展开更多
关键词 小波变换 混合高斯模型 期望最大似然函数算法 图像噪声
下载PDF
基于快速EM算法和模糊融合的多波段遥感影像变化检测 被引量:15
17
作者 王桂婷 王幼亮 焦李成 《红外与毫米波学报》 SCIE EI CAS CSCD 北大核心 2010年第5期383-388,共6页
提出了一种基于快速EM(expectation maximization)算法和模糊融合的多波段遥感影像无监督变化检测方法.该方法首先对各波段差异影像采用基于直方图分析的快速EM迭代算法获取变化分类阈值和变化信息,随后对各波段的变化信息进行模糊融合... 提出了一种基于快速EM(expectation maximization)算法和模糊融合的多波段遥感影像无监督变化检测方法.该方法首先对各波段差异影像采用基于直方图分析的快速EM迭代算法获取变化分类阈值和变化信息,随后对各波段的变化信息进行模糊融合和判决,生成最终的变化检测图.利用真实的多波段遥感影像进行了实验,本文方法在运行时间和检测效果两个方面都具有优越性. 展开更多
关键词 变化检测 快速em算法 模糊融合 多波段遥感影像
下载PDF
基于分裂EM算法的GMM参数估计 被引量:13
18
作者 钟金琴 辜丽川 +1 位作者 檀结庆 李莹莹 《计算机工程与应用》 CSCD 2012年第34期28-32,59,共6页
期望最大化(Expectation Maximization,EM)算法是一种求参数极大似然估计的迭代算法,常用来估计混合密度分布模型的参数。EM算法的主要问题是参数初始化依赖于先验知识且在迭代过程中容易收敛到局部极大值。提出一种新的基于分裂EM算法... 期望最大化(Expectation Maximization,EM)算法是一种求参数极大似然估计的迭代算法,常用来估计混合密度分布模型的参数。EM算法的主要问题是参数初始化依赖于先验知识且在迭代过程中容易收敛到局部极大值。提出一种新的基于分裂EM算法的GMM参数估计算法,该方法从一个确定的单高斯分布开始,在EM优化过程中逐渐分裂并估计混合分布的参数,解决了参数迭代收敛到局部极值问题。大量的实验表明,与现有的其他参数估计算法相比,算法具有较好的运算效率和估算准确性。 展开更多
关键词 高斯混合模型 期望最大化 参数估计 模式分类
下载PDF
基于EM和GMM相结合的自适应灰度图像分割算法 被引量:9
19
作者 罗胜 郑蓓蓉 叶忻泉 《光子学报》 EI CAS CSCD 北大核心 2009年第6期1581-1585,共5页
提出一种阈值自适应、EM方法估计GMM参量的图像分割算法,能够根据图像的内容结合区域和边界两方面的信息自适应地选择阈值,精确地进行图像边界分割.算法首先提取图像的边界,然后根据边界的直方图计算图像的可分割性,由可分割性确定EM方... 提出一种阈值自适应、EM方法估计GMM参量的图像分割算法,能够根据图像的内容结合区域和边界两方面的信息自适应地选择阈值,精确地进行图像边界分割.算法首先提取图像的边界,然后根据边界的直方图计算图像的可分割性,由可分割性确定EM方法的阈值进行GMM分割,最后合并图像的近似区域.实验数据表明,相比其它图像分割算法,以及固定阈值的传统EM算法,本算法的分割结果更为准确. 展开更多
关键词 图像分割 混合高斯模型 期望最大算法 自适应阈值
下载PDF
基于expectation maximization算法的Mamdani-Larsen模糊系统及其在时间序列预测中的应用 被引量:4
20
作者 张钦礼 王士同 《物理学报》 SCIE EI CAS CSCD 北大核心 2009年第1期107-112,共6页
Epanechnikov混合模型和Mamdani-Larsen模糊系统之间的对应关系被建立:任何一个Epanechnikov混合模型都唯一对应着一个Mamdani-Larsen模糊系统,在一定条件下,Epanechnikov混合模型的条件均值和Mamdani-Larsen模糊模型的输出是等价的。... Epanechnikov混合模型和Mamdani-Larsen模糊系统之间的对应关系被建立:任何一个Epanechnikov混合模型都唯一对应着一个Mamdani-Larsen模糊系统,在一定条件下,Epanechnikov混合模型的条件均值和Mamdani-Larsen模糊模型的输出是等价的。一个设计模糊系统的新方法被提出,即利用expectation maximization算法设计模糊系统。将设计的模糊系统应用于时间序列预测,仿真结果表明:利用EM算法设计的模糊系统比其他模糊系统精度更高,抗噪性更强。 展开更多
关键词 expectation maximization(em)算法 Mamdani-Larsen模糊系统 Epanechnikov混合模型 混沌时间序列
原文传递
上一页 1 2 25 下一页 到第
使用帮助 返回顶部