#
kmeans-clustering
Here are 891 public repositories matching this topic...
Python code for common Machine Learning Algorithms
random-forest
svm
linear-regression
naive-bayes-classifier
pca
logistic-regression
decision-trees
lda
polynomial-regression
kmeans-clustering
hierarchical-clustering
svr
knn-classification
xgboost-algorithm
-
Updated
Jun 18, 2020 - Jupyter Notebook
C++ DataFrame for statistical, Financial, and ML analysis -- in modern C++ using native types, continuous memory storage, and no pointers are involved
cpp
statistical-analysis
data-analysis
trading-strategies
trading-algorithms
numerical-methods
dataframe
financial-data
heterogeneous-lists
kmeans-clustering
numerical-analysis
heterogeneous
financial-engineering
multidimensional-data
affinity-propagation
heterogeneous-data
multi-dimensional-array
financial-data-analysis
large-data
dataframe-performance
-
Updated
Aug 24, 2020 - C++
A simple machine learning framework written in Swift 🤖
swift
machine-learning
neural-network
genetic-algorithm
linear-regression
machine-learning-algorithms
regression
artificial-intelligence
machine-learning-library
feedforward-neural-network
kmeans
ridge-regression
polynomial-regression
backpropagation
kmeans-clustering
mlkit
lasso-regression
-
Updated
Aug 28, 2018 - Swift
machine learning algorithm
hmm
log
svm
crf
linear-regression
dnn
id3
logistic-regression
cart
adaboost
bayes
gmm
rf
knn
softmax-regression
kmeans-clustering
memm
-
Updated
Jul 24, 2020 - C++
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
neural-network
random-forest
linear-regression
machine-learning-algorithms
naive-bayes-classifier
supervised-learning
gaussian-mixture-models
logistic-regression
kmeans
decision-trees
knn
principal-component-analysis
dynamic-time-warping
kmeans-clustering
em-algorithm
kmeans-algorithm
singular-value-decomposition
knn-classification
gaussian-classifier
value-iteration-algorithm
-
Updated
May 15, 2017 - MATLAB
Streaming Anomaly Detection Solution by using Pub/Sub, Dataflow, BQML & Cloud DLP
-
Updated
Aug 20, 2020 - Java
A python implementation of KMeans clustering with minimum cluster size constraint (Bradley et al., 2000)
-
Updated
May 12, 2020 - Python
kmeans using PyTorch
-
Updated
May 18, 2020 - Jupyter Notebook
An approach to document exploration using Machine Learning. Let's cluster similar research articles together to make it easier for health professionals to find relevant research articles, and respond to rapidly spreading COVID-19 promptly.
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
Jul 2, 2020 - HTML
Super fast simple k-means implementation for unidimiensional and multidimensional data.
nodejs
javascript
fast
browser
cluster
kmeans
k-means
kmeans-clustering
multidimensional
kmeans-algorithm
centroid
k-means-clustering
unidimensional
-
Updated
Jul 30, 2020 - JavaScript
Personalized real-time movie recommendation system
real-time
movie
rating
collaborative-filtering
recommendation-system
movie-recommendation
movielens-dataset
kmeans-clustering
slope-one
-
Updated
Jun 7, 2019 - Java
统计分析课程实验作业/包含《统计分析方法》中因子分析,主成分分析,Kmeans聚类等典型算法的手写实现
-
Updated
Feb 15, 2020 - Python
Code for determining optimal number of clusters for K-means algorithm using the 'elbow criterion'
-
Updated
Nov 13, 2019 - Jupyter Notebook
An approach for finding dominant color in an image using KMeans clustering with scikit learn and openCV. The approach here is built for realtime applications using TouchDesigner and python multi-threading.
-
Updated
Aug 11, 2020 - Python
Parallel & lightning fast implementation of available classic and contemporary variants of the KMeans clustering algorithm
clustering
julia
parallel-computing
kmeans-clustering
kmeans-clustering-algorithm
mlj
mlj-unsupervised
-
Updated
Aug 6, 2020 - Julia
David Mackay's book review and problem solvings and own python codes, mathematica files
python
data-science
clustering-algorithm
kmeans-clustering
hamiltonian-monte-carlo
gibbs-sampling
maximum-likelihood-estimation
monte-carlo-sampling
mathematica-notebook
-
Updated
Sep 19, 2017 - Jupyter Notebook
Collection of tensorflow notebooks tutorials for implementing the most important Deep Learning algorithms.
tutorial
deep-learning
notebook
tensorflow
mnist
autoencoder
resnet
tensorflow-tutorials
convolutional-neural-networks
perceptron
generative-adversarial-networks
kmeans-clustering
cifar-10
lenet-5
resnet-18
cifar-100
tfrecord-format
-
Updated
Aug 15, 2018 - Jupyter Notebook
Implementing Genetic Algorithm on K-Means and compare with K-Means++
-
Updated
Jan 27, 2018 - Python
-
Updated
Jan 22, 2019 - Python
Implemented ML algorithms in hyperbolic geometry (MDS, K-Means, Support vector machines, etc.)
-
Updated
May 19, 2020 - Jupyter Notebook
Computer Vision - Impemented algorithms - Hybrid image, Corner detection, Scale space blob detection, Scene classifiers, Vanishing point detection, Finding height of an object, Image stitching.
python
computer-vision
deep-learning
svm
corner-detection
transfer-learning
vgg16
image-stitching
googlenet
kmeans-clustering
hybrid-image
vanishing-points
resnet-50
blob-detection
knn-classification
-
Updated
Jun 6, 2018 - 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
Performs an exploratory analysis on a dataset containing information about shop customers. Check that the assumptions K-means makes are fulfilled. Apply K-means clustering algorithm in order to segment customers.
-
Updated
Feb 19, 2020 - Jupyter Notebook
Unsupervised Machine Learning: Nonnegative Tensor Factorization + k-means clustering
machine-learning
sparsity
feature-extraction
unsupervised-learning
kmeans-clustering
tensor-decomposition
cp-decomposition
blind-source-separation
tensor-networks
hosvd
tucker-decomposition
-
Updated
Jul 30, 2020 - Julia
Using Maching Learning KMeans Algorithm to reduce image colors and compress
-
Updated
Dec 28, 2017 - Java
Improve this page
Add a description, image, and links to the kmeans-clustering topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the kmeans-clustering topic, visit your repo's landing page and select "manage topics."


Hi I would like to propose a better implementation for 'test_indices':
We can remove the unneeded np.array casting:
Cleaner/New:
test_indices = list(set(range(len(texts))) - set(train_indices))
Old:
test_indices = np.array(list(set(range(len(texts))) - set(train_indices)))