期刊文献+
共找到102,244篇文章
< 1 2 250 >
每页显示 20 50 100
A State of Art Analysis of Telecommunication Data by k-Means and k-Medoids Clustering Algorithms
1
作者 T. Velmurugan 《Journal of Computer and Communications》 2018年第1期190-202,共13页
Cluster analysis is one of the major data analysis methods widely used for many practical applications in emerging areas of data mining. A good clustering method will produce high quality clusters with high intra-clus... Cluster analysis is one of the major data analysis methods widely used for many practical applications in emerging areas of data mining. A good clustering method will produce high quality clusters with high intra-cluster similarity and low inter-cluster similarity. Clustering techniques are applied in different domains to predict future trends of available data and its uses for the real world. This research work is carried out to find the performance of two of the most delegated, partition based clustering algorithms namely k-Means and k-Medoids. A state of art analysis of these two algorithms is implemented and performance is analyzed based on their clustering result quality by means of its execution time and other components. Telecommunication data is the source data for this analysis. The connection oriented broadband data is given as input to find the clustering quality of the algorithms. Distance between the server locations and their connection is considered for clustering. Execution time for each algorithm is analyzed and the results are compared with one another. Results found in comparison study are satisfactory for the chosen application. 展开更多
关键词 K-MEANS ALGORITHM k-medoids ALGORITHM DATA clustering Time COMPLEXITY TELECOMMUNICATION DATA
下载PDF
Improved Data Stream Clustering Method: Incorporating KD-Tree for Typicality and Eccentricity-Based Approach
2
作者 Dayu Xu Jiaming Lu +1 位作者 Xuyao Zhang Hongtao Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第2期2557-2573,共17页
Data stream clustering is integral to contemporary big data applications.However,addressing the ongoing influx of data streams efficiently and accurately remains a primary challenge in current research.This paper aims... Data stream clustering is integral to contemporary big data applications.However,addressing the ongoing influx of data streams efficiently and accurately remains a primary challenge in current research.This paper aims to elevate the efficiency and precision of data stream clustering,leveraging the TEDA(Typicality and Eccentricity Data Analysis)algorithm as a foundation,we introduce improvements by integrating a nearest neighbor search algorithm to enhance both the efficiency and accuracy of the algorithm.The original TEDA algorithm,grounded in the concept of“Typicality and Eccentricity Data Analytics”,represents an evolving and recursive method that requires no prior knowledge.While the algorithm autonomously creates and merges clusters as new data arrives,its efficiency is significantly hindered by the need to traverse all existing clusters upon the arrival of further data.This work presents the NS-TEDA(Neighbor Search Based Typicality and Eccentricity Data Analysis)algorithm by incorporating a KD-Tree(K-Dimensional Tree)algorithm integrated with the Scapegoat Tree.Upon arrival,this ensures that new data points interact solely with clusters in very close proximity.This significantly enhances algorithm efficiency while preventing a single data point from joining too many clusters and mitigating the merging of clusters with high overlap to some extent.We apply the NS-TEDA algorithm to several well-known datasets,comparing its performance with other data stream clustering algorithms and the original TEDA algorithm.The results demonstrate that the proposed algorithm achieves higher accuracy,and its runtime exhibits almost linear dependence on the volume of data,making it more suitable for large-scale data stream analysis research. 展开更多
关键词 Data stream clustering TEDA KD-TREE scapegoat tree
下载PDF
Deep Learning and Tensor-Based Multiple Clustering Approaches for Cyber-Physical-Social Applications
3
作者 Hongjun Zhang Hao Zhang +3 位作者 Yu Lei Hao Ye Peng Li Desheng Shi 《Computers, Materials & Continua》 SCIE EI 2024年第3期4109-4128,共20页
The study delves into the expanding role of network platforms in our daily lives, encompassing various mediums like blogs, forums, online chats, and prominent social media platforms such as Facebook, Twitter, and Inst... The study delves into the expanding role of network platforms in our daily lives, encompassing various mediums like blogs, forums, online chats, and prominent social media platforms such as Facebook, Twitter, and Instagram. While these platforms offer avenues for self-expression and community support, they concurrently harbor negative impacts, fostering antisocial behaviors like phishing, impersonation, hate speech, cyberbullying, cyberstalking, cyberterrorism, fake news propagation, spamming, and fraud. Notably, individuals also leverage these platforms to connect with authorities and seek aid during disasters. The overarching objective of this research is to address the dual nature of network platforms by proposing innovative methodologies aimed at enhancing their positive aspects and mitigating their negative repercussions. To achieve this, the study introduces a weight learning method grounded in multi-linear attribute ranking. This approach serves to evaluate the significance of attribute combinations across all feature spaces. Additionally, a novel clustering method based on tensors is proposed to elevate the quality of clustering while effectively distinguishing selected features. The methodology incorporates a weighted average similarity matrix and optionally integrates weighted Euclidean distance, contributing to a more nuanced understanding of attribute importance. The analysis of the proposed methods yields significant findings. The weight learning method proves instrumental in discerning the importance of attribute combinations, shedding light on key aspects within feature spaces. Simultaneously, the clustering method based on tensors exhibits improved efficacy in enhancing clustering quality and feature distinction. This not only advances our understanding of attribute importance but also paves the way for more nuanced data analysis methodologies. In conclusion, this research underscores the pivotal role of network platforms in contemporary society, emphasizing their potential for both positive contributions and adverse consequences. The proposed methodologies offer novel approaches to address these dualities, providing a foundation for future research and practical applications. Ultimately, this study contributes to the ongoing discourse on optimizing the utility of network platforms while minimizing their negative impacts. 展开更多
关键词 Network platform tensor-based clustering weight learning multi-linear euclidean
下载PDF
Examining the Use of Scott’s Formula and Link Expiration Time Metric for Vehicular Clustering
4
作者 Fady Samann Shavan Askar 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2421-2444,共24页
Implementing machine learning algorithms in the non-conducive environment of the vehicular network requires some adaptations due to the high computational complexity of these algorithms.K-clustering algorithms are sim... Implementing machine learning algorithms in the non-conducive environment of the vehicular network requires some adaptations due to the high computational complexity of these algorithms.K-clustering algorithms are simplistic,with fast performance and relative accuracy.However,their implementation depends on the initial selection of clusters number(K),the initial clusters’centers,and the clustering metric.This paper investigated using Scott’s histogram formula to estimate the K number and the Link Expiration Time(LET)as a clustering metric.Realistic traffic flows were considered for three maps,namely Highway,Traffic Light junction,and Roundabout junction,to study the effect of road layout on estimating the K number.A fast version of the PAM algorithm was used for clustering with a modification to reduce time complexity.The Affinity propagation algorithm sets the baseline for the estimated K number,and the Medoid Silhouette method is used to quantify the clustering.OMNET++,Veins,and SUMO were used to simulate the traffic,while the related algorithms were implemented in Python.The Scott’s formula estimation of the K number only matched the baseline when the road layout was simple.Moreover,the clustering algorithm required one iteration on average to converge when used with LET. 展开更多
关键词 clustering vehicular network Scott’s formula FastPAM
下载PDF
Sparse Reconstructive Evidential Clustering for Multi-View Data
5
作者 Chaoyu Gong Yang You 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第2期459-473,共15页
Although many multi-view clustering(MVC) algorithms with acceptable performances have been presented, to the best of our knowledge, nearly all of them need to be fed with the correct number of clusters. In addition, t... Although many multi-view clustering(MVC) algorithms with acceptable performances have been presented, to the best of our knowledge, nearly all of them need to be fed with the correct number of clusters. In addition, these existing algorithms create only the hard and fuzzy partitions for multi-view objects,which are often located in highly-overlapping areas of multi-view feature space. The adoption of hard and fuzzy partition ignores the ambiguity and uncertainty in the assignment of objects, likely leading to performance degradation. To address these issues, we propose a novel sparse reconstructive multi-view evidential clustering algorithm(SRMVEC). Based on a sparse reconstructive procedure, SRMVEC learns a shared affinity matrix across views, and maps multi-view objects to a 2-dimensional humanreadable chart by calculating 2 newly defined mathematical metrics for each object. From this chart, users can detect the number of clusters and select several objects existing in the dataset as cluster centers. Then, SRMVEC derives a credal partition under the framework of evidence theory, improving the fault tolerance of clustering. Ablation studies show the benefits of adopting the sparse reconstructive procedure and evidence theory. Besides,SRMVEC delivers effectiveness on benchmark datasets by outperforming some state-of-the-art methods. 展开更多
关键词 Evidence theory multi-view clustering(MVC) OPTIMIZATION sparse reconstruction
下载PDF
A Study of Triangle Inequality Violations in Social Network Clustering
6
作者 Sanjit Kumar Saha Tapashi Gosswami 《Journal of Computer and Communications》 2024年第1期67-76,共10页
Clustering a social network is a process of grouping social actors into clusters where intra-cluster similarities among actors are higher than inter-cluster similarities. Clustering approaches, i.e. , k-medoids or hie... Clustering a social network is a process of grouping social actors into clusters where intra-cluster similarities among actors are higher than inter-cluster similarities. Clustering approaches, i.e. , k-medoids or hierarchical, use the distance function to measure the dissimilarities among actors. These distance functions need to fulfill various properties, including the triangle inequality (TI). However, in some cases, the triangle inequality might be violated, impacting the quality of the resulting clusters. With experiments, this paper explains how TI violates while performing traditional clustering techniques: k-medoids, hierarchical, DENGRAPH, and spectral clustering on social networks and how the violation of TI affects the quality of the resulting clusters. 展开更多
关键词 clustering Triangle Inequality Violations Traditional clustering Graph clustering
下载PDF
基于k-Medoids聚类和深度学习的分布式短期负荷预测
7
作者 杨玺 陈爽 +2 位作者 彭子睿 高镇 王安龙 《微型电脑应用》 2024年第1期80-83,共4页
为了获得较高的预测精度,提出一种基于k-Medoids聚类和深度学习的分布式短期负荷预测。基于配电变压器的能耗分布,采用k-Medoids聚类将电力负荷数据集中的数据进行聚类,并构建基于深度神经网络(DNN)和长短期记忆网络(LSTM)的短期负荷预... 为了获得较高的预测精度,提出一种基于k-Medoids聚类和深度学习的分布式短期负荷预测。基于配电变压器的能耗分布,采用k-Medoids聚类将电力负荷数据集中的数据进行聚类,并构建基于深度神经网络(DNN)和长短期记忆网络(LSTM)的短期负荷预测模型。在拥有1000个变电站数据子集的武汉配电网络系统中进行验证,验证结果表明,所提的kMedoids聚类可以在减少44%训练时间的基础上拟合出单个变压器预测模型的平均参数,且DNN和LSTM预测模型分别以7.32%和11.15%的平均绝对百分比误差(MAPE)跟踪实际负荷。 展开更多
关键词 短期负荷预测 k-medoids聚类 深度学习 深度神经网络 长短期记忆网络
下载PDF
Improved Unit Commitment with Accurate Dynamic Scenarios Clustering Based on Multi-Parametric Programming and Benders Decomposition
8
作者 Zhang Zhi Haiyu Huang +6 位作者 Wei Xiong Yijia Zhou Mingyu Yan Shaolian Xia Baofeng Jiang Renbin Su Xichen Tian 《Energy Engineering》 EI 2024年第6期1557-1576,共20页
Stochastic unit commitment is one of the most powerful methods to address uncertainty. However, the existingscenario clustering technique for stochastic unit commitment cannot accurately select representative scenario... Stochastic unit commitment is one of the most powerful methods to address uncertainty. However, the existingscenario clustering technique for stochastic unit commitment cannot accurately select representative scenarios,which threatens the robustness of stochastic unit commitment and hinders its application. This paper providesa stochastic unit commitment with dynamic scenario clustering based on multi-parametric programming andBenders decomposition. The stochastic unit commitment is solved via the Benders decomposition, which decouplesthe primal problem into the master problem and two types of subproblems. In the master problem, the committedgenerator is determined, while the feasibility and optimality of generator output are checked in these twosubproblems. Scenarios are dynamically clustered during the subproblem solution process through the multiparametric programming with respect to the solution of the master problem. In other words, multiple scenariosare clustered into several representative scenarios after the subproblem is solved, and the Benders cut obtainedby the representative scenario is generated for the master problem. Different from the conventional stochasticunit commitment, the proposed approach integrates scenario clustering into the Benders decomposition solutionprocess. Such a clustering approach could accurately cluster representative scenarios that have impacts on theunit commitment. The proposed method is tested on a 6-bus system and the modified IEEE 118-bus system.Numerical results illustrate the effectiveness of the proposed method in clustering scenarios. Compared withthe conventional clustering method, the proposed method can accurately select representative scenarios whilemitigating computational burden, thus guaranteeing the robustness of unit commitment. 展开更多
关键词 Stochastic programming unit commitment scenarios clustering Benders decomposition multi-parametric programming
下载PDF
Low-Rank Multi-View Subspace Clustering Based on Sparse Regularization
9
作者 Yan Sun Fanlong Zhang 《Journal of Computer and Communications》 2024年第4期14-30,共17页
Multi-view Subspace Clustering (MVSC) emerges as an advanced clustering method, designed to integrate diverse views to uncover a common subspace, enhancing the accuracy and robustness of clustering results. The signif... Multi-view Subspace Clustering (MVSC) emerges as an advanced clustering method, designed to integrate diverse views to uncover a common subspace, enhancing the accuracy and robustness of clustering results. The significance of low-rank prior in MVSC is emphasized, highlighting its role in capturing the global data structure across views for improved performance. However, it faces challenges with outlier sensitivity due to its reliance on the Frobenius norm for error measurement. Addressing this, our paper proposes a Low-Rank Multi-view Subspace Clustering Based on Sparse Regularization (LMVSC- Sparse) approach. Sparse regularization helps in selecting the most relevant features or views for clustering while ignoring irrelevant or noisy ones. This leads to a more efficient and effective representation of the data, improving the clustering accuracy and robustness, especially in the presence of outliers or noisy data. By incorporating sparse regularization, LMVSC-Sparse can effectively handle outlier sensitivity, which is a common challenge in traditional MVSC methods relying solely on low-rank priors. Then Alternating Direction Method of Multipliers (ADMM) algorithm is employed to solve the proposed optimization problems. Our comprehensive experiments demonstrate the efficiency and effectiveness of LMVSC-Sparse, offering a robust alternative to traditional MVSC methods. 展开更多
关键词 clustering Multi-View Subspace clustering Low-Rank Prior Sparse Regularization
下载PDF
Optical Fibre Communication Feature Analysis and Small Sample Fault Diagnosis Based on VMD-FE and Fuzzy Clustering
10
作者 Xiangqun Li Jiawen Liang +4 位作者 Jinyu Zhu Shengping Shi Fangyu Ding Jianpeng Sun Bo Liu 《Energy Engineering》 EI 2024年第1期203-219,共17页
To solve the problems of a few optical fibre line fault samples and the inefficiency of manual communication optical fibre fault diagnosis,this paper proposes a communication optical fibre fault diagnosis model based ... To solve the problems of a few optical fibre line fault samples and the inefficiency of manual communication optical fibre fault diagnosis,this paper proposes a communication optical fibre fault diagnosis model based on variational modal decomposition(VMD),fuzzy entropy(FE)and fuzzy clustering(FC).Firstly,based on the OTDR curve data collected in the field,VMD is used to extract the different modal components(IMF)of the original signal and calculate the fuzzy entropy(FE)values of different components to characterize the subtle differences between them.The fuzzy entropy of each curve is used as the feature vector,which in turn constructs the communication optical fibre feature vector matrix,and the fuzzy clustering algorithm is used to achieve fault diagnosis of faulty optical fibre.The VMD-FE combination can extract subtle differences in features,and the fuzzy clustering algorithm does not require sample training.The experimental results show that the model in this paper has high accuracy and is relevant to the maintenance of communication optical fibre when compared with existing feature extraction models and traditional machine learning models. 展开更多
关键词 Optical fibre fault diagnosis OTDR curve variational mode decomposition fuzzy entropy fuzzy clustering
下载PDF
Comprehensive K-Means Clustering
11
作者 Ethan Xiao 《Journal of Computer and Communications》 2024年第3期146-159,共14页
The k-means algorithm is a popular data clustering technique due to its speed and simplicity. However, it is susceptible to issues such as sensitivity to the chosen seeds, and inaccurate clusters due to poor initial s... The k-means algorithm is a popular data clustering technique due to its speed and simplicity. However, it is susceptible to issues such as sensitivity to the chosen seeds, and inaccurate clusters due to poor initial seeds, particularly in complex datasets or datasets with non-spherical clusters. In this paper, a Comprehensive K-Means Clustering algorithm is presented, in which multiple trials of k-means are performed on a given dataset. The clustering results from each trial are transformed into a five-dimensional data point, containing the scope values of the x and y coordinates of the clusters along with the number of points within that cluster. A graph is then generated displaying the configuration of these points using Principal Component Analysis (PCA), from which we can observe and determine the common clustering patterns in the dataset. The robustness and strength of these patterns are then examined by observing the variance of the results of each trial, wherein a different subset of the data keeping a certain percentage of original data points is clustered. By aggregating information from multiple trials, we can distinguish clusters that consistently emerge across different runs from those that are more sensitive or unlikely, hence deriving more reliable conclusions about the underlying structure of complex datasets. Our experiments show that our algorithm is able to find the most common associations between different dimensions of data over multiple trials, often more accurately than other algorithms, as well as measure stability of these clusters, an ability that other k-means algorithms lack. 展开更多
关键词 K-Means clustering
下载PDF
Effective data transmission through energy-efficient clustering and Fuzzy-Based IDS routing approach in WSNs
12
作者 Saziya TABBASSUM Rajesh Kumar PATHAK 《虚拟现实与智能硬件(中英文)》 EI 2024年第1期1-16,共16页
Wireless sensor networks(WSN)gather information and sense information samples in a certain region and communicate these readings to a base station(BS).Energy efficiency is considered a major design issue in the WSNs,a... Wireless sensor networks(WSN)gather information and sense information samples in a certain region and communicate these readings to a base station(BS).Energy efficiency is considered a major design issue in the WSNs,and can be addressed using clustering and routing techniques.Information is sent from the source to the BS via routing procedures.However,these routing protocols must ensure that packets are delivered securely,guaranteeing that neither adversaries nor unauthentic individuals have access to the sent information.Secure data transfer is intended to protect the data from illegal access,damage,or disruption.Thus,in the proposed model,secure data transmission is developed in an energy-effective manner.A low-energy adaptive clustering hierarchy(LEACH)is developed to efficiently transfer the data.For the intrusion detection systems(IDS),Fuzzy logic and artificial neural networks(ANNs)are proposed.Initially,the nodes were randomly placed in the network and initialized to gather information.To ensure fair energy dissipation between the nodes,LEACH randomly chooses cluster heads(CHs)and allocates this role to the various nodes based on a round-robin management mechanism.The intrusion-detection procedure was then utilized to determine whether intruders were present in the network.Within the WSN,a Fuzzy interference rule was utilized to distinguish the malicious nodes from legal nodes.Subsequently,an ANN was employed to distinguish the harmful nodes from suspicious nodes.The effectiveness of the proposed approach was validated using metrics that attained 97%accuracy,97%specificity,and 97%sensitivity of 95%.Thus,it was proved that the LEACH and Fuzzy-based IDS approaches are the best choices for securing data transmission in an energy-efficient manner. 展开更多
关键词 Low energy adaptive clustering hierarchy(LEACH) Intrusion detection system(IDS) Wireless sensor network(WSN) Fuzzy logic and artificial neural network(ANN)
下载PDF
基于K-medoids聚类算法的多源信息数据集成算法 被引量:4
13
作者 祝鹏 郭艳光 《吉林大学学报(理学版)》 CAS 北大核心 2023年第3期665-670,共6页
针对因多源信息数据源域相似性较低、不易确定导致的集成难度较大问题,提出一种基于K-medoids聚类算法的集成方法.先将多源数据的聚类过程视为迁移学习过程,确定初始样本的权重值,记录训练样本每次迭代时权重和损失期望值的学习特点,再... 针对因多源信息数据源域相似性较低、不易确定导致的集成难度较大问题,提出一种基于K-medoids聚类算法的集成方法.先将多源数据的聚类过程视为迁移学习过程,确定初始样本的权重值,记录训练样本每次迭代时权重和损失期望值的学习特点,再利用特点参数判定数据属于源域还是目标域;然后将集成算法聚类转化为多样化的域值标记问题,使数据具有聚类特性后,再分别计算源域和目标域中待集成数据间的权重因子,利用权重因子覆盖特性判定二者间的交互信息量,对信息量较高的数据进行集成,以确保集成的成功率.仿真实验结果表明,该算法无论是在稳定、数目较少的数据集,还是在紊乱、数目较多较杂的数据集下,都能实现高效集成,并且二次集成次数较少,整体耗用较低. 展开更多
关键词 k-medoids聚类算法 多源数据 源域 目标域 交互信息量
下载PDF
基于K-Medoids聚类与栅格法提取负荷曲线特征的CNN-LSTM短期负荷预测 被引量:4
14
作者 季玉琦 严亚帮 +4 位作者 和萍 刘小梅 李从善 赵琛 范嘉乐 《电力系统保护与控制》 EI CSCD 北大核心 2023年第18期81-93,共13页
高效准确的短期负荷预测是电力系统安全稳定与经济运行的重要保障。针对峰荷与谷荷预测误差较大的问题,提出一种基于栅格法提取负荷曲线特征的卷积神经网络和长短期记忆网络(convolutional neural network and long short term memory n... 高效准确的短期负荷预测是电力系统安全稳定与经济运行的重要保障。针对峰荷与谷荷预测误差较大的问题,提出一种基于栅格法提取负荷曲线特征的卷积神经网络和长短期记忆网络(convolutional neural network and long short term memory network,CNN-LSTM)混合预测模型。首先,采用K-Medoids算法对日负荷曲线聚类,将各聚类中心作为典型代表日负荷曲线。采用栅格法将典型代表日负荷曲线划分为若干个区间并依次编号,提取负荷曲线的特征。然后,将各典型代表日负荷曲线特征与对应负荷类型历史数据重构成新的特征集输入到CNN-LSTM混合神经网络中。利用CNN挖掘数据间的特征形成新的特征向量,再将该特征向量输入到LSTM中进行预测。最后,以美国新英格兰地区2012至2013年电力负荷数据集为例进行仿真验证。结果表明,所提方法在不同日期下的负荷预测精度均有所提升,并且在提升日负荷平均预测精度的同时,有效提升了峰荷、谷荷的预测精度。 展开更多
关键词 短期负荷预测 k-medoids聚类分析 负荷曲线特征提取 卷积神经网络 长短期记忆网络
下载PDF
Adaptive Density-Based Spatial Clustering of Applications with Noise(ADBSCAN)for Clusters of Different Densities 被引量:2
15
作者 Ahmed Fahim 《Computers, Materials & Continua》 SCIE EI 2023年第5期3695-3712,共18页
Finding clusters based on density represents a significant class of clustering algorithms.These methods can discover clusters of various shapes and sizes.The most studied algorithm in this class is theDensity-Based Sp... Finding clusters based on density represents a significant class of clustering algorithms.These methods can discover clusters of various shapes and sizes.The most studied algorithm in this class is theDensity-Based Spatial Clustering of Applications with Noise(DBSCAN).It identifies clusters by grouping the densely connected objects into one group and discarding the noise objects.It requires two input parameters:epsilon(fixed neighborhood radius)and MinPts(the lowest number of objects in epsilon).However,it can’t handle clusters of various densities since it uses a global value for epsilon.This article proposes an adaptation of the DBSCAN method so it can discover clusters of varied densities besides reducing the required number of input parameters to only one.Only user input in the proposed method is the MinPts.Epsilon on the other hand,is computed automatically based on statistical information of the dataset.The proposed method finds the core distance for each object in the dataset,takes the average of these distances as the first value of epsilon,and finds the clusters satisfying this density level.The remaining unclustered objects will be clustered using a new value of epsilon that equals the average core distances of unclustered objects.This process continues until all objects have been clustered or the remaining unclustered objects are less than 0.006 of the dataset’s size.The proposed method requires MinPts only as an input parameter because epsilon is computed from data.Benchmark datasets were used to evaluate the effectiveness of the proposed method that produced promising results.Practical experiments demonstrate that the outstanding ability of the proposed method to detect clusters of different densities even if there is no separation between them.The accuracy of the method ranges from 92%to 100%for the experimented datasets. 展开更多
关键词 Adaptive DBSCAN(ADBSCAN) Density-based clustering Data clustering Varied density clusters
下载PDF
A Fast Clustering Based Evolutionary Algorithm for Super-Large-Scale Sparse Multi-Objective Optimization 被引量:5
16
作者 Ye Tian Yuandong Feng +1 位作者 Xingyi Zhang Changyin Sun 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第4期1048-1063,共16页
During the last three decades,evolutionary algorithms(EAs)have shown superiority in solving complex optimization problems,especially those with multiple objectives and non-differentiable landscapes.However,due to the ... During the last three decades,evolutionary algorithms(EAs)have shown superiority in solving complex optimization problems,especially those with multiple objectives and non-differentiable landscapes.However,due to the stochastic search strategies,the performance of most EAs deteriorates drastically when handling a large number of decision variables.To tackle the curse of dimensionality,this work proposes an efficient EA for solving super-large-scale multi-objective optimization problems with sparse optimal solutions.The proposed algorithm estimates the sparse distribution of optimal solutions by optimizing a binary vector for each solution,and provides a fast clustering method to highly reduce the dimensionality of the search space.More importantly,all the operations related to the decision variables only contain several matrix calculations,which can be directly accelerated by GPUs.While existing EAs are capable of handling fewer than 10000 real variables,the proposed algorithm is verified to be effective in handling 1000000 real variables.Furthermore,since the proposed algorithm handles the large number of variables via accelerated matrix calculations,its runtime can be reduced to less than 10%of the runtime of existing EAs. 展开更多
关键词 Evolutionary computation fast clustering sparse multi-objective optimization super-large-scale optimization
下载PDF
基于密度权重的优化差分隐私K-medoids聚类算法 被引量:1
17
作者 王圣节 巫朝霞 《智能计算机与应用》 2023年第5期126-130,139,共6页
K-medoids算法作为数据挖掘中重要的一种聚类算法,与差分隐私保护的结合有助于信息数据的安全,原有的基于差分隐私保护的K-medoids聚类算法在初始中心点的选择上仍然具有盲目性和随机性,在一定程度上降低了聚类效果。本文针对这一问题... K-medoids算法作为数据挖掘中重要的一种聚类算法,与差分隐私保护的结合有助于信息数据的安全,原有的基于差分隐私保护的K-medoids聚类算法在初始中心点的选择上仍然具有盲目性和随机性,在一定程度上降低了聚类效果。本文针对这一问题提出一种基于密度权重的优化差分隐私K-medoids(DWDPK-medoids)聚类算法,通过引入数据密度权重知识,确定算法的初始中心点和聚类数,以提高聚类效果和稳定性。安全性分析表明,算法满足ε-差分隐私保护;通过对UCI真实数据集的仿真实验表明,相同隐私预算下该算法比DPK-medoids具有更好的聚类效果和稳定性。 展开更多
关键词 数据挖掘 差分隐私 k-medoids算法 密度权重
下载PDF
基于LS-DTW和优化k-medoids的磨音信号聚类分析
18
作者 万俊良 罗小燕 邓涛 《噪声与振动控制》 CSCD 北大核心 2023年第6期109-116,共8页
磨音信号是反映磨机运行状态的一个重要参数,准确区分不同状态下的磨机信号将直接影响后续磨机运行参数优化的结果。通过聚类算法可以对磨音信号进行分类,为使磨音信号聚类效果更优,不仅需要类内距离小,还需要类间距离尽可能大。由此提... 磨音信号是反映磨机运行状态的一个重要参数,准确区分不同状态下的磨机信号将直接影响后续磨机运行参数优化的结果。通过聚类算法可以对磨音信号进行分类,为使磨音信号聚类效果更优,不仅需要类内距离小,还需要类间距离尽可能大。由此提出一种基于局部稳定性加权动态时间规划(Local Stability Dynamic Time Warping,LSDTW)和优化k-medoids的磨音信号聚类方法。首先为克服动态时间规划(Dynamic Time Warping,DTW)得到的计算结果对噪声高度敏感的缺点,使用局部稳定性估计对DTW加权计算来降低噪声对计算结果的影响,其次针对k-medoids聚类需要多次计算才能确定聚类个数的不足,提出使用异常迭代模式(Abnormal Pattern,AP)优化k-medoids方法选取代表性的初始集群中心。采用优化k-medoids方法对LS-DTW的结果进行聚类分析,以平均轮廓系数作为评价标准,对比LS-DTW-k-medoids、DTW-k-medoids、DTW-优化k-medoids、k-means++算法效果可知,经本文方法聚类后,类内紧致性更优。 展开更多
关键词 声学 磨音信号 LS-DTW k-medoids 特征提取
下载PDF
Investigation of the J-TEXT plasma events by k-means clustering algorithm 被引量:1
19
作者 李建超 张晓卿 +11 位作者 张昱 Abba Alhaji BALA 柳惠平 周帼红 王能超 李达 陈忠勇 杨州军 陈志鹏 董蛟龙 丁永华 the J-TEXT Team 《Plasma Science and Technology》 SCIE EI CAS CSCD 2023年第8期38-43,共6页
Various types of plasma events emerge in specific parameter ranges and exhibit similar characteristics in diagnostic signals,which can be applied to identify these events.A semisupervised machine learning algorithm,th... Various types of plasma events emerge in specific parameter ranges and exhibit similar characteristics in diagnostic signals,which can be applied to identify these events.A semisupervised machine learning algorithm,the k-means clustering algorithm,is utilized to investigate and identify plasma events in the J-TEXT plasma.This method can cluster diverse plasma events with homogeneous features,and then these events can be identified if given few manually labeled examples based on physical understanding.A survey of clustered events reveals that the k-means algorithm can make plasma events(rotating tearing mode,sawtooth oscillations,and locked mode)gathering in Euclidean space composed of multi-dimensional diagnostic data,like soft x-ray emission intensity,edge toroidal rotation velocity,the Mirnov signal amplitude and so on.Based on the cluster analysis results,an approximate analytical model is proposed to rapidly identify plasma events in the J-TEXT plasma.The cluster analysis method is conducive to data markers of massive diagnostic data. 展开更多
关键词 K-MEANS cluster analysis plasma event machine learning
下载PDF
Application of U-Net and Optimized Clustering in Medical Image Segmentation:A Review 被引量:1
20
作者 Jiaqi Shao Shuwen Chen +3 位作者 Jin Zhou Huisheng Zhu Ziyi Wang Mackenzie Brown 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第9期2173-2219,共47页
As a mainstream research direction in the field of image segmentation,medical image segmentation plays a key role in the quantification of lesions,three-dimensional reconstruction,region of interest extraction and so ... As a mainstream research direction in the field of image segmentation,medical image segmentation plays a key role in the quantification of lesions,three-dimensional reconstruction,region of interest extraction and so on.Compared with natural images,medical images have a variety of modes.Besides,the emphasis of information which is conveyed by images of different modes is quite different.Because it is time-consuming and inefficient to manually segment medical images only by professional and experienced doctors.Therefore,large quantities of automated medical image segmentation methods have been developed.However,until now,researchers have not developed a universal method for all types of medical image segmentation.This paper reviews the literature on segmentation techniques that have produced major breakthroughs in recent years.Among the large quantities of medical image segmentation methods,this paper mainly discusses two categories of medical image segmentation methods.One is the improved strategies based on traditional clustering method.The other is the research progress of the improved image segmentation network structure model based on U-Net.The power of technology proves that the performance of the deep learning-based method is significantly better than that of the traditional method.This paper discussed both advantages and disadvantages of different algorithms and detailed how these methods can be used for the segmentation of lesions or other organs and tissues,as well as possible technical trends for future work. 展开更多
关键词 Medical image segmentation clustering algorithm U-Net
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部