期刊文献+
共找到86篇文章
< 1 2 5 >
每页显示 20 50 100
Computational Intelligence Prediction Model Integrating Empirical Mode Decomposition,Principal Component Analysis,and Weighted k-Nearest Neighbor 被引量:1
1
作者 Li Tang He-Ping Pan Yi-Yong Yao 《Journal of Electronic Science and Technology》 CAS CSCD 2020年第4期341-349,共9页
On the basis of machine leaning,suitable algorithms can make advanced time series analysis.This paper proposes a complex k-nearest neighbor(KNN)model for predicting financial time series.This model uses a complex feat... On the basis of machine leaning,suitable algorithms can make advanced time series analysis.This paper proposes a complex k-nearest neighbor(KNN)model for predicting financial time series.This model uses a complex feature extraction process integrating a forward rolling empirical mode decomposition(EMD)for financial time series signal analysis and principal component analysis(PCA)for the dimension reduction.The information-rich features are extracted then input to a weighted KNN classifier where the features are weighted with PCA loading.Finally,prediction is generated via regression on the selected nearest neighbors.The structure of the model as a whole is original.The test results on real historical data sets confirm the effectiveness of the models for predicting the Chinese stock index,an individual stock,and the EUR/USD exchange rate. 展开更多
关键词 Empirical mode decomposition(EMD) k-nearest neighbor(KNN) principal component analysis(PCA) time series
下载PDF
Efficient Parallel Processing of k-Nearest Neighbor Queries by Using a Centroid-based and Hierarchical Clustering Algorithm
2
作者 Elaheh Gavagsaz 《Artificial Intelligence Advances》 2022年第1期26-41,共16页
The k-Nearest Neighbor method is one of the most popular techniques for both classification and regression purposes.Because of its operation,the application of this classification may be limited to problems with a cer... The k-Nearest Neighbor method is one of the most popular techniques for both classification and regression purposes.Because of its operation,the application of this classification may be limited to problems with a certain number of instances,particularly,when run time is a consideration.However,the classification of large amounts of data has become a fundamental task in many real-world applications.It is logical to scale the k-Nearest Neighbor method to large scale datasets.This paper proposes a new k-Nearest Neighbor classification method(KNN-CCL)which uses a parallel centroid-based and hierarchical clustering algorithm to separate the sample of training dataset into multiple parts.The introduced clustering algorithm uses four stages of successive refinements and generates high quality clusters.The k-Nearest Neighbor approach subsequently makes use of them to predict the test datasets.Finally,sets of experiments are conducted on the UCI datasets.The experimental results confirm that the proposed k-Nearest Neighbor classification method performs well with regard to classification accuracy and performance. 展开更多
关键词 CLASSIFICATION k-nearest neighbor Big data clustering Parallel processing
下载PDF
Contrastive Clustering for Unsupervised Recognition of Interference Signals
3
作者 Xiangwei Chen Zhijin Zhao +3 位作者 Xueyi Ye Shilian Zheng Caiyi Lou Xiaoniu Yang 《Computer Systems Science & Engineering》 SCIE EI 2023年第8期1385-1400,共16页
Interference signals recognition plays an important role in anti-jamming communication.With the development of deep learning,many supervised interference signals recognition algorithms based on deep learning have emer... Interference signals recognition plays an important role in anti-jamming communication.With the development of deep learning,many supervised interference signals recognition algorithms based on deep learning have emerged recently and show better performance than traditional recognition algorithms.However,there is no unsupervised interference signals recognition algorithm at present.In this paper,an unsupervised interference signals recognition method called double phases and double dimensions contrastive clustering(DDCC)is proposed.Specifically,in the first phase,four data augmentation strategies for interference signals are used in data-augmentation-based(DA-based)contrastive learning.In the second phase,the original dataset’s k-nearest neighbor set(KNNset)is designed in double dimensions contrastive learning.In addition,a dynamic entropy parameter strategy is proposed.The simulation experiments of 9 types of interference signals show that random cropping is the best one of the four data augmentation strategies;the feature dimensional contrastive learning in the second phase can improve the clustering purity;the dynamic entropy parameter strategy can improve the stability of DDCC effectively.The unsupervised interference signals recognition results of DDCC and five other deep clustering algorithms show that the clustering performance of DDCC is superior to other algorithms.In particular,the clustering purity of our method is above 92%,SCAN’s is 81%,and the other three methods’are below 71%when jammingnoise-ratio(JNR)is−5 dB.In addition,our method is close to the supervised learning algorithm. 展开更多
关键词 Interference signals recognition unsupervised clustering contrastive learning deep learning k-nearest neighbor
下载PDF
Diagnosis of Disc Space Variation Fault Degree of Transformer Winding Based on K-Nearest Neighbor Algorithm
4
作者 Song Wang Fei Xie +3 位作者 Fengye Yang Shengxuan Qiu Chuang Liu Tong Li 《Energy Engineering》 EI 2023年第10期2273-2285,共13页
Winding is one of themost important components in power transformers.Ensuring the health state of the winding is of great importance to the stable operation of the power system.To efficiently and accurately diagnose t... Winding is one of themost important components in power transformers.Ensuring the health state of the winding is of great importance to the stable operation of the power system.To efficiently and accurately diagnose the disc space variation(DSV)fault degree of transformer winding,this paper presents a diagnostic method of winding fault based on the K-Nearest Neighbor(KNN)algorithmand the frequency response analysis(FRA)method.First,a laboratory winding model is used,and DSV faults with four different degrees are achieved by changing disc space of the discs in the winding.Then,a series of FRA tests are conducted to obtain the FRA results and set up the FRA dataset.Second,ten different numerical indices are utilized to obtain features of FRA curves of faulted winding.Third,the 10-fold cross-validation method is employed to determine the optimal k-value of KNN.In addition,to improve the accuracy of the KNN model,a comparative analysis is made between the accuracy of the KNN algorithm and k-value under four distance functions.After getting the most appropriate distance metric and kvalue,the fault classificationmodel based on theKNN and FRA is constructed and it is used to classify the degrees of DSV faults.The identification accuracy rate of the proposed model is up to 98.30%.Finally,the performance of the model is presented by comparing with the support vector machine(SVM),SVM optimized by the particle swarmoptimization(PSO-SVM)method,and randomforest(RF).The results show that the diagnosis accuracy of the proposed model is the highest and the model can be used to accurately diagnose the DSV fault degrees of the winding. 展开更多
关键词 Transformer winding frequency response analysis(FRA)method k-nearest neighbor(KNN) disc space variation(DSV)
下载PDF
Lung Cancer Prediction from Elvira Biomedical Dataset Using Ensemble Classifier with Principal Component Analysis
5
作者 Teresa Kwamboka Abuya 《Journal of Data Analysis and Information Processing》 2023年第2期175-199,共25页
Machine learning algorithms (MLs) can potentially improve disease diagnostics, leading to early detection and treatment of these diseases. As a malignant tumor whose primary focus is located in the bronchial mucosal e... Machine learning algorithms (MLs) can potentially improve disease diagnostics, leading to early detection and treatment of these diseases. As a malignant tumor whose primary focus is located in the bronchial mucosal epithelium, lung cancer has the highest mortality and morbidity among cancer types, threatening health and life of patients suffering from the disease. Machine learning algorithms such as Random Forest (RF), Support Vector Machine (SVM), K-Nearest Neighbor (KNN) and Naïve Bayes (NB) have been used for lung cancer prediction. However they still face challenges such as high dimensionality of the feature space, over-fitting, high computational complexity, noise and missing data, low accuracies, low precision and high error rates. Ensemble learning, which combines classifiers, may be helpful to boost prediction on new data. However, current ensemble ML techniques rarely consider comprehensive evaluation metrics to evaluate the performance of individual classifiers. The main purpose of this study was to develop an ensemble classifier that improves lung cancer prediction. An ensemble machine learning algorithm is developed based on RF, SVM, NB, and KNN. Feature selection is done based on Principal Component Analysis (PCA) and Analysis of Variance (ANOVA). This algorithm is then executed on lung cancer data and evaluated using execution time, true positives (TP), true negatives (TN), false positives (FP), false negatives (FN), false positive rate (FPR), recall (R), precision (P) and F-measure (FM). Experimental results show that the proposed ensemble classifier has the best classification of 0.9825% with the lowest error rate of 0.0193. This is followed by SVM in which the probability of having the best classification is 0.9652% at an error rate of 0.0206. On the other hand, NB had the worst performance of 0.8475% classification at 0.0738 error rate. 展开更多
关键词 ACCURACY False Positive Rate Naïve Bayes Random Forest Lung Cancer Prediction Principal Component analysis Support Vector Machine k-nearest neighbor
下载PDF
Unveiling the Predictive Capabilities of Machine Learning in Air Quality Data Analysis: A Comparative Evaluation of Different Regression Models
6
作者 Mosammat Mustari Khanaum Md Saidul Borhan +2 位作者 Farzana Ferdoush Mohammed Ali Nause Russel Mustafa Murshed 《Open Journal of Air Pollution》 2023年第4期142-159,共18页
Air quality is a critical concern for public health and environmental regulation. The Air Quality Index (AQI), a widely adopted index by the US Environmental Protection Agency (EPA), serves as a crucial metric for rep... Air quality is a critical concern for public health and environmental regulation. The Air Quality Index (AQI), a widely adopted index by the US Environmental Protection Agency (EPA), serves as a crucial metric for reporting site-specific air pollution levels. Accurately predicting air quality, as measured by the AQI, is essential for effective air pollution management. In this study, we aim to identify the most reliable regression model among linear discriminant analysis (LDA), quadratic discriminant analysis (QDA), logistic regression, and K-nearest neighbors (KNN). We conducted four different regression analyses using a machine learning approach to determine the model with the best performance. By employing the confusion matrix and error percentages, we selected the best-performing model, which yielded prediction error rates of 22%, 23%, 20%, and 27%, respectively, for LDA, QDA, logistic regression, and KNN models. The logistic regression model outperformed the other three statistical models in predicting AQI. Understanding these models' performance can help address an existing gap in air quality research and contribute to the integration of regression techniques in AQI studies, ultimately benefiting stakeholders like environmental regulators, healthcare professionals, urban planners, and researchers. 展开更多
关键词 Regression analysis Air Quality Index Linear Discriminant analysis Quadratic Discriminant analysis Logistic Regression k-nearest neighbors Machine Learning Big Data analysis
下载PDF
Motion information analysis system based on acceleration signals
7
作者 刘书朋 陈林 +2 位作者 代丽丽 陆燕青 严壮志 《Journal of Shanghai University(English Edition)》 CAS 2010年第2期122-125,共4页
A motion information analysis system based on the acceleration data is proposed in this paper,consisting of filtering,feature extraction and classification.The Kalman filter is adopted to eliminate the noise.With the ... A motion information analysis system based on the acceleration data is proposed in this paper,consisting of filtering,feature extraction and classification.The Kalman filter is adopted to eliminate the noise.With the time-domain and frequency-domain analysis,acceleration features like the amplitude,the period and the acceleration region values are obtained.Furthermore,the accuracy of the motion classification is improved by using the k-nearest neighbor (KNN) algorithm. 展开更多
关键词 motion analysis acceleration data Kalman filter k-nearest neighbor (KNN)
下载PDF
A NOVEL METHOD FOR NETWORK WORM DETECTION BASED ON WAVELET PACKET ANALYSIS
8
作者 廖明涛 张德运 侯琳 《Journal of Pharmaceutical Analysis》 SCIE CAS 2006年第2期97-101,共5页
Objective To detect unknown network worm at its early propagation stage. Methods On the basis of characteristics of network worm attack, the concept of failed connection flow (FCT) was defined. Based on wavelet packet... Objective To detect unknown network worm at its early propagation stage. Methods On the basis of characteristics of network worm attack, the concept of failed connection flow (FCT) was defined. Based on wavelet packet analysis of FCT time series, this method computed the energy associated with each wavelet packet of FCT time series, transformed the FCT time series into a series of energy distribution vector on frequency domain, then a trained K-nearest neighbor (KNN) classifier was applied to identify the worm. Results The experiment showed that the method could identify network worm when the worm started to scan. Compared to theoretic value, the identification error ratio was 5.69%. Conclusion The method can detect unknown network worm at its early propagation stage effectively. 展开更多
关键词 worm detection wavelet packet analysis k-nearest neighbor classifier
下载PDF
A Semi Automated Method for Laminated Sediments Analysis
9
作者 Mapathe Ndiaye Eric Davaud +1 位作者 Daniel Ariztegui Meissa Fall 《International Journal of Geosciences》 2012年第1期206-210,共5页
We developed a software performing laminae counting, thickness measurements, spectral and wavelet analysis of laminated sediments embedded signal. We validated the software on varved sediments. Varved laminae are auto... We developed a software performing laminae counting, thickness measurements, spectral and wavelet analysis of laminated sediments embedded signal. We validated the software on varved sediments. Varved laminae are automatically counted using an image analysis classification method based on K-Nearest Neighbors (KNN) algorithm. In a next step, the signal corresponding to varved black laminae thickness variation is retrieved. The obtained signal is a good proxy to study the paleoclimatic constraints controlling sedimentation. Finally, the use of spectral and wavelet analysis methods on the variation of black laminae thickness revealed the existence of frequencies and periods which can be linked to known paleoclimatic events. 展开更多
关键词 VARVE LAMINATED SEDIMENT k-nearest neighbor Signal Time-Series Spectral analysis WAVELET analysis
下载PDF
Discriminant Analysis for Human Arm Motion Prediction and Classifying
10
作者 Mohammed Z. Al-Faiz Sarmad H. Ahmed 《Intelligent Control and Automation》 2013年第1期26-31,共6页
The EMG signal which is generated by the muscles activity diffuses to the skin surface of human body. This paper presents a pattern recognition system based on Linear Discriminant Analysis (LDA) algorithm for the clas... The EMG signal which is generated by the muscles activity diffuses to the skin surface of human body. This paper presents a pattern recognition system based on Linear Discriminant Analysis (LDA) algorithm for the classification of upper arm motions;where this algorithm was mainly used in face recognition and voice recognition. Also a comparison between the Linear Discriminant Analysis (LDA) and k-Nearest Neighbor (k-NN) algorithm is made for the classification of upper arm motions. The obtained results demonstrate superior performance of LDA to k-NN. The classification results give very accurate classification with very small classification errors. This paper is organized as follows: Muscle Anatomy, Data Classification Methods, Theory of Linear Discriminant Analysis, k-Nearest Neighbor (kNN) Algorithm, Modeling of EMG Pattern Recognition, EMG Data Generator, Electromyography Feature Extraction, Implemented System Results and Discussions, and finally, Conclusions. The proposed structure is simulated using MATLAB. 展开更多
关键词 Linear DISCRIMINANT analysis (LDA) k-nearest neighbor (k-NN)
下载PDF
基于PCA颜色特征聚类的彩色图像分割
11
作者 朱鑫 刘本永 《智能计算机与应用》 2024年第4期222-225,共4页
针对RGB颜色特征各颜色分量高度相关问题,本文提出基于PCA颜色特征聚类的彩色图像分割算法。首先,采用超像素算法对图像进行预分割,将基于像素的聚类转化为基于超像素的聚类;其次,提取超像素PCA颜色特征和坐标特征;最后,对超像素进行k... 针对RGB颜色特征各颜色分量高度相关问题,本文提出基于PCA颜色特征聚类的彩色图像分割算法。首先,采用超像素算法对图像进行预分割,将基于像素的聚类转化为基于超像素的聚类;其次,提取超像素PCA颜色特征和坐标特征;最后,对超像素进行k最近邻密度峰值聚类,完成图像分割。在BSDS500和MSRC数据集上的实验结果表明,本文所提算法能较好地实现彩色图像的分割,在视觉效果和性能指标上均得到较好的结果。 展开更多
关键词 RGB颜色特征 超像素 PCA k最近邻 密度峰值聚类
下载PDF
Accelerated k-nearest neighbors algorithm based on principal component analysis for text categorization 被引量:3
12
作者 Min DU Xing-shu CHEN 《Journal of Zhejiang University-Science C(Computers and Electronics)》 SCIE EI 2013年第6期407-416,共10页
Text categorization is a significant technique to manage the surging text data on the Internet.The k-nearest neighbors(kNN) algorithm is an effective,but not efficient,classification model for text categorization.In t... Text categorization is a significant technique to manage the surging text data on the Internet.The k-nearest neighbors(kNN) algorithm is an effective,but not efficient,classification model for text categorization.In this paper,we propose an effective strategy to accelerate the standard kNN,based on a simple principle:usually,near points in space are also near when they are projected into a direction,which means that distant points in the projection direction are also distant in the original space.Using the proposed strategy,most of the irrelevant points can be removed when searching for the k-nearest neighbors of a query point,which greatly decreases the computation cost.Experimental results show that the proposed strategy greatly improves the time performance of the standard kNN,with little degradation in accuracy.Specifically,it is superior in applications that have large and high-dimensional datasets. 展开更多
关键词 k-nearest neighbors(kNN) TEXT CATEGORIZATION Accelerating strategy Principal COMPONENT analysis(PCA)
原文传递
Support Vector Machine-Based Fault Diagnosis of Power Transformer Using k Nearest-Neighbor Imputed DGA Dataset 被引量:2
13
作者 Zahriah Binti Sahri Rubiyah Binti Yusof 《Journal of Computer and Communications》 2014年第9期22-31,共10页
Missing values are prevalent in real-world datasets and they may reduce predictive performance of a learning algorithm. Dissolved Gas Analysis (DGA), one of the most deployable methods for detecting and predicting inc... Missing values are prevalent in real-world datasets and they may reduce predictive performance of a learning algorithm. Dissolved Gas Analysis (DGA), one of the most deployable methods for detecting and predicting incipient faults in power transformers is one of the casualties. Thus, this paper proposes filling-in the missing values found in a DGA dataset using the k-nearest neighbor imputation method with two different distance metrics: Euclidean and Cityblock. Thereafter, using these imputed datasets as inputs, this study applies Support Vector Machine (SVM) to built models which are used to classify transformer faults. Experimental results are provided to show the effectiveness of the proposed approach. 展开更多
关键词 MISSING VALUES Dissolved Gas analysis Support Vector Machine k-nearest neighborS
下载PDF
Density Clustering Algorithm Based on KD-Tree and Voting Rules
14
作者 Hui Du Zhiyuan Hu +1 位作者 Depeng Lu Jingrui Liu 《Computers, Materials & Continua》 SCIE EI 2024年第5期3239-3259,共21页
Traditional clustering algorithms often struggle to produce satisfactory results when dealing with datasets withuneven density. Additionally, they incur substantial computational costs when applied to high-dimensional... Traditional clustering algorithms often struggle to produce satisfactory results when dealing with datasets withuneven density. Additionally, they incur substantial computational costs when applied to high-dimensional datadue to calculating similarity matrices. To alleviate these issues, we employ the KD-Tree to partition the dataset andcompute the K-nearest neighbors (KNN) density for each point, thereby avoiding the computation of similaritymatrices. Moreover, we apply the rules of voting elections, treating each data point as a voter and casting a votefor the point with the highest density among its KNN. By utilizing the vote counts of each point, we develop thestrategy for classifying noise points and potential cluster centers, allowing the algorithm to identify clusters withuneven density and complex shapes. Additionally, we define the concept of “adhesive points” between two clustersto merge adjacent clusters that have similar densities. This process helps us identify the optimal number of clustersautomatically. Experimental results indicate that our algorithm not only improves the efficiency of clustering butalso increases its accuracy. 展开更多
关键词 Density peaks clustering KD-Tree k-nearest neighbors voting rules
下载PDF
面向流形数据的共享近邻密度峰值聚类算法 被引量:1
15
作者 赵嘉 马清 +2 位作者 肖人彬 潘正祥 韩龙哲 《智能系统学报》 CSCD 北大核心 2023年第4期719-730,共12页
流形数据由一些弧线状或环状的类簇组成,其特点是同一类簇的样本间距离差距较大。密度峰值聚类算法不能有效识别流形类簇的类簇中心且分配剩余样本时易引发样本的连续误分配问题。为此,本文提出面向流形数据的共享近邻密度峰值聚类(dens... 流形数据由一些弧线状或环状的类簇组成,其特点是同一类簇的样本间距离差距较大。密度峰值聚类算法不能有效识别流形类簇的类簇中心且分配剩余样本时易引发样本的连续误分配问题。为此,本文提出面向流形数据的共享近邻密度峰值聚类(density peaks clustering based on shared nearest neighbor for manifold datasets,DPC-SNN)算法。提出了一种基于共享近邻的样本相似度定义方式,使得同一流形类簇样本间的相似度尽可能高;基于上述相似度定义局部密度,不忽略距类簇中心较远样本的密度贡献,能更好地区分出流形类簇的类簇中心与其他样本;根据样本的相似度分配剩余样本,避免了样本的连续误分配。DPC-SNN算法与DPC、FKNNDPC、FNDPC、DPCSA及IDPC-FA算法的对比实验结果表明,DPC-SNN算法能够有效发现流形数据的类簇中心并准确完成聚类,对真实以及人脸数据集也有不错的聚类效果。 展开更多
关键词 密度峰值 聚类分析 流形数据 K近邻 共享近邻 样本相似度 数据挖掘 图像处理
下载PDF
基于代表点与K近邻的密度峰值聚类算法
16
作者 张清华 周靖鹏 +1 位作者 代永杨 王国胤 《软件学报》 EI CSCD 北大核心 2023年第12期5629-5648,共20页
密度峰值聚类(density peaks clustering,DPC)是一种基于密度的聚类算法,该算法可以直观地确定类簇数量,识别任意形状的类簇,并且自动检测、排除异常点.然而,DPC仍存在些许不足:一方面,DPC算法仅考虑全局分布,在类簇密度差距较大的数据... 密度峰值聚类(density peaks clustering,DPC)是一种基于密度的聚类算法,该算法可以直观地确定类簇数量,识别任意形状的类簇,并且自动检测、排除异常点.然而,DPC仍存在些许不足:一方面,DPC算法仅考虑全局分布,在类簇密度差距较大的数据集聚类效果较差;另一方面,DPC中点的分配策略容易导致“多米诺效应”.为此,基于代表点(representative points)与K近邻(K-nearest neighbors,KNN)提出了RKNN-DPC算法.首先,构造了K近邻密度,再引入代表点刻画样本的全局分布,提出了新的局部密度;然后,利用样本的K近邻信息,提出一种加权的K近邻分配策略以缓解“多米诺效应”;最后,在人工数据集和真实数据集上与5种聚类算法进行了对比实验,实验结果表明,所提出的RKNN-DPC可以更准确地识别类簇中心并且获得更好的聚类结果. 展开更多
关键词 聚类分析 密度峰值聚类 代表点 K近邻(KNN)
下载PDF
基于机器学习的中药材种类及产地鉴定模型分析 被引量:1
17
作者 张晓丽 《宁夏师范学院学报》 2023年第1期43-49,共7页
为使中药材种类及产地鉴别结果更精准,研究了当数据量充足无缺失,且药材中红外或近红外光谱特征明显和当数据量较少,中红外和近红外光谱数据差异明显,数据类别标签较多,且存在数据缺失两种情况下中药材种类及产地鉴别方法.前者可通过主... 为使中药材种类及产地鉴别结果更精准,研究了当数据量充足无缺失,且药材中红外或近红外光谱特征明显和当数据量较少,中红外和近红外光谱数据差异明显,数据类别标签较多,且存在数据缺失两种情况下中药材种类及产地鉴别方法.前者可通过主成分分析降维,再经过K-Means聚类鉴别其结果;或通过人工神经网络在分类后给出需要预测的中药材种类及产地鉴别结果;后者可对中药材的近红外和中红外光谱数据进行图示对比分析,同时结合K近邻算法数据分析,进行分类,通过相互验证方式鉴别其结果. 展开更多
关键词 主成分分析 K-MEANS聚类 KNN近邻算法
下载PDF
Characteristics,classification and KNN-based evaluation of paleokarst carbonate reservoirs:A case study of Feixianguan Formation in northeastern Sichuan Basin,China
18
作者 Yang Ren Wei Wei +3 位作者 Peng Zhu Xiuming Zhang Keyong Chen Yisheng Liu 《Energy Geoscience》 2023年第3期113-126,共14页
The Feixianguan Formation reservoirs in northeastern Sichuan are mainly a suite of carbonate platform deposits.The reservoir types are diverse with high heterogeneity and complex genetic mechanisms.Pores,vugs and frac... The Feixianguan Formation reservoirs in northeastern Sichuan are mainly a suite of carbonate platform deposits.The reservoir types are diverse with high heterogeneity and complex genetic mechanisms.Pores,vugs and fractures of different genetic mechanisms and scales are often developed in association,and it is difficult to classify reservoir types merely based on static data such as outcrop observation,and cores and logging data.In the study,the reservoirs in the Feixianguan Formation are grouped into five types by combining dynamic and static data,that is,karst breccia-residual vuggy type,solution-enhanced vuggy type,fractured-vuggy type,fractured type and matrix type(non-reservoir).Based on conventional logging data,core data and formation microscanner image(FMI)data of the Qilibei block,northeastern Sichuan Basin,the reservoirs are classified in accordance with fracture-vug matching relationship.Based on the principle of cluster analysis,K-Nearest Neighbor(KNN)classification templates are established,and the applicability of the model is verified by using the reservoir data from wells uninvolved in modeling.Following the analysis of the results of reservoir type discrimination and the production of corresponding reservoir intervals,the contributions of various reservoir types to production are evaluated and the reliability of reservoir type classification is verified.The results show that the solution-enhanced vuggy type is of high-quality sweet spot reservoir in the study area with good physical property and high gas production,followed by the fractured-vuggy type,and the fractured and karst breccia-residual vuggy types are the least promising. 展开更多
关键词 Carbonate reservoir Reservoir type cluster analysis k-nearest neighbor(KNN) Feixianguan Formation Sichuan basin
下载PDF
RBF神经网络在边坡岩体稳定性中的预测研究 被引量:47
19
作者 付义祥 刘世凯 刘大鹏 《武汉理工大学学报(交通科学与工程版)》 北大核心 2003年第2期170-173,共4页
简要分析 RBF网络的结构特点及最近邻聚类学习算法之后 ,以大量边坡工程的稳定状况为学习训练样本及预测样本 ,建立了预报模型 .讨论了基于 RBF神经网络技术的边坡岩体稳定性分析方法及其有效性 .研究表明 ,用
关键词 边坡 岩体工程 稳定性分析 径向基函数 RBF 神经网络 最近邻聚类算法 预报模型
下载PDF
一种基于t-分布随机近邻嵌入的文本聚类方法 被引量:6
20
作者 徐秀芳 徐森 +3 位作者 花小朋 徐静 皋军 安晶 《南京大学学报(自然科学版)》 CAS CSCD 北大核心 2019年第2期264-271,共8页
文本数据具有高维、稀疏、海量的特性,给传统的聚类算法带来了极大挑战.提出一种基于t-分布随机近邻嵌入(t-Distributed Stochastic Neighbor Embedding,t-SNE)的文本聚类方法.首先通过t-SNE将高维文本数据嵌入到低维空间,使得高维空间... 文本数据具有高维、稀疏、海量的特性,给传统的聚类算法带来了极大挑战.提出一种基于t-分布随机近邻嵌入(t-Distributed Stochastic Neighbor Embedding,t-SNE)的文本聚类方法.首先通过t-SNE将高维文本数据嵌入到低维空间,使得高维空间相似度较低的文本对应的映射点距离较远,而相似度较高的文本对应的映射点距离较近;然后根据低维空间映射点坐标,再采用传统的聚类分析算法进行聚类,得到最终的聚类结果.在多个基准文本数据集上进行了实验测试,验证了该方法的有效性. 展开更多
关键词 聚类分析 文本聚类 维数约简 随机近邻嵌入 聚类算法
下载PDF
上一页 1 2 5 下一页 到第
使用帮助 返回顶部