t-sne
There are 282 repositories under t-sne topic.
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
KlugerLab/FIt-SNE
Fast Fourier Transform-accelerated Interpolation-based t-SNE (FIt-SNE)
umbertogriffo/fast-near-duplicate-image-search
Fast Near-Duplicate Image Search and Delete using pHash, t-SNE and KDTree.
saehm/DruidJS
A JavaScript Library for Dimensionality Reduction
ZYK100/LLCM
[CVPR 2023] Diverse Embedding Expansion Network and Low-Light Cross-Modality Benchmark for Visible-Infrared Person Re-identification
mwdhont/SimCLRv1-keras-tensorflow
Tensorflow-Keras implementation of SimCLR: Simple Framework for Contrastive Learning of Visual Representations by Chen et al. (2020)
0011001011/vizuka
Explore high-dimensional datasets and how your algo handles specific regions.
xieguigang/sciBASIC
sciBASIC# is a kind of dialect language which is derive from the native VB.NET language, and written for the data scientist.
jlmelville/smallvis
R package for dimensionality reduction of small datasets
animebing/mnist_tsne
t-sne visualization of mnist images when feature is represented by raw pixels and cnn learned feature
snatch59/cnn-svm-classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
sdimi/spotifav
🤘 Map out your musical taste on Spotify with machine learning
KellerJordan/tSNE-Animation
Hacking sklearn's t-SNE implementation to animate embedding process
alaBay94/Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
berenslab/umi-normalization
Companion repository to Lause, Berens & Kobak (2021): "Analytic Pearson residuals for normalization of single-cell RNA-seq UMI data", Genome Biology
AliAmini93/ADHDeepNet
ADHDeepNet is a model that integrates temporal and spatial characterization, attention modules, and explainability techniques, optimized for EEG data ADAD diagnosis. Neural Architecture Search (NAS), Hyper-parameter optimization, and data augmentation are also incorporated to enhance the model's performance and accuracy.
RubixML/Credit
An example project that predicts risk of credit card default using a Logistic Regression classifier and a 30,000 sample dataset.
DeplanckeLab/ASAP
ASAP : Automated Single-cell Analysis Pipeline
palle-k/tsne-pytorch
CUDA-accelerated PyTorch implementation of t-SNE
TrainingByPackt/Applied-Unsupervised-Learning-with-Python
Discover hidden patterns and relationships in unstructured data with Python
sourcecode369/ml-algorithms-on-scikit-and-keras
Implementation scripts of Machine Learning algorithms on Scikit-learn and Keras for complete novice..
rajpurkar/tsneez
Fast javascript implementation of T-SNE with tree-based acceleration
jlmelville/sneer
Stochastic Neighbor Embedding Experiments in R
0xshreyash/tsne-lib
A simple library for t-SNE animation and a zoom-in feature to apply t-SNE in that region
lesleyping/Machine-Learning
Image classification using SVM, KNN, Bayes, Adaboost, Random Forest and CNN.Extracting features and reducting feature dimension using T-SNE, PCA, LDA.
prihoda/usum
USUM: Plotting sequence similarity using USEARCH & UMAP & t-SNE
hagax8/ancestry_viz
GTM and t-SNE classification and clustering of 1000 Genomes Project populations
jlmelville/snedata
SNE Simulation Dataset Functions
r2d4/blog-embeddings
Script to generate embeddings from a blog and use GPT-3.5 to categorize the embedding space
Academich/reaction_space_ptsne
Visualizing the space of chemical reactions with the parametric (learnable) t-SNE.
shik3519/collaborative-filtering
Implementation of collaborative filtering using fastai and pytorch
giocoal/CXR-ACGAN-chest-xray-generator-covid19-pneumonia
CXR-ACGAN: Auxiliary Classifier GAN (AC-GAN) for Chest X-Ray (CXR) Images Generation (Pneumonia, COVID-19 and healthy patients) for the purpose of data augmentation. Implemented in TensorFlow, trained on COVIDx CXR-3 dataset.
olekscode/Examples-PCA-tSNE
Some examples of using PCA and t-SNE for dimensionality reduction in Python and R
pandas9/gan-latent-space-tsne-js
Robust way to explore GAN model latent space on web using three.js & t-SNE
rahulvigneswaran/tsne-plotter
This is Matlab script for plotting 2 Dimensional and 3 Dimensional t-Distributed Stochastic Neighbor Embedding (t-SNE).
sushantdhumak/Human-Activity-Recognition-with-Smartphones
Kaggle Machine Learning Competition Project : To classify activities into one of the six activities performed by individuals by reading the inertial sensors data collected using Smartphone.