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

GitHub topics: dimensionality-reduction

ameudes/Uncovering-Development-Patterns-in-141-Countries-Using-PCA

This repository presents an exploratory analysis using Principal Component Analysis (PCA) on a dataset of 18 quantitative indicators for 141 countries. The project aims to reduce dimensionality while extracting meaningful patterns to characterize countries based on development level, economic structure, and living conditions.

Size: 2.14 MB - Last synced at: about 5 hours ago - Pushed at: about 5 hours ago - Stars: 0 - Forks: 0

DylanJohnston/mml-solutions-and-code

Mathematics for Machine Learning Solutions. My solutions to the exercises from Part I. The repository will also likely (at some point) contain supplementary code for Part II.

Language: Jupyter Notebook - Size: 38.5 MB - Last synced at: about 5 hours ago - Pushed at: about 6 hours ago - Stars: 0 - Forks: 0

arvkevi/ezancestry

Easy genetic ancestry predictions in Python

Language: Jupyter Notebook - Size: 25 MB - Last synced at: about 7 hours ago - Pushed at: about 8 hours ago - Stars: 66 - Forks: 11

lucertgvby/phat

Graphical PowerShell application designed to help investigators, security analysts, and IT professionals examine email headers for signs of phishing or spoofing. The tool parses headers from .eml and .msg files, highlights important fields, and provides insights into SPF, DKIM, and DMARC results.

Language: PowerShell - Size: 1.99 MB - Last synced at: about 16 hours ago - Pushed at: about 17 hours ago - Stars: 0 - Forks: 0

nf-core/scdownstream

A single cell transcriptomics pipeline for QC, integration and making the data presentable

Language: Nextflow - Size: 2.37 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 66 - Forks: 33

Shivaay8055/Bank-Marketing-Data

Los datos se relacionan con campañas de marketing directo (llamadas telefónicas) de una entidad bancaria portuguesa. El objetivo de la clasificación es predecir si el cliente suscribirá un depósito a plazo (variable y).

Size: 2.44 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

seandavi/awesome-single-cell

Community-curated list of software packages and data resources for single-cell, including RNA-seq, ATAC-seq, etc.

Size: 1.71 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 3,408 - Forks: 1,021

marcomedugno/Personal-Projects

Language: Jupyter Notebook - Size: 2.12 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 0

dpeerlab/Palantir

Single cell trajectory detection

Language: Jupyter Notebook - Size: 56.2 MB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 255 - Forks: 54

SirBleu/Intelligent-Analytics-Artificial-Neural-Networks

This repository contains my work and learnings from a class on Intelligent Analytics. It contains works on Percetrons, Support Vector Machines, Deep Learning methods, Dimensionality Reduction, Decision Trees, Ensemble methods and so much more. It's for my continous learning on the subject

Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

Ali-Tharwat/Data-Science-Tasks

Comprehensive data preparation and exploration processes integrated with machine learning models for classification and clustering

Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

hung2jj/Principal_component_analysis

In this repository you find a python program and the prints and 3D-visualization of it. After the KNN-Classification I wanted to know which variables have the most relevance for the results. One approach for this is the Principal-Component-Analysis (PCA). More details in the python program as comments.

Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

JuliaPOMDP/CompressedBeliefMDPs.jl

Compressed belief-state MDPs in Julia for reinforcement learning and sequential decision making. Part of the POMDPs.jl community.

Language: Julia - Size: 692 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 5 - Forks: 0

smith6jt-cop/KINTSUGI

Jupyter notebook based multiplex image processing pipeline.

Language: Jupyter Notebook - Size: 533 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 7 - Forks: 0

vda-lab/lensed_umap

Functions that filter UMAP graphs using domain knowledge.

Language: Jupyter Notebook - Size: 106 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

belubeluga/SVD_and_LeastSquares

SVD and Least Squares: Compression, Dimensionality Reduction, and Prediction.

Language: Python - Size: 13.9 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

GAA-UAM/scikit-fda

Functional Data Analysis Python package

Language: Python - Size: 12.6 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 326 - Forks: 62

xarray-contrib/xeofs

Comprehensive EOF analysis in Python with xarray: A versatile, multidimensional, and scalable tool for advanced climate data analysis

Language: Python - Size: 44.8 MB - Last synced at: about 17 hours ago - Pushed at: 5 months ago - Stars: 120 - Forks: 23

lmcinnes/umap

Uniform Manifold Approximation and Projection

Language: Python - Size: 90.1 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 7,813 - Forks: 838

navdeep-G/dimreduce4gpu

Dimensionality reduction ("dimreduce") on GPUs ("4gpu")

Language: Cuda - Size: 126 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 2 - Forks: 1

Amirreza81/Applied-Data-Science-Course

Comprehensive notes, practical exercises, and problem-solving solutions from the Applied Data Science course, covering data preprocessing, machine learning algorithms, statistical analysis, data visualization, and real-world applications.

Language: Jupyter Notebook - Size: 5.58 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 4 - Forks: 0

TorchDR/TorchDR

TorchDR - PyTorch Dimensionality Reduction

Language: Python - Size: 5.56 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 128 - Forks: 10

vaishnavijain25/PCA-Based-Digit-Classification

A machine learning project that uses Principal Component Analysis (PCA) for dimensionality reduction and Logistic Regression for classifying handwritten digit images from the scikit-learn digits dataset.

Language: Jupyter Notebook - Size: 151 KB - Last synced at: about 11 hours ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

grtlr/uapca

Uncertainty-aware principal component analysis.

Language: TypeScript - Size: 823 KB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 1

FabrizioMusacchio/dimensionality_reduction_in_neuroscience

Course material for "Dimensionality reduction in Neuroscience"

Language: Jupyter Notebook - Size: 35.1 MB - Last synced at: 5 days ago - Pushed at: 8 months ago - Stars: 3 - Forks: 1

AndreasLF/HowLowCanYouGo

🚀 HowLowCanYouGo – Official implementation of "How Low Can You Go? Searching for the Intrinsic Dimensionality of Complex Networks Using Metric Node Embeddings" (ICLR 2025)

Language: Python - Size: 66.4 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 0

aida-ugent/TRACE

Interactive quality analysis for two-dimensional embeddings

Language: JavaScript - Size: 2.65 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 13 - Forks: 0

calebgeniesse/reciprocal_isomap

A reciprocal variant of Isomap for robust non-linear dimensionality reduction in Python

Language: Python - Size: 2.94 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 2 - Forks: 0

Ishikawa7/Audio_anomalies_detection_test

Anomaly Detection on Audio MNIST (Digit "Six") with Self-Supervised Exploration

Language: Jupyter Notebook - Size: 111 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

gexijin/datamap

DataMap is a browser-based app for visualizing data using heatmaps, PCA plots, and t-SNE plots.

Language: R - Size: 2.31 MB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 56 - Forks: 11

harveybc/feature-extractor

Application for training an autoencoder for generating an encoder that can be used as feature extractor for dimensionality and noise reduction, while the decoder can be used for synthetic data generation. Supports dynamic plugin integration, allowing users to extend its capabilities by adding custom encoder and decoder models.

Language: Python - Size: 184 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 5 - Forks: 0

beringresearch/ivis

Dimensionality reduction in very large datasets using Siamese Networks

Language: Python - Size: 35.3 MB - Last synced at: 7 days ago - Pushed at: 9 months ago - Stars: 334 - Forks: 44

reichmla/lsp-python

lsp-python is a lightweight implementation of the least square projection (LSP) dimensionality reduction technique using a sklearn style API.

Language: Python - Size: 258 KB - Last synced at: 7 days ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

Qaswara98/Thesis_PCA_vs_AE

This project is a comparative study of Autoencoder (AE) and Principal Component Analysis (PCA) for dimensionality reduction in gene expression data. It aims to understand the unique capabilities and applications of both methods in handling high-dimensional biological data.

Language: Jupyter Notebook - Size: 428 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

DaeDae1234/t-sne-mnist-visualization

This repository offers a clear implementation of t-SNE visualization on the MNIST dataset, showcasing how to effectively reduce dimensionality for better data interpretation. Explore the project structure and usage details to enhance your understanding of machine learning techniques! 🐙💻

Language: Jupyter Notebook - Size: 516 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

GRvanderPloeg/NPLStoolbox

Creation and selection of N-way Partial Least Squares (NPLS) models

Language: HTML - Size: 18 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

Anishgoswamicode/wikipedia-semantic-clustering

Unsupervised semantic clustering of Wikipedia topics using Sentence-BERT embeddings, UMAP for visualization, and DBSCAN for topic discovery

Language: Jupyter Notebook - Size: 149 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

JuliaStats/MultivariateStats.jl

A Julia package for multivariate statistics and data analysis (e.g. dimension reduction)

Language: Julia - Size: 1.55 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 384 - Forks: 85

DataS-DHSC/tech-club

Materials for Statistics and Data Science (SDS) Tech Club sessions

Language: Jupyter Notebook - Size: 905 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

sashakolpakov/dire-jax

DImensionality REduction in JAX

Language: Python - Size: 215 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 5 - Forks: 1

davisidarta/topometry

Systematically learn and evaluate manifolds from high-dimensional data

Language: Python - Size: 659 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 99 - Forks: 5

sergezaugg/food_image_clustering

A interactive app to cluster images based on features from imagenet-pretrained CNN models

Language: Python - Size: 1.41 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

chiggum/pyLDLE2

Implementation of Low Distortion Local Eigenmaps and several variations of it

Language: Python - Size: 783 MB - Last synced at: 9 days ago - Pushed at: 8 months ago - Stars: 18 - Forks: 1

FiammettaC/AI-for-Chemical-Engineers

This is a practical course designed for chemical engineers that want to learn the basics of AI. The course is very practical and will cover various topics, such as basic Python syntax, data visualization, machine learning and deep learning models, natural language processing, image processing and explainability.

Language: Jupyter Notebook - Size: 74.3 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 42 - Forks: 7

NMsby/pca-machine-learning-lab

Principal Component Analysis (PCA) implementation and analysis lab for Machine Learning. Features manual PCA implementation, scikit-learn applications, data compression, and feature extraction with detailed visualizations.

Language: Jupyter Notebook - Size: 6.27 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 1 - Forks: 0

berenslab/t-simcne

Unsupervised visualization of image datasets using contrastive learning

Language: Python - Size: 16.1 MB - Last synced at: 3 days ago - Pushed at: about 1 month ago - Stars: 114 - Forks: 14

polis-community/red-dwarf

A DIMensional REDuction library for stellarpunk democracy into the long haul. (Inspired by Pol.is)

Language: Python - Size: 2.58 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 10 - Forks: 2

alexym1/booklet

Multivariate exploratory data analysis in R

Language: R - Size: 4.54 MB - Last synced at: 17 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

JustGlowing/minisom

:red_circle: MiniSom is a minimalistic implementation of the Self Organizing Maps

Language: Python - Size: 19.1 MB - Last synced at: 20 days ago - Pushed at: 3 months ago - Stars: 1,518 - Forks: 439

stefan-zobel/dynmode-decompJ

Java Dynamic Mode Decomposition

Language: Java - Size: 89.8 KB - Last synced at: 19 days ago - Pushed at: 20 days ago - Stars: 1 - Forks: 0

channelcharting/channelcharting.github.io

Channel Charting Website

Size: 49.8 MB - Last synced at: 20 days ago - Pushed at: 21 days ago - Stars: 10 - Forks: 3

gszep/FlowAtlas.jl

an interactive explorer for flow cytometry data

Language: JavaScript - Size: 1.06 GB - Last synced at: 7 days ago - Pushed at: 12 months ago - Stars: 14 - Forks: 1

ncola/youtube_analysis_poland

YouTube content analysis about Poland — video and transcript data collection, data exploration, NLP, clustering (K-Means, LDA), sentiment analysis, and visualizations

Language: Jupyter Notebook - Size: 5.43 MB - Last synced at: 12 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

thieu1995/mafese

Feature Selection using Metaheuristics Made Easy: Open Source MAFESE Library in Python

Language: Python - Size: 4.52 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 77 - Forks: 24

TIO-IKIM/Spacewalker

Traversing Representation Spaces for Fast Interactive Exploration and Annotation of Unstructured Data

Language: JavaScript - Size: 11.1 MB - Last synced at: 13 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

eugenehp/fast-umap

UMAP (Uniform Manifold Approximation and Projection) in Rust

Language: Rust - Size: 8.79 MB - Last synced at: 21 days ago - Pushed at: 5 months ago - Stars: 11 - Forks: 0

dliu18/fair-cf

Code to reproduce the paper "When Collaborative Filtering is not Collaborative: Unfairness of PCA for Recommendations". Published at FAccT'25.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

tirthajyoti/Machine-Learning-with-Python

Practice and tutorial-style notebooks covering wide variety of machine learning techniques

Language: Jupyter Notebook - Size: 96.7 MB - Last synced at: 25 days ago - Pushed at: about 2 years ago - Stars: 3,219 - Forks: 1,823

PAIR-code/umap-js

JavaScript implementation of UMAP

Language: JavaScript - Size: 3.55 MB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 396 - Forks: 34

ymgw55/Axis-Tour

Axis Tour: Word Tour Determines the Order of Axes in ICA-transformed Embeddings (Published in EMNLP 2024 Findings)

Language: Python - Size: 25.6 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

KrishnaswamyLab/PHATE

PHATE (Potential of Heat-diffusion for Affinity-based Transition Embedding) is a tool for visualizing high dimensional data.

Language: Python - Size: 142 MB - Last synced at: 28 days ago - Pushed at: 2 months ago - Stars: 500 - Forks: 78

ua-datalab/MLWorkshops

UArizona DataLab Workshops

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

benedekrozemberczki/awesome-community-detection

A curated list of community detection research papers with implementations.

Language: Python - Size: 2.21 MB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 2,376 - Forks: 363

taneishi/PCA

Principal Component Analysis using Python.

Language: Python - Size: 114 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 1

hanhuark/MEEG-54403

MEEG-44403/54403 Machine Learning for Mechanical Engineers at the University of Arkansas

Language: Jupyter Notebook - Size: 71.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 38 - Forks: 8

michelin/TorchSOM

TorchSOM is a PyTorch-based library for training Self-Organizing Maps (SOMs), a type of unsupervised learning algorithm used for clustering and dimensionality reduction. Designed for scalability and ease of use, this implementation is optimized for large-scale data.

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

ROCCYK/ML-ClusteringAndDimensionalityReduction

This repository contains coursework and implementations for the Clustering and Dimensionality Reduction class, part of the Honours Bachelor of Artificial Intelligence degree at Durham College.

Language: HTML - Size: 17.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

PacktWorkshops/The-Data-Science-Workshop

A New, Interactive Approach to Learning Data Science

Language: Jupyter Notebook - Size: 169 MB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 228 - Forks: 220

dillondaudert/UMAP.jl

Uniform Manifold Approximation and Projection (UMAP) implementation in Julia

Language: Julia - Size: 2.72 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 133 - Forks: 17

sisl/ExpFamilyPCA.jl

A Julia package for exponential family principal component analysis (EPCA).

Language: Julia - Size: 17.8 MB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 8 - Forks: 2

engrfaisal90/Deep-Learning-2019

Developing deep learning models with only numpy and panda and without using high level libraries such as Tensorflow, Keras and PyTorch

Language: Python - Size: 8.91 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

jlmelville/uwot

An R package implementing the UMAP dimensionality reduction method.

Language: R - Size: 91 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 336 - Forks: 31

fcomitani/simpsom

Python library for Self-Organizing Maps

Language: Python - Size: 34.5 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 162 - Forks: 40

pavlin-policar/openTSNE

Extensible, parallel implementations of t-SNE

Language: Python - Size: 70 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 1,530 - Forks: 173

Devinterview-io/dimensionality-reduction-interview-questions

🟣 Dimensionality Reduction interview questions and answers to help you prepare for your next machine learning and data science interview in 2025.

Size: 30.3 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 10 - Forks: 1

GRvanderPloeg/parafac4microbiome

Creation and selection of Parallel Factor Analysis models of longitudinal microbiome data.

Language: R - Size: 67 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 1

nla-group/fABBA

A Python library for the fast symbolic approximation of time series

Language: Python - Size: 550 MB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 45 - Forks: 11

AG-Peter/encodermap

python library for dimensionality reduction

Language: Python - Size: 111 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 29 - Forks: 10

ContextLab/timecorr

Estimate dynamic high-order correlations in multivariate timeseries data

Language: Jupyter Notebook - Size: 128 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 40 - Forks: 12

ventus550/somu

A simple high-performance implementation of the Self-Organizing Map (SOM) algorithm in Rust, exposed as a Python module.

Language: Rust - Size: 2.61 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

abhinabasaha/ml

Language: Jupyter Notebook - Size: 960 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

kianaseraj/Masters-Archive

Archive of projects and reports from my Master's studies.

Language: Python - Size: 5.55 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

machenslab/dPCA

An implementation of demixed Principal Component Analysis (a supervised linear dimensionality reduction technique)

Language: Jupyter Notebook - Size: 1.51 MB - Last synced at: 29 days ago - Pushed at: about 3 years ago - Stars: 297 - Forks: 96

NoWon1/scRNA_seq_analysis

This repository contains an analysis pipeline for processing and visualizing single-cell RNA sequencing (scRNA-seq) data using the Seurat package in R. The dataset used is the Peripheral Blood Mononuclear Cells (PBMC) 3K dataset from 10X Genomics.

Language: R - Size: 530 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

yuki-koyama/mathtoolbox

Mathematical tools (interpolation, dimensionality reduction, optimization, etc.) written in C++11 with Eigen

Language: C++ - Size: 8.94 MB - Last synced at: 20 days ago - Pushed at: about 3 years ago - Stars: 272 - Forks: 38

SingleRust/single-algebra

Language: Rust - Size: 335 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

jeroenjanssens/dimensionality-reduction-animated

Dimensionality Reduction, Animated

Language: Jupyter Notebook - Size: 96.7 MB - Last synced at: 5 days ago - Pushed at: 11 months ago - Stars: 7 - Forks: 0

cvxgrp/pymde

Minimum-distortion embedding with PyTorch

Language: Python - Size: 46.8 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 548 - Forks: 26

Chayadon/Reconstruction_attack_on_DR

Investigating Privacy Leakage in Dimensionality Reduction via Reconstruction Attack

Language: Python - Size: 34.2 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Yashasvi1714/Predictive_modelling-on-cenus-data

Machine learning models trained on U.S. Census data to classify income levels, including preprocessing, PCA, SVD, and evaluation with MLP, logistic regression, and Naïve Bayes.

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

iqiukp/KPCA-MATLAB

MATLAB code for dimensionality reduction, feature extraction, fault detection, and fault diagnosis using Kernel Principal Component Analysis (KPCA).

Language: MATLAB - Size: 6.65 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 250 - Forks: 80

kk7nc/Text_Classification

Text Classification Algorithms: A Survey

Language: Python - Size: 13.8 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1,811 - Forks: 544

sgh14/deep-diffusion-maps

A novel implementation of diffusion maps using deep learning (neural networks).

Language: Python - Size: 15.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

lmcinnes/enstop

Ensemble topic modelling with pLSA

Language: Python - Size: 233 KB - Last synced at: 17 days ago - Pushed at: over 3 years ago - Stars: 115 - Forks: 12

frjnn/bhtsne

Parallel Barnes-Hut t-SNE implementation written in Rust.

Language: Rust - Size: 6.94 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 78 - Forks: 8

diegozain/alles

All small projects that need a place to live, live here. Optimization, numerical methods, graph theory, and more.

Language: MATLAB - Size: 61.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 2

al4744/rec-system

🎵 A Python-based content recommendation system using ML algorithms and matrix factorization techniques to analyze 600k-song dataset. Combines SVD, NMF, Factorization Machines, and Direct Similarity for personalized music suggestions. Handles cold start, optimizes with weighted similarity, and includes tools for visualization & evaluation.

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

lanl/T-ELF

Tensor Extraction of Latent Features (T-ELF). Within T-ELF's arsenal are non-negative matrix and tensor factorization solutions, equipped with automatic model determination (also known as the estimation of latent factors - rank) for accurate data modeling. Our software suite encompasses cutting-edge data pre-processing and post-processing modules.

Language: Python - Size: 47.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 19 - Forks: 6

Salvo-zizzi/Image-compression

Image compression with dimensionality reduction tecnics

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

ImmuneDynamics/Spectre

A computational toolkit in R for the integration, exploration, and analysis of high-dimensional single-cell cytometry and imaging data.

Language: HTML - Size: 602 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 62 - Forks: 22

Related Keywords
dimensionality-reduction 1,185 machine-learning 404 clustering 218 pca 214 python 193 data-science 128 classification 118 principal-component-analysis 111 unsupervised-learning 94 data-visualization 91 deep-learning 91 visualization 71 regression 64 feature-selection 63 umap 63 r 58 tsne 56 autoencoder 53 pca-analysis 52 machine-learning-algorithms 52 t-sne 48 manifold-learning 45 logistic-regression 45 numpy 44 scikit-learn 44 pandas 44 feature-extraction 43 kmeans-clustering 38 natural-language-processing 38 sklearn 36 exploratory-data-analysis 36 random-forest 36 python3 35 linear-regression 35 data-analysis 34 feature-engineering 33 neural-networks 33 neural-network 32 supervised-learning 32 unsupervised-machine-learning 32 svd 31 clustering-algorithm 31 pytorch 30 data-mining 28 statistics 27 nlp 27 tensorflow 26 jupyter-notebook 26 matplotlib 26 k-means-clustering 26 svm 24 reinforcement-learning 24 decision-trees 23 linear-discriminant-analysis 21 data-preprocessing 21 optimization 20 regression-models 20 singular-value-decomposition 20 image-processing 20 dimension-reduction 19 support-vector-machines 19 outlier-detection 18 eda 18 computer-vision 17 matlab 17 anomaly-detection 17 lda 17 isomap 17 recommender-system 17 hierarchical-clustering 17 classification-algorithm 16 bioinformatics 16 single-cell 16 kmeans 16 cross-validation 16 convolutional-neural-networks 15 autoencoders 15 time-series 15 self-organizing-map 15 linear-algebra 15 preprocessing 14 embeddings 14 keras 14 embedding 14 association-rules 13 model-selection 13 svm-classifier 13 mds 13 knn 12 image-classification 12 cluster-analysis 12 mnist 12 som 11 high-dimensional-data 11 matrix-factorization 11 tsne-algorithm 11 kaggle-competition 11 nlp-machine-learning 11 cnn 11 diffusion-maps 11