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

GitHub topics: kmeans-algorithm

soro8/Recommender-System-MovieLens

# Recommender-System-MovieLensThis repository contains a machine learning project that builds a movie recommendation system using Content-Based Filtering and Collaborative Filtering approaches. 🛠️ It aims to help users navigate large film catalogs and discover new titles they are likely to enjoy. 📽️

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

solzimer/skmeans

Super fast simple k-means implementation for unidimiensional and multidimensional data.

Language: JavaScript - Size: 503 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 76 - Forks: 12

billsioros/cmeans

A version of the K-Means Algorithm targeting the Capacitated Clustering Problem

Language: C++ - Size: 979 KB - Last synced at: 26 days ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

PiyushSuthar/k-means-algo

Implementation of Image segmentation using K-Means algorithm in rust.

Language: Rust - Size: 2.99 MB - Last synced at: 14 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

Assem-ElQersh/Ishihara-Kmeans

A Python tool for extracting hidden numbers from Ishihara color blindness test images using a custom K-means clustering algorithm. Supports multiple color spaces (RGB, HSV, Lab, YCrCb) and includes visualization, CLI tools, and parameter optimization for enhanced accuracy.

Language: Python - Size: 1.13 MB - Last synced at: 1 day ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

masoudshahrian/DataScience

AI Machine learning Deep learning Projects with code

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

AnaAGG/APISPECIES2

In this project you will find the code to create a Python API using Flask. The goal, to create an API that serves as data of species in Spain, where to find them, when to find them and create a model to predict where we can find species that are not in our database.

Language: HTML - Size: 31.6 MB - Last synced at: 21 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

Faroja/Olist-Customers-Segementation

Olist Customers Segementation using 3 method Domain Knowledge, KMeans & DBScan. After Customers segment I Analyst our customers segment behavior

Language: Jupyter Notebook - Size: 71.9 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

HxnDev/K-Means-on-IRIS-Dataset

k-means clustering is a method of vector quantization, originally from signal processing, that aims to partition n observations into k clusters in which each observation belongs to the cluster with the nearest mean, serving as a prototype of the cluster.

Language: Jupyter Notebook - Size: 129 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

tugot17/K-Means-Algorithm-From-Scratch

The K-Means algorithm, written from scratch using the Python programming language

Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 5

cmtt/kmpp

k-means clustering algorithm with k-means++ initialization.

Language: JavaScript - Size: 1.2 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 9

kevinwood15/Python_ML_KMeans_Project

This project uses the KMeans ML algorithm to identify segments of the broader population that form the core customer base of a company.

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

aye-nyeinSan/NLP_Workshop5

The national Anthems of our world with K-Mean and HAC

Language: Jupyter Notebook - Size: 220 KB - Last synced at: 22 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

dkzhen/django-kmeans

webapp clustering using kmeans algorithm

Language: HTML - Size: 10.2 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 3

davemlz/water-storage-retrieval

Semi-supervised water storage retrieval using Sentinel-2

Language: Jupyter Notebook - Size: 288 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 17 - Forks: 5

GoldinGuy/K-Means-TS

💹 K-Means clustering implementation in TypeScript

Language: TypeScript - Size: 9.21 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 22 - Forks: 5

Raphaelmos/Kmeansonimage

K-Means Kmeans Algorithm used on .ppm images with different libraries like OpenGL

Language: C - Size: 36.7 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

pngo1997/K-Means-K-Median-Clustering-with-Hadoop-MapReduce

Implements K-Means and K-Median Clustering using Hadoop MapReduce on a three-node cluster.

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

Adeliasaputriiii/Clustering-Kmeans

Clusterisasi

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

Turwash/AsanaAi_Android_Application

AsanaAi extends its reach to Android devices, offering users the convenience of fitness and wellness on the go. Leveraging TensorFlow Lite for pose estimation and K-means clustering for accurate exercise counting, the Android app ensures seamless integration of AI technologies into users' daily routines, making fitness more accessible and engaging

Language: Kotlin - Size: 34.9 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 3

musajajorge/makePalette

It's a package containing functions that allow you to create your own color palette from an image, using mathematical algorithms

Language: R - Size: 4.24 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 1

messierandromeda/Machine-Learning

Some machine learning algorithms implemented in TensorFlow or PyTorch.

Language: Jupyter Notebook - Size: 565 KB - Last synced at: 21 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

hlsxx/k-means-rust

The aim of this project is to implement the k-means algorithm using Rust-lang. The source code includes a parallel implementation in Rayon.

Language: Rust - Size: 1.9 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

SalamanderXing/jax-min-batch-kmeans

Jax implementation of Mini-batch K-Means algorithm

Language: Python - Size: 10.7 KB - Last synced at: about 9 hours ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

SriramChowdaryMogalapu/customer_segmentation

Used KMeans Clustering algorithm to segment customers of [Zidio

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

vasukara13/Kmeans_algorithm

This repository contains an implementation of the K-Means Clustering algorithm using C++. The purpose of the algorithm is to partition a dataset into clusters, where each cluster is represented by its centroid. This implementation uses Tokura distance, a weighted Euclidean distance, to measure similarity between data points and centroids.

Language: C++ - Size: 2.79 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

yanqiangmiffy/text-cluster

:dango: 文本聚类 k-means算法及实战

Language: Python - Size: 9.27 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 54 - Forks: 12

aryanGupta-09/Kmeans-using-MapReduce

K-means clustering algorithm using MapReduce.

Language: Python - Size: 23.4 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

abythomas/Improved-K-means-Clustering-Algorithm

An improved k-means clustering algorithm with improved centroid selection and clustering functions

Language: Python - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 5

ziraddingulumjanly/Unsupervised-learning-implementation-on-HeartAttackDataset

This study aims to identify distinct subgroups within a dataset of patients with heart attack-related features using unsupervised learning techniques: k-means and Hierarchical

Language: Python - Size: 1.41 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

alexkalergis/Clustering-using-Support-Vector-Machines

• Machine Learning • In this project contains code and data for solving problems related to kernel density estimation, classification with kernel-based methods, and clustering using K-Means.

Language: MATLAB - Size: 2.18 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

LokmanAa/Model-Development-for-Counterfeit-Detection

This project showcases my expertise in creating a model adept at distinguishing real banknotes from counterfeit ones.

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

abomokh/Kmeans-symNMF

C library implementing KMeans++ and SymNMF algorithms, fully compatible with Python.

Language: C - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

pabloelt/lead-scoring-analysis-and-segmentation

Lead Scoring Analysis and Segmentation. A lead scoring analysis is conducted for an online teaching company with a low client conversion rate. The goals are to reverse this trend by using a machine learning model based on available company data and to categorize customers with an effective segmentation.

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

Abhinav330/Unsupervised-learning-Groping-of-schools

This Python notebook demonstrates an exploratory data analysis (EDA) and clustering exercise using the pandas, seaborn, and matplotlib libraries. The code works with a dataset called 'College_Data' and explores college-related attributes, including 'Private' status, graduation rates, and enrollment data.

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

JayshKhan/KmeanVisualizing

This project implements a K-means clustering algorithm with data visualization using Matplotlib and SciPy, including an Elbow method for optimal cluster determination and animated visualizations of the clustering process. It generates random data, performs clustering, and visualizes the results with cluster boundaries.

Language: Python - Size: 8.79 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

cymcymcymcym/directed_kmeans

maneuver the shape and distribution of kmeans clusters

Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

GoldinGuy/MTGMeta-TS

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

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

larsid/soft-iot-kmeans-unidimensional

Bundle OSGI responsável pela execução do Algoritmo KMeans.

Language: Java - Size: 22.5 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

chaitanya-chafale/KMeans-Elbow-Method

This project uses the CGPA.csv file as the dataset (provides CGPA of the students) and uses the K-means algorithm to cluster the points using the elbow point method.

Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

riddhigupta1110/DataWarehousingAndMining-V-MU-CSE

Codes for Practical experiments of Data Warehousing and Mining (Semester V - Computer Engineering - Mumbai University)

Language: Python - Size: 24.4 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

mzkki25/kmeans-without-libraries

Tugas besar machine learning

Language: Jupyter Notebook - Size: 305 KB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

NadaAlsaid/Product-Classification

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

binhvu3/Democratized_Data_Solution

A visualization project aims to build trust between regular citizen and government.

Size: 2.78 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

HakimGhlissi/Customer-Segmentation-using-K-Means-Clustering

Classified customers from a Mall shopping Dataset using K-Means Clustering

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

MissNeerajSharma/Customer_Segmentation_For_Churn_KMEANS

Customer Segmentation using Kmeans, than used Random Forest for prediction about new customers

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

LeskoIam/k-means_python_module_dev 📦

2D k-means Python 2.7 module implemented in pure C

Language: C - Size: 173 KB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

rsalmei/tsp-essay

A fun study of some heuristics for the Travelling Salesman Problem.

Language: Jupyter Notebook - Size: 19.7 MB - Last synced at: 3 days ago - Pushed at: almost 4 years ago - Stars: 15 - Forks: 2

VtrMirwald/ImagensHiperespectrais

Repositório do grupo de trabalho sobre Imagens Hiperespectrais para a disciplina: 4305512 - Aprendizado de máquina e inteligência artificial em física (2024)

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

dc-aichara/simple-kmeans

Simple K-means clustering function

Language: Python - Size: 75.2 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

robail-yasrab/RGB_GT_Encoding

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

src3453/Image-Converter-for-TIC-80

An image converter that supports hi color.

Language: Python - Size: 45.9 KB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

naiborhujosua/ML-Algorithm-ImplementationFromScratch

Most Favourite ML Algorithm Coded from Scratch using Python

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

codeTIT4N/kmeans 📦

Simple K-Means

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

zhangerjun/ML-basic-algorithms

Basic Machine Learning algorithms from scratch (numpy)

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

Megha1230/Machine-Learning-Algorithms

Machine Learning algorithms

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

leanerr/DataAnalyse_coronaVirus

clustering the situation of iran during corona virus , using k-means algorithm

Language: HTML - Size: 527 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

Clement-Lelievre/streamlit_image_compression

a little personal project whereby a streamlit app allows image compression via machine learning (Kmeans)

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

Clement-Lelievre/ML_tree_comparison

a streamlit web app depicting how adaboost outperforms simple tree regressor as well as a basic K-means usage

Language: Python - Size: 220 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

tranhlok/k-means 📦

Python simulation code for k means algorithm.

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

NimishNagapure/Problems_on_K-means_Clustering

➕ Solving Problems Using ➗ (✔ K-Means Clustering Algorithm✔)

Language: Jupyter Notebook - Size: 455 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

nandukalidindi/UnsupervisedLearning

A collection of Unsupervised Machine Learning algorithms in Ruby

Language: Ruby - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nguyhu01/auto-kmeans

A Python framework for automated clustering analysis using the K-means algorithm.

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

eiliaJafari/CIA-Country-Analysis-and-Clustering

Using K-means clustering, I will gain insights into similarity between countries and regions of the world by experimenting with different cluster amounts. What do these clusters represent?

Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SaadARazzaq/Cluster-Analysis-Elbow-Method

implements the elbow method to determine the optimal number of clusters (k) for a given dataset using the K-means clustering algorithm.

Language: Python - Size: 3.91 KB - Last synced at: 14 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

aditya1601/kmeans-clustering-cpp

A C++ implementation of simple k-means clustering algorithm.

Language: C++ - Size: 529 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 64 - Forks: 37

Davidlimbong/StockCluster

Unsupervised Learning: Stock Clustering

Language: HTML - Size: 12.6 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

Pudding2159/Texture-Segmentation-Algorithm

This program uses algorithms to efficiently segment textures in images.

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

sguadav/Customer_segmentation

Customer Segmentation analysis using K-means algorithm and data exploration

Language: Jupyter Notebook - Size: 284 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Akotovets1/Cryptocurrencies

Unsupervised Machine Learning and Cryptocurrencies

Language: Jupyter Notebook - Size: 4.61 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

Shefali-Upadhyaya/KMeans-Variants-Clustering-R

R codes for K-Means Clustering and Fuzzy K-Means Clustering, along with improved versions

Language: R - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Defvyb/k_means

Multithread open source application for k-means clustering, support really big files (lineCount <= 1000000000, dimensionsCount <=1000, centroids count <=1000)

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

Bread-and-Code/K-MAENS

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

omarmamdouhismaiel/Dominant-Colors-Analysis

Finding the dominant colors in an image using Unsupervised-ML (K-Means Algorithm).

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

TiannaLopes/HockeyScore

Machine Learning with Sports

Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

AmirHHasani/Machine-Learning-Algorithms

A collection of my practices using the following algorithms: DBSCAN, KNN, Decision Tree Classifier, K-means, Apriori, SMOTE, SVM

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

MTank76/Machine-Learning-Algorithm

This repository houses Python implementations of foundational machine learning algorithms.Each algorithm file or Jupyter Notebook demonstrates the application, functionality, and usage of these algorithms in Python.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jayshah19949596/Machine-Learning-Models

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

Language: Matlab - Size: 4.88 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 291 - Forks: 143

MohamedSebaie/Algorithm-WorkShop-In_Python-ITI_Clustering_Project

Clustering Algorithms (KMeans, MeanShift, (Merged KMean and MeanShift) and DBSCAN)

Language: Jupyter Notebook - Size: 15 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

czonios/c-kmeans

This implementation of the k-means algorithm contains functions for training and outputting the learned cluster centers. It also outputs the total dispersion of clustering, so you can run it multiple times with multiple different K and find the simplest solution that gives the least dispersion.

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

carolinabarrosdev/analisador-notas-falsas

Projeto baseado em dataset de notas verdadeiras e falsas para validação através webapp datadriven.

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

Snigdho8869/Clustering-Projects

Repository for various clustering projects including mall customer segmentation and more. Explore data analysis and clustering techniques

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

kkoutsilis/kmeans

Simple kmeans algorithm implementation in java.

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

Nikhilkohli1/Machine-learning-from-scratch

Implementation of Machine Learning Algorithms (KNN, Linear, Logistic, SVM, K-Means, Decision Tree, Naive Bayes) from Scratch using Python & Numpy only

Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

jhonnatan1806/KMeans-Client-Algorithm

KMeans-Client Algorithm implemented in C++: This program receives data using nlohmann JSON and establishes a connection to the server through sockets

Language: C++ - Size: 335 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ravi3222/Image-Clustering

Clustering ZEE TV Kumkum Bhagya images using KMeans and ResNet for feature extraction.

Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

vaitybharati/P30.-Unsupervised-ML---K-Means-Clustering-Non-Hierarchical-Clustering-Univ.-

Unsupervised-ML---K-Means-Clustering-Non-Hierarchical-Clustering-Univ. Use Elbow Graph to find optimum number of clusters (K value) from K values range. The K-means algorithm aims to choose centroids that minimise the inertia, or within-cluster sum-of-squares criterion WCSS. Plot K values range vs WCSS to get Elbow graph for choosing K (no. of clusters)

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

MNoorFawi/text-kmeans-clustering-with-python

simple text clustering using kmeans algorithm

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

sandipanpaul21/Clustering-in-Python

Clustering methods in Machine Learning includes both theory and python code of each algorithm. Algorithms include K Mean, K Mode, Hierarchical, DB Scan and Gaussian Mixture Model GMM. Interview questions on clustering are also added in the end.

Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 81 - Forks: 35

MNoorFawi/clustering-with-R

Exploring Hierarchical and Kmeans Clustering algorithms in R trying to segment wholesale customers ...

Language: R - Size: 68.4 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 2

kjahan/k_means

A Python implementation of k-means clustering algorithm

Language: Python - Size: 273 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 148 - Forks: 94

lxaw/kmeansclustering-cpp

Let's get those centroids!

Language: C++ - Size: 339 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tieugem1997/CustomerSegmentation_Streamlit

A Streamlit App for Customer Segmentation Project using Kmeans Clustering (Best Choice)

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

marlevek/mall-customers

Segmentação de clientes com K-MEANS E DBSCAN

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

gonzafernan/fruit-classifier

Clasificador de imagenes de bananas, naranjas y limones por medio de algoritmos de aprendizaje K-nn y K-means. Procesado de imágenes con SciKit y OpenCV.

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

leakkari/ImageSegmentation

Image Segmentation using K-means

Language: C - Size: 399 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

TawfiqAbuArrh/Kmeans

K-Mean clustering program in Java to cluster the data point into 4 clusters

Language: Java - Size: 44.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

AbdelrahmanShehata482/Machine-Learning-Algorithms-Kmeans-Kmedoids-KNN-and-Naive-bayes-Python

Machine Learning Algorithms(Kmeans,Kmedoids,KNN and Naive bayes) with data cleaning and visualization

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

goyourfly/KMeanAlgorithm

K-Mean Algorithm simple demo

Language: Java - Size: 4.52 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

hxu47/KMeans-from-Scratch

Implementation of K-means and K-means++ from scratch.

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

Related Keywords
kmeans-algorithm 246 kmeans-clustering 118 kmeans 75 machine-learning 56 python 49 clustering 47 kmeans-clustering-algorithm 44 machine-learning-algorithms 30 clustering-algorithm 26 k-means-clustering 20 python3 17 k-means 17 unsupervised-learning 16 unsupervised-machine-learning 13 knn-algorithm 12 data-science 12 numpy 11 logistic-regression 11 image-processing 11 linear-regression 10 decision-trees 10 knn-classification 10 knn 10 c 9 pandas 9 pca 9 gaussian-mixture-models 8 svm-classifier 7 pca-analysis 7 algorithms 7 customer-segmentation 7 algorithm 6 naive-bayes-classifier 6 scikit-learn 6 random-forest 6 opencv 6 decision-tree 6 dbscan-algorithm 6 svm 6 kmeans-plus-plus 6 supervised-learning 6 hierarchical-clustering 6 iris-dataset 6 dbscan-clustering 5 apriori-algorithm 5 segmentation 5 k-means-implementation-in-python 5 mapreduce 5 elbow-method 5 data-mining 5 data-visualization 5 r 5 javascript 5 cluster 5 cpp 5 matplotlib 5 regression 5 principal-component-analysis 5 neural-network 5 ml 4 visualization 4 matlab 4 hadoop 4 java 4 jupyter-notebook 4 artificial-intelligence 4 ai 4 naive-bayes-algorithm 4 openmp 3 classification 3 datamining 3 sklearn 3 kmeansclustering 3 spark 3 image-classification 3 unsupervised-clustering 3 machinelearning 3 regression-algorithms 3 computer-vision 3 classification-algorithm 3 dbscan 3 centroids 3 go 3 elbow-curves 3 cplusplus 3 cluster-analysis 3 from-scratch 3 iris 3 decision-tree-classifier 2 text-clustering 2 cnn-classification 2 clustering-methods 2 tensorflow 2 clustering-evaluation 2 kmeans-analysis 2 em-algorithm 2 parallel-programming 2 svm-model 2 dbscan-clusters 2 random-forests 2