An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: kernel-pca

Javdat/RcppKPCA

A computationally efficient implementation of Kernel Principal Component Analysis (KPCA) using the Gaussian (RBF) kernel. This package leverages Rcpp and the Armadillo C++ library for fast matrix operations.

Language: R - Size: 19.5 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

fanghenshaometeor/ood-kernel-pca

[NeurIPS 2024] Kernel PCA for Out-of-Distribution Detection

Language: Python - Size: 25.6 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 2 - Forks: 2

matteo-serafino/dimensionality-reduction-package

Python package for plug and play dimensionality reduction techniques and data visualization in 2D or 3D.

Language: Python - Size: 36.1 KB - Last synced at: 25 days ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0

mehdi-aitaryane/pca-algorithms-from-scratch-with-examples

Implementation of PCA and Kernel PCA algorithms from scratch with practical examples, including datasets and image processing tasks like compression and denoising.

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

adelelwan24/Credit-Card-Customer-Segmentation

This repository implements customer segmentation techniques to analyze credit card user behavior and identify distinct customer groups. By leveraging Python libraries like pandas, Scipy and scikit-learn.

Language: Jupyter Notebook - Size: 36.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

OleguerCanal/GPLVM

Re-Implementation of GPLVM algorithm & performance assessment against Kernel-PCA

Language: Python - Size: 8.49 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0

williamagyapong/data-mining-projects

Houses a series of projects I worked on for a course in Data Mining that I took in my Ph.D. Data Science program at UTEP in the Fall of 2022. Covers areas such as Regularized Logistic Regression, Optimization, Kernel Methods, PageRank, Kernel PCA, Association Rule Mining, Anomaly Detection, Parametric/Nonparametric Nonlinear Regression, etc.

Size: 3.34 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

alessimichele/Unsupervised-Learning-2023 Fork of ilariavascotto/Unsupervised-Learning-2023

This repository is dedicated to the lab activities of the course of Unsupervised Learning @UniTs

Language: Jupyter Notebook - Size: 82.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

kisoo95/DACON-Monthly-DACON-Credit-Card-Fraud-Deal-Detection-AI-Competition

Winning one of the DACON competition

Language: Jupyter Notebook - Size: 378 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mohammad95labbaf/UMAP_breast_cancer

This repository explores the interplay between dimensionality reduction techniques and classification algorithms in the realm of breast cancer diagnosis. Leveraging the Breast Cancer Wisconsin dataset, it assesses the impact of various methods, including PCA, Kernel PCA, LLE, UMAP, and Supervised UMAP, on the performance of a Decision Tree.

Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

kyomangold/ETH-MachineLearning

Repository for the code of the "Introduction to Machine Learning" (IML) lecture at the "Learning & Adaptive Systems Group" at ETH Zurich.

Language: Python - Size: 568 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

bghojogh/Principal-Component-Analysis

The code for Principal Component Analysis (PCA), dual PCA, Kernel PCA, Supervised PCA (SPCA), dual SPCA, and Kernel SPCA

Language: Python - Size: 23.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 5

juyongjiang/VFedPCA-VFedAKPCA

Source Code & Datasets for "Vertical Federated Principal Component Analysis and Its Kernel Extension on Feature-wise Distributed Data"

Language: Python - Size: 6.39 MB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 0

Albertsr/Anomaly-Detection

UnSupervised and Semi-Supervise Anomaly Detection / IsolationForest / KernelPCA Detection / ADOA / etc.

Language: Python - Size: 9.52 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 245 - Forks: 81

lucko515/dataset-dimensionality-reduction-python

Here I've demonstrated how and why should we use PCA, KernelPCA, LDA and t-SNE for dimensionality reduction when we work with higher dimensional datasets.

Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 8 days ago - Pushed at: over 7 years ago - Stars: 19 - Forks: 10

gionanide/Speech_Signal_Processing_and_Classification

Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].

Language: Python - Size: 827 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 220 - Forks: 62

Mehrab-Kalantari/News-Clustering

Applying NLP methods and kernel PCA on news dataset to build a clustering model

Language: Jupyter Notebook - Size: 99.6 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hellpanderrr/ml_algorithms

Machine learning algorithms done from scratch in Python with Numpy/Scipy

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

shubhams821/ML-Repository

Machine Learning assignments from coursework.

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

algostatml/UNSUPERVISED-ML

Unsupervised machine learning algorithm. Classical and kernel methods for non-linearly seperable data.

Language: Python - Size: 1.54 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 2

Nikronic/Machine-Learning-Models 📦

In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.

Language: Python - Size: 716 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 12

SarCode/ML-Code-Tutorials-Udemy

Complete Tutorial Guide with Code for learning ML

Language: Python - Size: 3.86 MB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

longhongc/CMSC828C-hw6

K-means, Spectral clustering, PCA, and Kernel PCA

Language: Jupyter Notebook - Size: 479 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

kashefy/mi2notes

My notes for Prof. Klaus Obermayer's "Machine Intelligence 2 - Unsupervised Learning" course at the TU Berlin

Language: TeX - Size: 27.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 4

AAU-Dat/P5-Nonlinear-Dimensionality-Reduction

5th semester project concerning feature engineering and nonlinear dimensionality reduction in particular.

Language: Jupyter Notebook - Size: 47.3 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

bghojogh/Image-Structural-Component-Analysis

The code for Image Structural Component Analysis (ISCA) and Kernel ISCA

Language: Python - Size: 628 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

MaxenceGiraud/BayesianPCA

Implementation of Bayesian PCA [Bishop][1999] And Bayesian Kernel PCA

Language: Python - Size: 470 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

mlesnoff/rchemo

R package for regression and discrimination, with special focus on chemometrics and high-dimensional data (This package is only maintained. The new current package is "Jchemo", under construction in Julia language)

Language: R - Size: 3.53 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 2

namanUIUC/NonlinearComponentAnalysis

Application of principal component analysis capturing non-linearity in the data using kernel approach

Language: Jupyter Notebook - Size: 27.7 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 4

Arminkhayati/Machine_learning_lec

My Machine Learning course projects

Language: Jupyter Notebook - Size: 13.6 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

tejasnp163/Dimensionality-Reduction-on-Wine-Dataset

Performed different tasks such as data preprocessing, cleaning, classification, and feature extraction/reduction on wine dataset.

Language: Jupyter Notebook - Size: 5.44 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

mlesnoff/rnirs

R Package not developed anymore (only maintenance). Replaced by package rchemo

Language: R - Size: 17.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

Abhishek-Nalawade/Kernel-PCA

Language: Python - Size: 387 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

ratvec/ratvec

Low-dimensional vector representations via kernel PCA with rational kernels

Language: Python - Size: 4.24 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

vitthal-bhandari/High-Dimensional-Data-and-Gradient-Descent

Analyzing and overcoming the curse of dimensionality and exploring various gradient descent techniques with implementations in R

Language: HTML - Size: 4.43 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

charumakhijani/machine-learning

Data Science Portfolio

Language: Jupyter Notebook - Size: 1.62 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

EthanJamesLew/PSU_STAT672

Notes, homework and project for PSU's STAT 672 Winter 2020

Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

afiliot/Non-Linear-Dimensionality-Reduction

Project on Non-Linear Dimensionality Reduction - ENSAE ParisTech

Language: Jupyter Notebook - Size: 33.5 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

Zhenye-Na/npca

📃 Exploration of Nonlinear Component Analysis as a Kernel Eigenvalue Problem

Language: Jupyter Notebook - Size: 9.98 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 4

sidharththapar/Machine-Learning-from-scratch

Implementation of supervised and unsupervised Machine Learning algorithms in python from scratch!

Language: Jupyter Notebook - Size: 229 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Related Keywords
kernel-pca 40 pca 23 principal-component-analysis 10 dimensionality-reduction 9 machine-learning 8 kernel-methods 7 pca-analysis 6 clustering 6 isomap 5 lda 5 kmeans-clustering 5 python 5 svm 5 decision-tree 4 random-forest 4 k-means-clustering 4 linear-regression 4 logistic-regression 4 kernel-kmeans 3 fda 3 spectral-clustering 3 lle 3 nlp 3 t-sne 3 linear-discriminant-analysis 3 partial-least-squares-regression 2 support-vector-machines 2 density-estimation 2 hierarchical-clustering 2 discrimination 2 unsupervised-learning 2 umap 2 isolation-forest 2 knn 2 decision-tree-classifier 2 nlp-machine-learning 2 eda 2 signal-processing 2 locally-linear-embedding 2 latent-variable-models 2 expectation-maximization 2 anomaly-detection 2 artificial-neural-networks 2 natural-language-processing 2 tsne 2 plsda 2 mnist 2 regression-models 2 numpy 2 lwplsr 2 jupyter-notebook 2 regression 2 gaussian-mixture-models 2 chemometrics 2 lwplsda 2 ridge-regression 1 ridge-discrimination 1 non-linear-regression 1 spectroscopy 1 kernel-ridge 1 r 1 ica 1 kde 1 mixture-model 1 som 1 computer-vision 1 convolutional-neural-network 1 feature-engineering 1 ssim 1 structural-similarity-index 1 bayesian-kernel-pca 1 bayesian-pca 1 bishop 1 bkpca 1 bpca 1 pkpca 1 ppca 1 probabilistic-kernel-pca 1 probabilistic-pca 1 dimension-reduction 1 pcr 1 ridge 1 svm-model 1 bioinformatics 1 proteomics 1 representation-learning 1 batch-gradient-descent 1 curse-of-dimensionality-solution 1 gradient-descent 1 mini-batch-gradient-descent 1 stochastic-gradient-descent 1 svd-matrix-factorisation 1 classification-model 1 gaussian-processes 1 lyapunov-functions 1 mvn 1 ensae 1 non-linear-dimensionality-reduction 1 classification 1 python3 1