-
Updated
Jul 26, 2021 - C++
#
tsne
Here are 205 public repositories matching this topic...
Deep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
machine-learning
caffe
deep-learning
time-series
server
tensorflow
gpu
rest-api
xgboost
image-classification
object-detection
dlib
image-segmentation
tsne
neural-nets
deepdetect
tensorrt
ncnn
Parallel t-SNE implementation with Python and Torch wrappers.
-
Updated
Jun 3, 2021 - C++
Extensible, parallel implementations of t-SNE
-
Updated
Jun 6, 2021 - Python
Java Statistical Analysis Tool, a Java library for Machine Learning
-
Updated
May 6, 2021 - Java
food image to recipe with deep convolutional neural networks.
food
recipes
data-science
machine-learning
recognition
deep-learning
chef
keras
jupyter-notebook
cnn
python3
vgg
classification
food-classification
convolutional-neural-networks
vgg16
inceptionv3
tsne
dish
cooking-dishes
-
Updated
Jun 8, 2021 - Jupyter Notebook
t-Distributed Stochastic Neighbor Embedding (t-SNE) in Go
visualization
go
data-science
machine-learning
dimensionality-reduction
unsupervised-learning
tsne
3d
-
Updated
Jul 8, 2020 - Go
Object classification with CIFAR-10 using transfer learning
visualization
classifier
images
keras
cnn
classification
image-classification
convolutional-networks
convolutional-neural-networks
transfer-learning
tsne-algorithm
tsne
keras-models
keras-classification-models
keras-neural-networks
cnn-keras
cnn-model
keras-visualization
classification-algorithm
cnn-architecture
-
Updated
Jun 27, 2021 - Jupyter Notebook
用Tensorflow实现的深度神经网络。
tensorflow
convolutional-neural-network
tsne
dbn
deep-belief-network
long-short-term-memory
recurrent-neural-network
stacked-autoencoder
stacked-sparse-autoencoder
stacked-denoising-autoencoders
-
Updated
Nov 22, 2019 - Python
Brings transcriptomics to the tidyverse
pipe
tidy-data
tidyverse
pca
bioconductor
deseq2
entrez
tidy
transcripts
transcriptomics
tsne
differential-expression
edger
redundancy
gsea
tibble
gene-symbols
bulk-transcriptional-analyses
mds-dimensions
ensembl-ids
-
Updated
Jul 19, 2021 - R
Explore high-dimensional datasets and how your algo handles specific regions.
visualization
data-science
machine-learning
data-mining
big-data
construct
data-visualization
pca
ship
kmeans
t-sne
unsupervised-learning
tsne
dbscan
self-organizing-map
2d-space
npz
-
Updated
Jul 19, 2018 - Python
Python Wrapper for t-SNE Visualization
-
Updated
Jan 12, 2018 - Python
Deep Learning: Image classification, feature visualization and transfer learning with Keras
search-engine
deep-learning
feature-extraction
image-classification
transfer-learning
tsne
pretrained-network
-
Updated
May 23, 2020 - Jupyter Notebook
tsne visualization of images in a square grid
-
Updated
Jul 9, 2021 - Python
Pytorch implementation for t-SNE
-
Updated
May 8, 2021 - Python
An approach to document exploration using Machine Learning. Let's cluster similar research articles together to make it easier for health professionals and researchers to find relevant research articles.
machine-learning
random-forest
clustering
sklearn
kaggle
pca
classification
dimensionality-reduction
bokeh
kmeans
tsne
principal-component-analysis
kmeans-clustering
sgd-classifier
coronavirus
covid-19
-
Updated
Dec 12, 2020 - HTML
Seurat meets tidyverse. The best of both worlds.
ggplot2
dplyr
tidyverse
pca
transcripts
single-cell
tsne
umap
normalization
tibble
tidyr
sct
purrr
single-cell-rna-seq
seurat
-
Updated
Jul 28, 2021 - R
A python wrapper for Barnes-Hut tsne: for Python >= 3.5
-
Updated
Apr 4, 2017 - Python
Google News and Leo Tolstoy: Visualizing Word2Vec Word Embeddings using t-SNE.
visualization
nlp
machine-learning
word2vec
word-embeddings
embeddings
machinelearning
computational-linguistics
tsne
nlp-machine-learning
google-news
leo-tolstoy
-
Updated
Nov 15, 2018 - Jupyter Notebook
create "Karpathy's style" 2d images out of your image embeddings
-
Updated
Mar 23, 2021 - Python
PyTorch implementation of the Word2Vec (Skip-Gram Model) and visualizing the trained embeddings using TSNE
python
nlp
natural-language-processing
word2vec
pytorch
neural-networks
skip-gram
tsne
skipgram
wordembeddings
-
Updated
Sep 6, 2020 - Python
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
random-forest
svm
naive-bayes
logistic-regression
machinelearning
decision-trees
knn
tsne
kmeans-clustering
truncated-svd
amazonfinefoodreviews
-
Updated
Jul 26, 2019 - Jupyter Notebook
davisidarta
commented
May 6, 2021
Hi! This is fantastic work, congratulations!
I'm, however, saddened by the somewhat hard-coded kNN graph computation, based solely on PCA, which can be misleading if data does not necessarily lie in a series of linear subspaces. A huge deal of work has been done lately on dimensional reduction, and thus restricting the kNN graphs to PCA is an important limitation. Is there any way to compute th
A tidyverse suite for (pre-) machine-learning: cluster, PCA, permute, impute, rotate, redundancy, triangular, smart-subset, abundant and variable features.
r
clustering
rstudio
matrix
tidy-data
tidyverse
data-frame
pca
imputation
dimensionality-reduction
data-analysis
tidy
subset
mds
tsne
combine
redundancy
tibble
permute
rotated-dimensions
-
Updated
Dec 15, 2020 - R
Single Cell Analysis course at Cold Spring Harbor Laboratory 2017
python
bioinformatics
scikit-learn
jupyter-notebook
seaborn
pca
matplotlib
machinelearning
single-cell
tsne
singlecell
-
Updated
Oct 19, 2017 - Jupyter Notebook
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
-
Updated
Jun 1, 2021 - Python
Improve this page
Add a description, image, and links to the tsne topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the tsne topic, visit your repo's landing page and select "manage topics."
Thank you for this fantastic work!
Could it be possible the fit_transform() method returns the KL divergence of the run?
Thx!