首页 > 最新文献

2010 Ninth International Conference on Machine Learning and Applications最新文献

英文 中文
Modeling Occupancy Behavior for Energy Efficiency and Occupants Comfort Management in Intelligent Buildings 智能建筑中节能与舒适度管理的使用行为建模
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.111
Tina Yu
We applied genetic programming algorithm to learn the behavior of an occupant in single person office based on motion sensor data. The learned rules predict the presence and absence of the occupant with 80%–83% accuracy on testing data from 5 different offices. The rules indicate that the following variables may influence occupancy behavior: 1) the day of week, 2) the time of day, 3) the length of time the occupant spent in the previous state, 4) the length of time the occupant spent in the state prior to the previous state, 5) the length of time the occupant has been in the office since the first arrival of the day. We evaluate the rules with various statistics, which confirm some of the previous findings by other researchers. We also provide new insights about occupancy behavior of these offices that have not been reported previously.
在运动传感器数据的基础上,应用遗传规划算法学习了单人办公室中乘员的行为。根据来自5个不同办公室的测试数据,学习的规则预测居住者在场和不在场的准确率为80% - 83%。规则表明,以下变量可能影响占用行为:1)星期几,2)一天中的时间,3)占用者在前一状态中花费的时间长度,4)占用者在前一状态之前花费的时间长度,5)占用者从第一天到达办公室以来在办公室的时间长度。我们用各种统计数据来评估这些规则,这些数据证实了其他研究人员之前的一些发现。我们还提供了以前没有报道过的关于这些办公室的占用行为的新见解。
{"title":"Modeling Occupancy Behavior for Energy Efficiency and Occupants Comfort Management in Intelligent Buildings","authors":"Tina Yu","doi":"10.1109/ICMLA.2010.111","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.111","url":null,"abstract":"We applied genetic programming algorithm to learn the behavior of an occupant in single person office based on motion sensor data. The learned rules predict the presence and absence of the occupant with 80%–83% accuracy on testing data from 5 different offices. The rules indicate that the following variables may influence occupancy behavior: 1) the day of week, 2) the time of day, 3) the length of time the occupant spent in the previous state, 4) the length of time the occupant spent in the state prior to the previous state, 5) the length of time the occupant has been in the office since the first arrival of the day. We evaluate the rules with various statistics, which confirm some of the previous findings by other researchers. We also provide new insights about occupancy behavior of these offices that have not been reported previously.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"1 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"115542696","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 63
Parallel Training of a Back-Propagation Neural Network Using CUDA 基于CUDA的反向传播神经网络并行训练
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.52
Xavier Sierra-Canto, Francisco Madera-Ramirez, Víctor Uc Cetina
The Artificial Neural Networks (ANN) training represents a time-consuming process in machine learning systems. In this work we provide an implementation of the back-propagation algorithm on CUDA, a parallel computing architecture developed by NVIDIA. Using CUBLAS, a CUDA implementation of the Basic Linear Algebra Subprograms library (BLAS), the process is simplified, however, the use of kernels was necessary since CUBLAS does not have all the required operations. The implementation was tested with two standard benchmark data sets and the results show that the parallel training algorithm runs 63 times faster than its sequential version.
在机器学习系统中,人工神经网络(ANN)的训练是一个耗时的过程。在这项工作中,我们提供了在CUDA上的反向传播算法的实现,CUDA是由NVIDIA开发的并行计算架构。使用CUBLAS(基本线性代数子程序库(BLAS)的CUDA实现),该过程得到了简化,但是,由于CUBLAS不具备所有所需的操作,因此必须使用内核。在两个标准基准数据集上对实现进行了测试,结果表明并行训练算法的运行速度比顺序训练算法快63倍。
{"title":"Parallel Training of a Back-Propagation Neural Network Using CUDA","authors":"Xavier Sierra-Canto, Francisco Madera-Ramirez, Víctor Uc Cetina","doi":"10.1109/ICMLA.2010.52","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.52","url":null,"abstract":"The Artificial Neural Networks (ANN) training represents a time-consuming process in machine learning systems. In this work we provide an implementation of the back-propagation algorithm on CUDA, a parallel computing architecture developed by NVIDIA. Using CUBLAS, a CUDA implementation of the Basic Linear Algebra Subprograms library (BLAS), the process is simplified, however, the use of kernels was necessary since CUBLAS does not have all the required operations. The implementation was tested with two standard benchmark data sets and the results show that the parallel training algorithm runs 63 times faster than its sequential version.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"86 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"117153141","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 58
Multiple Kernel Learning by Conditional Entropy Minimization 基于条件熵最小化的多核学习
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.40
H. Hino, N. Reyhani, Noboru Murata
Kernel methods have been successfully used in many practical machine learning problems. Choosing a suitable kernel is left to the practitioner. A common way to an automatic selection of optimal kernels is to learn a linear combination of element kernels. In this paper, a novel framework of multiple kernel learning is proposed based on conditional entropy minimization criterion. For the proposed framework, three multiple kernel learning algorithms are derived. The algorithms are experimentally shown to be comparable to or outperform kernel Fisher discriminant analysis and other multiple kernel learning algorithms on benchmark data sets.
核方法已经成功地应用于许多实际的机器学习问题。选择一个合适的内核留给实践者。自动选择最优核的一种常用方法是学习元素核的线性组合。提出了一种基于条件熵最小化准则的多核学习框架。针对所提出的框架,推导了三种多核学习算法。实验表明,在基准数据集上,这些算法与核Fisher判别分析和其他多核学习算法相当或优于它们。
{"title":"Multiple Kernel Learning by Conditional Entropy Minimization","authors":"H. Hino, N. Reyhani, Noboru Murata","doi":"10.1109/ICMLA.2010.40","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.40","url":null,"abstract":"Kernel methods have been successfully used in many practical machine learning problems. Choosing a suitable kernel is left to the practitioner. A common way to an automatic selection of optimal kernels is to learn a linear combination of element kernels. In this paper, a novel framework of multiple kernel learning is proposed based on conditional entropy minimization criterion. For the proposed framework, three multiple kernel learning algorithms are derived. The algorithms are experimentally shown to be comparable to or outperform kernel Fisher discriminant analysis and other multiple kernel learning algorithms on benchmark data sets.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"70 3 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"123472684","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 9
Ensembles of Neural Networks for Robust Reinforcement Learning 用于鲁棒强化学习的神经网络集成
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.66
A. Hans, S. Udluft
Reinforcement learning algorithms that employ neural networks as function approximators have proven to be powerful tools for solving optimal control problems. However, their training and the validation of final policies can be cumbersome as neural networks can suffer from problems like local minima or over fitting. When using iterative methods, such as neural fitted Q-iteration, the problem becomes even more pronounced since the network has to be trained multiple times and the training process in one iteration builds on the network trained in the previous iteration. Therefore errors can accumulate. In this paper we propose to use ensembles of networks to make the learning process more robust and produce near-optimal policies more reliably. We name various ways of combining single networks to an ensemble that results in a final ensemble policy and show the potential of the approach using a benchmark application. Our experiments indicate that majority voting is superior to Q-averaging and using heterogeneous ensembles (different network topologies) is advisable.
采用神经网络作为函数逼近器的强化学习算法已被证明是解决最优控制问题的有力工具。然而,它们的训练和最终策略的验证可能会很麻烦,因为神经网络可能会遇到局部最小值或过拟合等问题。当使用迭代方法时,如神经拟合q迭代,问题变得更加明显,因为网络必须进行多次训练,并且一次迭代中的训练过程建立在前一次迭代中训练的网络之上。因此错误会累积。在本文中,我们提出使用网络集成使学习过程更加鲁棒,并更可靠地产生近最优策略。我们列出了将单个网络组合成最终集成策略的集成的各种方法,并使用基准应用程序展示了该方法的潜力。我们的实验表明,多数投票优于q平均,使用异构集成(不同的网络拓扑)是可取的。
{"title":"Ensembles of Neural Networks for Robust Reinforcement Learning","authors":"A. Hans, S. Udluft","doi":"10.1109/ICMLA.2010.66","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.66","url":null,"abstract":"Reinforcement learning algorithms that employ neural networks as function approximators have proven to be powerful tools for solving optimal control problems. However, their training and the validation of final policies can be cumbersome as neural networks can suffer from problems like local minima or over fitting. When using iterative methods, such as neural fitted Q-iteration, the problem becomes even more pronounced since the network has to be trained multiple times and the training process in one iteration builds on the network trained in the previous iteration. Therefore errors can accumulate. In this paper we propose to use ensembles of networks to make the learning process more robust and produce near-optimal policies more reliably. We name various ways of combining single networks to an ensemble that results in a final ensemble policy and show the potential of the approach using a benchmark application. Our experiments indicate that majority voting is superior to Q-averaging and using heterogeneous ensembles (different network topologies) is advisable.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"51 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"124214893","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 36
Clustering High-frequency Stock Data for Trading Volatility Analysis 聚类高频股票数据交易波动分析
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.56
Xiao-Wei Ai, Tianming Hu, Xi Li, Hui Xiong
This paper proposes a Realized Trading Volatility (RTV) model for dynamically monitoring anomalous volatility in stock trading. Specifically, the RTV model first extracts the sequences for price volatility, volume volatility, and realized trading volatility. Then, the K-means algorithm is exploited for clustering the summary data of different stocks. The RTV model investigates the joint-volatility between share price and trading volume, and has the advantage of capturing anomalous trading volatility in a dynamic fashion. As a case study, we apply the RTV model for the analysis of real-world high-frequency stock data. For the resultant clusters, we focus on the categories with large volatility and study their statistical properties. Finally, we provide some empirical insights for the use of the RTV model.
本文提出了一种动态监测股票交易异常波动率的已实现交易波动率(RTV)模型。具体而言,RTV模型首先提取价格波动率、成交量波动率和实现交易波动率的序列。然后,利用K-means算法对不同股票的汇总数据进行聚类。RTV模型研究了股价和交易量之间的联合波动,并具有动态捕获异常交易波动的优势。作为一个案例研究,我们将RTV模型应用于分析现实世界的高频股票数据。对于得到的聚类,我们关注波动性较大的类别,并研究它们的统计性质。最后,我们为RTV模型的使用提供了一些经验见解。
{"title":"Clustering High-frequency Stock Data for Trading Volatility Analysis","authors":"Xiao-Wei Ai, Tianming Hu, Xi Li, Hui Xiong","doi":"10.1109/ICMLA.2010.56","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.56","url":null,"abstract":"This paper proposes a Realized Trading Volatility (RTV) model for dynamically monitoring anomalous volatility in stock trading. Specifically, the RTV model first extracts the sequences for price volatility, volume volatility, and realized trading volatility. Then, the K-means algorithm is exploited for clustering the summary data of different stocks. The RTV model investigates the joint-volatility between share price and trading volume, and has the advantage of capturing anomalous trading volatility in a dynamic fashion. As a case study, we apply the RTV model for the analysis of real-world high-frequency stock data. For the resultant clusters, we focus on the categories with large volatility and study their statistical properties. Finally, we provide some empirical insights for the use of the RTV model.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"1 9","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"120899941","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Evolutionary Algorithm Using Random Multi-point Crossover Operator for Learning Bayesian Network Structures 基于随机多点交叉算子的进化贝叶斯网络结构学习算法
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.70
E. B. D. Santos, Estevam Hruschka, N. Ebecken
Variable Ordering plays an important role when inducing Bayesian Networks. Previous works in the literature suggest that the use of genetic/evolutionary algorithms (EAs) for dealing with VO, when learning a Bayesian Network structure from data, is worth pursuing. This work proposes a new crossover operator, named Random Multi-point Crossover Operator (RMX), to be used with the Variable Ordering Evolutionary Algorithm (VOEA). Empirical results obtained by VOEA are compared to the ones achieved by VOGA (Variable Ordering Genetic Algorithm), and indicated improvement in the quality of VO and the induced BN structure.
变量排序在贝叶斯网络的归纳中起着重要的作用。以前的文献表明,当从数据中学习贝叶斯网络结构时,使用遗传/进化算法(EAs)来处理VO是值得追求的。本文提出了一种新的交叉算子,称为随机多点交叉算子(RMX),用于变量排序进化算法(VOEA)。将VOEA得到的经验结果与VOGA(可变排序遗传算法)得到的结果进行了比较,表明VO质量和诱导BN结构得到了改善。
{"title":"Evolutionary Algorithm Using Random Multi-point Crossover Operator for Learning Bayesian Network Structures","authors":"E. B. D. Santos, Estevam Hruschka, N. Ebecken","doi":"10.1109/ICMLA.2010.70","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.70","url":null,"abstract":"Variable Ordering plays an important role when inducing Bayesian Networks. Previous works in the literature suggest that the use of genetic/evolutionary algorithms (EAs) for dealing with VO, when learning a Bayesian Network structure from data, is worth pursuing. This work proposes a new crossover operator, named Random Multi-point Crossover Operator (RMX), to be used with the Variable Ordering Evolutionary Algorithm (VOEA). Empirical results obtained by VOEA are compared to the ones achieved by VOGA (Variable Ordering Genetic Algorithm), and indicated improvement in the quality of VO and the induced BN structure.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"29 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"126522334","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 10
Prediction of Time-Varying Musical Mood Distributions Using Kalman Filtering 利用卡尔曼滤波预测时变音乐情绪分布
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.101
Erik M. Schmidt, Youngmoo E. Kim
The medium of music has evolved specifically for the expression of emotions, and it is natural for us to organize music in terms of its emotional associations. In previous work, we have modeled human response labels to music in the arousal-valence (A-V) representation of affect as a time-varying, stochastic distribution reflecting the ambiguous nature of the perception of mood. These distributions are used to predict A-V responses from acoustic features of the music alone via multi-variate regression. In this paper, we extend our framework to account for multiple regression mappings contingent upon a general location in A-V space. Furthermore, we model A-V state as the latent variable of a linear dynamical system, more explicitly capturing the dynamics of musical mood. We validate this extension using a "genie-bounded" approach, in which we assume that a piece of music is correctly clustered in A-V space a priori, demonstrating significantly higher theoretical performance than the previous single-regressor approach.
音乐的媒介是专门为表达情感而进化的,我们很自然地根据情感联系来组织音乐。在之前的工作中,我们已经在情感的觉醒价(a -v)表示中模拟了人类对音乐的反应标签,作为一个时变的随机分布,反映了情绪感知的模糊性。这些分布被用来通过多变量回归预测音乐声学特征的A-V响应。在本文中,我们扩展了我们的框架,以考虑基于a - v空间中一般位置的多重回归映射。此外,我们将a - v状态建模为线性动力系统的潜在变量,更明确地捕捉音乐情绪的动态。我们使用“基因边界”方法验证了这一扩展,在这种方法中,我们假设一段音乐先验地正确聚集在a - v空间中,证明了比之前的单回归方法更高的理论性能。
{"title":"Prediction of Time-Varying Musical Mood Distributions Using Kalman Filtering","authors":"Erik M. Schmidt, Youngmoo E. Kim","doi":"10.1109/ICMLA.2010.101","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.101","url":null,"abstract":"The medium of music has evolved specifically for the expression of emotions, and it is natural for us to organize music in terms of its emotional associations. In previous work, we have modeled human response labels to music in the arousal-valence (A-V) representation of affect as a time-varying, stochastic distribution reflecting the ambiguous nature of the perception of mood. These distributions are used to predict A-V responses from acoustic features of the music alone via multi-variate regression. In this paper, we extend our framework to account for multiple regression mappings contingent upon a general location in A-V space. Furthermore, we model A-V state as the latent variable of a linear dynamical system, more explicitly capturing the dynamics of musical mood. We validate this extension using a \"genie-bounded\" approach, in which we assume that a piece of music is correctly clustered in A-V space a priori, demonstrating significantly higher theoretical performance than the previous single-regressor approach.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"28 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"127809532","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 60
Multi-view Clustering of Visual Words Using Canonical Correlation Analysis for Human Action Recognition 基于典型相关分析的视觉词多视图聚类研究
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.102
Behrouz Saghafi, D. Rajan
In this paper we propose a novel approach for introducing semantic relations into the bag-of-words framework for recognizing human actions. We represent visual words in two different views: the original features and the document co-occurrence representation. The latter view conveys semantic relations but is large, sparse and noisy. We use canonical correlation analysis between the two views to find a subspace in which the words are more semantically distributed. We apply k-means clustering in the computed space to find semantically meaningful clusters and use them as the semantic visual vocabulary. Incorporating the semantic visual vocabulary the features are quantized to form more discriminative histograms. Eventually the histograms are classified using an SVM classifier. We have tested our approach on KTH action dataset and achieved promising results.
在本文中,我们提出了一种将语义关系引入词袋框架以识别人类行为的新方法。我们从两种不同的角度来表示视觉词:原始特征表示和文档共现表示。后一种视图传达语义关系,但大,稀疏和嘈杂。我们使用两个视图之间的典型相关分析来找到一个词在语义上更分布的子空间。我们在计算空间中应用k-means聚类来寻找语义上有意义的聚类,并将其用作语义视觉词汇。结合语义视觉词汇,对特征进行量化,形成更具判别性的直方图。最后使用支持向量机分类器对直方图进行分类。我们已经在KTH动作数据集上测试了我们的方法,并取得了很好的结果。
{"title":"Multi-view Clustering of Visual Words Using Canonical Correlation Analysis for Human Action Recognition","authors":"Behrouz Saghafi, D. Rajan","doi":"10.1109/ICMLA.2010.102","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.102","url":null,"abstract":"In this paper we propose a novel approach for introducing semantic relations into the bag-of-words framework for recognizing human actions. We represent visual words in two different views: the original features and the document co-occurrence representation. The latter view conveys semantic relations but is large, sparse and noisy. We use canonical correlation analysis between the two views to find a subspace in which the words are more semantically distributed. We apply k-means clustering in the computed space to find semantically meaningful clusters and use them as the semantic visual vocabulary. Incorporating the semantic visual vocabulary the features are quantized to form more discriminative histograms. Eventually the histograms are classified using an SVM classifier. We have tested our approach on KTH action dataset and achieved promising results.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"121 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"116834150","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Decentralized and Partially Decentralized Reinforcement Learning for Distributed Combinatorial Optimization Problems 分布式组合优化问题的分散和部分分散强化学习
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.64
Omkar J. Tilak, S. Mukhopadhyay
In this paper, we describe a framework for solving computationally hard, distributed function optimization problems using reinforcement learning techniques. In particular, we model a function optimization problem as an identical payoff game played by a team of reinforcement learning agents. The team performs a stochastic search through the domain space of the parameters of the function. However, current game learning algorithms suffer from significant memory requirement, significant communication overhead and slow convergence. To alleviate these problems, we present novel decentralized and partially decentralized reinforcement learning algorithms for the team. Simulation results are presented for the NP-Hard sensor subset selection problem to show that the agents learn locally optimal parameter values and illustrate the advantages of the proposed algorithms.
在本文中,我们描述了一个使用强化学习技术解决计算困难的分布式函数优化问题的框架。特别是,我们将函数优化问题建模为一个由强化学习代理团队进行的相同收益博弈。该团队通过函数参数的域空间进行随机搜索。然而,当前的游戏学习算法存在巨大的内存需求、巨大的通信开销和缓慢的收敛。为了缓解这些问题,我们为团队提出了新的分散和部分分散的强化学习算法。最后给出了NP-Hard传感器子集选择问题的仿真结果,表明智能体能够学习到局部最优参数值,并说明了所提算法的优点。
{"title":"Decentralized and Partially Decentralized Reinforcement Learning for Distributed Combinatorial Optimization Problems","authors":"Omkar J. Tilak, S. Mukhopadhyay","doi":"10.1109/ICMLA.2010.64","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.64","url":null,"abstract":"In this paper, we describe a framework for solving computationally hard, distributed function optimization problems using reinforcement learning techniques. In particular, we model a function optimization problem as an identical payoff game played by a team of reinforcement learning agents. The team performs a stochastic search through the domain space of the parameters of the function. However, current game learning algorithms suffer from significant memory requirement, significant communication overhead and slow convergence. To alleviate these problems, we present novel decentralized and partially decentralized reinforcement learning algorithms for the team. Simulation results are presented for the NP-Hard sensor subset selection problem to show that the agents learn locally optimal parameter values and illustrate the advantages of the proposed algorithms.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"5 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"132987696","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 5
Control of Doubly-Fed Induction Generator System Using PIDNNs 用pidnn控制双馈感应发电机系统
Pub Date : 2010-12-12 DOI: 10.1109/ICMLA.2010.104
F. Lin, Jonq-Chin Hwang, K. Tan, Zong-Han Lu, Yung-Ruei Chang
An intelligent control stand-alone doubly-fed induction generator (DFIG) system using proportional-integral-derivative neural network (PIDNN) is proposed in this study. This system can be applied as a stand-alone power supply system or as the emergency power system when the electricity grid fails for all sub-synchronous, synchronous and super-synchronous conditions. The rotor side converter is controlled using the field-oriented control to produce three-phase stator voltages with constant magnitude and frequency at different rotor speeds. Moreover, the stator side converter, which is also controlled using field-oriented control, is primarily implemented to maintain the magnitude of the DC-link voltage. Furthermore, the intelligent PIDNN controller is proposed for both the rotor and stator side converters to improve the transient and steady-state responses of the DFIG system for different operating conditions. Both the network structure and on-line learning algorithm are introduced in detail. Finally, the feasibility of the proposed control scheme is verified through experimentation.
提出了一种基于比例-积分-导数神经网络(PIDNN)的单机双馈感应发电机(DFIG)智能控制系统。该系统既可以作为独立供电系统,也可以作为电网故障时的应急供电系统,适用于所有分同步、同步和超同步工况。转子侧变换器采用磁场定向控制,在不同转子转速下产生定幅恒频三相定子电压。此外,定子侧转换器也采用磁场定向控制,主要用于维持直流链路电压的大小。在此基础上,针对转子侧变换器和定子侧变换器提出了智能PIDNN控制器,以改善DFIG系统在不同工况下的暂态和稳态响应。详细介绍了网络结构和在线学习算法。最后,通过实验验证了所提控制方案的可行性。
{"title":"Control of Doubly-Fed Induction Generator System Using PIDNNs","authors":"F. Lin, Jonq-Chin Hwang, K. Tan, Zong-Han Lu, Yung-Ruei Chang","doi":"10.1109/ICMLA.2010.104","DOIUrl":"https://doi.org/10.1109/ICMLA.2010.104","url":null,"abstract":"An intelligent control stand-alone doubly-fed induction generator (DFIG) system using proportional-integral-derivative neural network (PIDNN) is proposed in this study. This system can be applied as a stand-alone power supply system or as the emergency power system when the electricity grid fails for all sub-synchronous, synchronous and super-synchronous conditions. The rotor side converter is controlled using the field-oriented control to produce three-phase stator voltages with constant magnitude and frequency at different rotor speeds. Moreover, the stator side converter, which is also controlled using field-oriented control, is primarily implemented to maintain the magnitude of the DC-link voltage. Furthermore, the intelligent PIDNN controller is proposed for both the rotor and stator side converters to improve the transient and steady-state responses of the DFIG system for different operating conditions. Both the network structure and on-line learning algorithm are introduced in detail. Finally, the feasibility of the proposed control scheme is verified through experimentation.","PeriodicalId":336514,"journal":{"name":"2010 Ninth International Conference on Machine Learning and Applications","volume":"603 1","pages":"0"},"PeriodicalIF":0.0,"publicationDate":"2010-12-12","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"133466819","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 7
期刊
2010 Ninth International Conference on Machine Learning and Applications
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1