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

GitHub topics: kmeans-plus-plus

GoldinGuy/K-Means-TS

💹 K-Means clustering implementation in TypeScript

Language: TypeScript - Size: 9.21 MB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 22 - Forks: 5

algo-hhu/fair-kmeans

Fair K-Means produces a fair clustering assignment according to the fairness definition of Chierichetti et al. Each point has a binary color, and the goal is to assign the points to clusters such that the number of points with different colors in each cluster is the same and the cost of the clusters is minimized.

Language: C++ - Size: 221 KB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

raufsingh/Customer_Segmentation_KMeans

Clustering credit card customers with K-Means, PCA, and Hopkins statistic for segmentation and evaluation

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

YNWA-Algo/Credit-Card-Fraud-Detection

This project is aimed at leveraging dataset containing > 500K credit card transaction in Europe in 2023 to train a ML model to predict/detect fraudulent transactions.

Language: Jupyter Notebook - Size: 735 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

algo-hhu/FLSpp

Implementation of the FLS++ algorithm for K-Means clustering.

Language: C++ - Size: 12.6 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 4 - Forks: 1

vanstrouble/kmeans-from-scratch

K-means algorithm from scratch using Python.

Language: Jupyter Notebook - Size: 13.5 MB - Last synced at: 27 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

SaadARazzaq/Imtiaz-Remastered

Data Science for Supermarket Customer Retention

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

GoldinGuy/MTGMeta-TS

🃏 Determine the MTG metagame using K-means++ clustering

Language: JavaScript - Size: 2.39 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

kumaranjalij/Flora-Genie

Flora Genie is a personalized plant recommendation system designed to help amateur gardeners select the most suitable plants for their homes or gardens.

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

jermp/kmeans

A small, header-only, parallel implementation of kmeans clustering for arbitrary-long byte vectors.

Language: C++ - Size: 28.3 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Pratik94229/Credit-Card-Default-Prediction-End-to-End-Project

This is an end-to-end project that focuses on predicting credit card default using machine learning techniques. The project includes data validation,data preprocessing, model training, evaluation, and deployment.

Language: Jupyter Notebook - Size: 9.64 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

arjunsk/kmeans

Go library implementing Kmeans++ and Elkan's Kmeans algorithm

Language: Go - Size: 130 KB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

formegusto/kmeans-with-ui-interaction

KMeans With UI Interaction은 클릭 혹은 터치 이벤트를 통해 생성된 포인트 형태의 데이터 집합을 사용하여 KMeans++ Clustering을 진행하는 일련의 과정을 경험해 볼 수 있는 웹 서비스 입니다.

Language: TypeScript - Size: 3.11 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

zjykzj/anchor-boxes

Tool used to generate anchor-boxes required for training YOLO networks

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

maydodu/CENG499-Machine-Learning

Homeworks of the CENG499: Introduction to Machine Learning course

Language: Python - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

formegusto/kmeans-ts

Typescript로 구현해 보는 KMeans

Language: TypeScript - Size: 105 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

YardenBakish/Data-Clustering-Algorithms-Visualizer

Software Project Course - Implementation of Kmeans and Spectral Clustering algorithms in python integrated with C extensions

Language: Python - Size: 22.5 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Niranjankumar-c/CustomerSegmentation-Banking

Develop a customer segmentation to define marketing strategy. Used PCA to reduce dimensions of the dataset and KMeans++ clustering technique is used for clustering and profiling of clusters.

Language: Jupyter Notebook - Size: 6.78 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 6

ziyzhu/scalable-k-means-plus-plus

Stanford Scalable K-Means++ implementation in C++ with benchmarking.

Language: C++ - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

giannhskp/Software-Development-for-Algorithmic-Problems_Project-2

Neighbor Search and Clustering for Time-Series using Locality-sensitive hashing and Randomized Projection to Hypercube. Time series comparison is performed using Discrete Frechet or Continuous Frechet metric.

Language: C - Size: 33.9 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

giannhskp/Software-Development-for-Algorithmic-Problems_Project-1 Fork of Sitaras/Software-Development-for-Algorithmic-Problems_Project-1

Neighbor Search and Clustering for Vectors using Locality-sensitive hashing and Randomized Projection to Hypercube

Language: C - Size: 16.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

kostrahb/kmeans

Basic implementation of sequential k-means clustering algorithm

Language: Go - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

proafxin/seeding-kmeans

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

cchatzis/OO-Kmeans

Jupyter notebook with Object Oriented implementation of the k-means clustering algorithm. Experimenting with both random and k-means initialization.

Language: Jupyter Notebook - Size: 178 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

MontiSebastiano/MAPD-B Fork of jpazzini/MAPD-B

Laboratory lessons and final group project of "Management and Analysis of Physics Datasets mod. B" course at University of Padova

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

zeyadetman/K-MeansAlgorithm

K-Means Algorithm implemented using sequential and parallel algorithms.

Language: C++ - Size: 8.79 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

glendawur/MirCl

Small package with useful tools to perform clustering analysis

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

srinathsai/Analyzing-clustering-with-pyspark

2 Famous algorithms called Kmeans and Kmeans++ are analyzed with pyspark without any inbuilt libraries.

Language: Jupyter Notebook - Size: 200 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ohad2916/KmeansPP

Decides initial clusters in python, main calculations are in the C module

Language: C - Size: 12.4 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Billkyriaf/Neural_Networks_1

MNIST classication with KNN and NNs

Language: C++ - Size: 11.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

santurini/PCA-Kmeans-From-Scratch

Application of K-means algorithm on a music dataset after a dimensionality reduction with PCA.

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

DeconvFFT/unsupervised-scene-segmentation

I explore and compare different techniques for unsupervised scene segmentation. I try to answer these research questions: 1.) Can unsupervised convolutional neural networks learn enough structure from data to generate good quality segments? 2.) Is spatial continuity important to generate good quality clusters? 3.) Can we improve results from CNN and GMMs using K-means?

Language: Jupyter Notebook - Size: 13.3 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

AlonHarell/Spectral-Clustering-K-means

A clustering (object categorization) algorithm, with an implementation of K-means and K-means++

Language: C - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

mansi-k/KMeans_on_imgs

Implemented KMeans from scratch and trained it on Fashion-MNIST dataset by experimenting with initializaion methods like forgy, random partitions, kmeans++ and found the optimal number of clusters by implementing elbow & silhouette algorithms from scratch

Language: Jupyter Notebook - Size: 169 KB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

cmcouto-silva/kmeans-app-pt_dash

Aplicativo para visualização das etapas do algoritmo K-means

Language: Python - Size: 34.2 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

deepakrana47/K-mean-pp_clustering

Language: Python - Size: 30.3 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 1

mleko/kmeans-clust

k-means clustering in TypeScript

Language: TypeScript - Size: 48.8 KB - Last synced at: 4 days ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

bilal-elchami/spark-kmeans-kmeansPP Fork of elieahd/data-analytics-kmeans

KMeans and KMeans++ in Spark

Language: Python - Size: 3.33 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 3

sadimanna/kmeansplusplusclustering

K-Means++ Clustering using Gap Statistic for determining optimal value of K in Python

Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 2

gzt/mpi-scalablekmeanspp

This is a port of the scalable k-means++ (k-means||) to the OpenMPI framework

Language: C - Size: 2.19 MB - Last synced at: 15 days ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

hanyoseob/python-k-means

k-means / k-means++ / elbow-method

Language: Python - Size: 18.1 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 2

JoannaBroniarek/DataAnalysis_HouseAddsClustering

Perform a clustering analysis of house announcements in Rome from Immobiliare.it. Comparison clustering according to different datsets.

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

ankushjain2001/k-means-clustering-algorithm

An implementation of K-Means clustering algorithm along with the K-Means++ seeding technique from scratch using NumPy.

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

gzt/kmeans-image-compression

Image compression using the block k-means algorithm

Language: C - Size: 784 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

levibyte/kmeans_demo

k-means implementation for 2D points data ( SDL )

Language: C++ - Size: 9.7 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Related Keywords
kmeans-plus-plus 45 kmeans-clustering 19 kmeans 18 clustering 12 unsupervised-learning 7 machine-learning 7 kmeans-algorithm 6 k-means 6 kmeans-clustering-algorithm 5 typescript 4 k-means-clustering 4 python 4 numpy 3 data-science 3 clustering-algorithm 3 classification 3 matplotlib 2 sklearn 2 k-means-plus-plus 2 principal-component-analysis 2 spectral-clustering 2 c 2 capi 2 pca-analysis 2 javascript 2 vectors 2 hypercube 2 lloyds 2 locality-sensitive-hashing 2 lsh 2 nearest-neighbor-search 2 data-generator 1 anomalous-patterns 1 anomalous-clustering 1 number-of-clusters 1 random-swap 1 analysis 1 big-data-analytics 1 pyspark-python 1 cpp 1 cs-projects 1 spark 1 mysql 1 mongodb 1 kmeans-parallel 1 kafka 1 docker 1 dask 1 inertia 1 statistics 1 kmeans-sequential 1 golang 1 range-search 1 centroid 1 dashboard 1 kmeansplusplus 1 data-analytics 1 gap-statistic 1 k-means-implementation-in-python 1 mpi 1 openmpi 1 parallel-computing 1 python-implementations 1 beautifulsoup4 1 cluster-analysis 1 data-analysis 1 datascraping 1 wordcloud 1 image 1 image-compression 1 classification-algorithm 1 knn-classification 1 mnist 1 cleaning-dataset 1 merging-data 1 pivot-tables 1 convolutional-neural-networks 1 gaussian-mixture-models 1 cpython-api 1 python3 1 elbow-method 1 fashion-mnist 1 forgy-initialization 1 random-partitions 1 scratch-implementation 1 silhouette-score 1 app 1 dash 1 xgboost-classifier 1 sqlite 1 flask-application 1 jaccard-similarity 1 hierarchical-clustering 1 cosine-similarity 1 content-based-recommendation 1 mtg-meta 1 pandas 1 elbow-plot 1 eda 1 dbscan-clustering 1