Welcome![Sign In][Sign Up]
Location:
Search - pca python

Search list

[JSP/JavaPCA1.5

Description: 计算java项目、python项目代码复杂度的Eclipse插件-Java project calculation, python project code complexity of Eclipse plug-ins
Platform: | Size: 242688 | Author: 王佳 | Hits:

[Industry researchface.tar

Description: This python scripts are for face recognition. I used PCA Algorithm. You need to import few python packages. Forinstance numpy,opencv-python,psyco -This python scripts are for face recognition. I used PCA Algorithm. You need to import few python packages. Forinstance numpy,opencv-python,psyco ...
Platform: | Size: 2048 | Author: sleepbuster | Hits:

[Mathimatics-Numerical algorithmsPCA-SVM

Description: 在PYTHON里面,采用LIBSVM,实现对TE数据的多类故障的分类。-In PYTHON inside, using LIBSVM, TE data to realize the classification of many types of failures.
Platform: | Size: 482304 | Author: Sophiehxq | Hits:

[Special Effectskpca_py

Description: python实现的PCA,即Python script for kernel PCA with and without CUDA,效率非常好-python implementation of the PCA, Python the script for kernel the PCA with and without CUDA, the efficiency is very good
Platform: | Size: 7168 | Author: 王可 | Hits:

[Otherpca

Description: 利用python实现主成分分析,主要用在图像处理等领域-Use python to achieve the principal component analysis, mainly used in the field of image processing, etc.
Platform: | Size: 1024 | Author: Harry jone | Hits:

[AI-NN-PRpca

Description: pca算法的python实现以及相关实验数据-machine learning pca
Platform: | Size: 1880064 | Author: 朱洋达 | Hits:

[AlgorithmPCA-Python

Description: 用Python语言实现PCA(Principle Component Analysis)。-PCA with python.
Platform: | Size: 74752 | Author: 吴难难 | Hits:

[DataMiningPCA

Description: python PCA算法。 以及主成分分析的相关文档,资料,数据集。-python PCA algorithm.
Platform: | Size: 2458624 | Author: 方奕凯 | Hits:

[AI-NN-PRpython-code-for-Machine-learning

Description: 用于机器学习的全方位python代码,包括K-近邻算法、决策树、朴素贝叶斯、Logistic 回归 、支持向量机、利用 AdaBoost 元算法提高分类性能、预测数值型数据:回归、树回归、利用 K-均值聚类算法对未标注数据分组、使用 Apriori 算法进行关联分析、使用 FP-growth 算法来高效分析频繁项集、利用 PCA 来简化数据、利用 SVD 简化数据、大数据与 MapReduce-The full range of python code for machine learning. Including K-Nearest Neighbor Algorithm, Decision Tree, Naive Bayes, Logistic Regression, Support Vector Machine, AdaBoost Meta-algorithm to improve the classification performance,etc
Platform: | Size: 545792 | Author: 杨宇 | Hits:

[Windows DevelopPCA

Description: Python实现PCA将数据转化成前K个主成分的伪码大致如下: ''' 减去平均数计算协方差矩阵计算协方差矩阵的特征值和特征向量将特征值从大到小排序保留最大的K个特征(Python PCA data into pseudo code before the K principal components are as follows: the characteristics of 'average minus the covariance matrix to calculate the covariance matrix eigenvalues and eigenvectors. The eigenvalues in descending order retain maximum K features)
Platform: | Size: 64512 | Author: 193sd | Hits:

[Otherkernel_eca-master

Description: Kernel Entropy Component Analysis,KECA方法的作者R. Jenssen自己写的MATLAB代码,文章发表在2010年5月的IEEE TPAMI上面-Kernel Entropy Component Analysis, by R. Jenssen, published in IEEE TPAMI 2010.(We introduce kernel entropy component analysis (kernel ECA) as a new method for data transformation and dimensionality reduction. Kernel ECA reveals structure relating to the Renyi entropy of the input space data set, estimated via a kernel matrix using Parzen windowing. This is achieved by projections onto a subset of entropy preserving kernel principal component analysis (kernel PCA) axes. This subset does not need, in general, to correspond to the top eigenvalues of the kernel matrix, in contrast to the dimensionality reduction using kernel PCA. We show that kernel ECA may produce strikingly different transformed data sets compared to kernel PCA, with a distinct angle-based structure. A new spectral clustering algorithm utilizing this structure is developed with positive results. Furthermore, kernel ECA is shown to be an useful alternative for pattern denoising.)
Platform: | Size: 8192 | Author: daxingxing001 | Hits:

[Otherface-SVM

Description: 用PCA和SVM实现人脸识别,是经典的人脸识别Python代码(Face recognition using PCA and SVM)
Platform: | Size: 2048 | Author: L.Xun | Hits:

[Graph Recognizeface-Adaboost

Description: 用Adaboost和PCA算法实现人脸识别,用Python写的代码,根据经典的PCA和SVM算法改编(Adaboost and PCA algorithm for face recognition, code written in Python, adapted from the classic PCA and SVM algorithm)
Platform: | Size: 2048 | Author: L.Xun | Hits:

[Algorithmpca算法实现

Description: 通过Python实现了PCA数据降维的方法(The method of reducing the dimension of PCA data through Python)
Platform: | Size: 11264 | Author: redrock | Hits:

[Windows DevelopChineseChuLi

Description: 中文文本处理的python程序,包括分词、删除特殊字符、删除停用词、爬虫程序、PCA降维、Kmean聚类、可视化等(Python programs for Chinese text processing, including participle, deleting special characters, deleting disuse words, crawler programs, PCA dimensionality reduction, Kmean clustering, visualization and so on)
Platform: | Size: 12288 | Author: hello_spring | Hits:

[Other机器学习常用方法

Description: 机器学习常用方法的python实现,包括PCA,随机森林,决策树,层次聚类,kmeans,KNN,线性感知机等(Python implementation of common machine learning methods, including PCA, random forest, decision tree, hierarchical clustering, kmeans, KNN, linear perceptron, etc.)
Platform: | Size: 16384 | Author: 党铛铛 | Hits:

[OpenCVpython_face_recog

Description: 基于python+opencv 的 人脸识别,对一段视频进行读取,并检测出人脸,然后进行PCA 降维,最后用SVM进行人脸识别,识别率94%左右。(Based on python + opencv face recognition, a video was read, and face detection, and then PCA dimension reduction, and finally SVM face recognition, recognition rate of about 94%.)
Platform: | Size: 7064576 | Author: qinjian09 | Hits:

[AI-NN-PRk_means

Description: 主成分分析(Principal Component Analysis,PCA), 是一种统计方法。通过正交变换将一组可能存在相关性的变量转换为一组线性不相关的变量,转换后的这组变量叫主成分。(It is a statistical method. Through orthogonal transformation, a set of variables that can be correlated can be transformed into a group of linearly irrelevant variables. The transformed variables are called principal components.)
Platform: | Size: 1760256 | Author: 三火123456 | Hits:

[AlgorithmPLSPCAdfunction

Description: pls和pca的代码,python编写,添加数据文件后,修改输入变量的参数,即可直接运行。(Pls and PCA code, python write, add data files, modify the parameters of the input variables, you can run directly.)
Platform: | Size: 5120 | Author: kaijay | Hits:

[DataMiningPCA+mnist

Description: 基于python,利用主成分分析(PCA)和K近邻算法(KNN)在MNIST手写数据集上进行了分类。 经过PCA降维,最终的KNN在100维的特征空间实现了超过97%的分类精度。(Based on python, it uses principal component analysis (PCA) and K nearest neighbor algorithm (KNN) to classify on the MNIST handwritten data set. After PCA dimensionality reduction, the final KNN achieved a classification accuracy of over 97% in a 100-dimensional feature space.)
Platform: | Size: 11599872 | Author: 曲小刀 | Hits:
« 12 »

CodeBus www.codebus.net