Projects in Awesome Lists tagged with kmeans-clustering-algorithm
A curated list of projects in awesome lists tagged with kmeans-clustering-algorithm .
https://github.com/yanqiangmiffy/text-cluster
:dango: 文本聚类 k-means算法及实战
k-means k-means-clustering kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm
Last synced: 22 Apr 2025
https://github.com/pydatablog/parallelkmeans.jl
Parallel & lightning fast implementation of available classic and contemporary variants of the KMeans clustering algorithm
clustering julia kmeans-clustering kmeans-clustering-algorithm mlj mlj-unsupervised parallel-computing
Last synced: 06 Apr 2025
https://github.com/teddyoweh/college-students-clustering
Implementing Kmeans on a College Students database based on their iq and cgpa and using creating linear regression model to predict the clusters students belong to
algorithm-challenges kmeans-clustering kmeans-clustering-algorithm linear-regression machine-learning machine-learning-algorithms
Last synced: 09 Apr 2025
https://github.com/avannaldas/ml-from-scratch
ML Algorithm implementation from scratch for practice
kmeans-clustering-algorithm machine-learning machine-learning-algorithms machine-learning-practice python scratch-implementation
Last synced: 01 Jul 2025
https://github.com/elrizwiraswara/kmeansapp
Analysis of patient disease data using K-Means Clustering algorithm
clustering dart flutter flutter-web kmeans kmeans-clustering-algorithm
Last synced: 21 Aug 2025
https://github.com/billsioros/cmeans
A version of the K-Means Algorithm targeting the Capacitated Clustering Problem
clustering clustering-algorithm clustering-algorithms kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm vrp
Last synced: 07 May 2025
https://github.com/ahmed-ibrahim-30/parallel-programming
Parallel Programming with Mpi and Open MP
histogram-specification kmeans-clustering-algorithm mpi mpi-applications mpi-openmp openmp-optimization openmp-parallelization parallel-programming
Last synced: 12 Sep 2025
https://github.com/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.
code iris iris-dataset jupyter-notebook kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm python
Last synced: 31 Mar 2025
https://github.com/mohamedsebaie/algorithm-workshop-in_python-iti_clustering_project
Clustering Algorithms (KMeans, MeanShift, (Merged KMean and MeanShift) and DBSCAN)
algorithm algorithms clustering dbscan dbscan-algorithm dbscan-clustering dbscan-clustering-algorithm dbscan-clusters kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm kmeansclustering machine-learning-algorithms meanshift meanshift-clustering python unsupervised-clustering unsupervised-learning-algorithms unsupervised-machine-learning
Last synced: 09 Oct 2025
https://github.com/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.
k-means k-means-clustering k-means-rust kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm kmeans-rust parallel-programming rayon rust rust-lang rust-parallel
Last synced: 05 Jul 2025
https://github.com/mleko/kmeans-clust
k-means clustering in TypeScript
clustering k-means kmeans kmeans-clustering kmeans-clustering-algorithm kmeans-plus-plus typescript
Last synced: 26 Apr 2025
https://github.com/shogunbanik18/custoseg
Custoseg is an algorithmic Marketing based Project to do Customer Segmentation using KMean Clustering Algorithm and targeted Recommendations based on each segment
data-science kmeans-clustering-algorithm machine-learning unsupervised-machine-learning
Last synced: 08 Jul 2025
https://github.com/amirzenoozi/image-color-analyzer
A Simple Color CLI Analyzer For Images
analyzer chart cli color color-analysis color-palette color-scheme fastapi kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm matplotlib numpy opencv python python-script python3 telegram-bot uvicorn
Last synced: 09 Oct 2025
https://github.com/deva-246/apo-agriculture-production-optimizer
Using Kmeans clustering and Logistic Regression Algorithm
kmeans-clustering-algorithm logistic-regression machine-learning machinelearning-python python3 recomendation-system
Last synced: 29 Jun 2025
https://github.com/aryangupta-09/kmeans-using-mapreduce
K-means clustering algorithm using MapReduce.
distributed-systems grpc grpc-python k-means k-means-algorithm k-means-clustering k-means-implementation k-means-implementation-in-python kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm map-reduce mapreduce mapreduce-algorithm mapreduce-python protobuf-python protobuf3 protocol-buffers remote-communication
Last synced: 23 Feb 2025
https://github.com/kiarashvosough1999/ompkmeans
KMeans With OMP Parallelization
clustering cpp kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm omp omp-parallel parallel-computing parallel-processing parallel-programming
Last synced: 24 Mar 2025
https://github.com/kmbuki/cluster_analysis
Cluster analysis - using different approaches
cluster-analysis clustering-application clustering-methods dendextend iris iris-data iris-dataset iris-flower-data kmeans kmeans-clustering-algorithm python r
Last synced: 11 Mar 2025
https://github.com/abdelrahman13-coder/unsupervised-machine-learning
Implementing Unsupervised machine learning algorithms from scratch and using them in various applications
kmeans-clustering-algorithm naive-bayes-classifier naive-bayes-implementation pca-algorithm pca-implementation t-sne
Last synced: 07 Oct 2025
https://github.com/nthaihoc/rfm-segmentation-ml
An automatic machine learning based customer segmentation model with RFM analysis at ICTA conference 2024
customer-segmentation hadoop kmeans-clustering-algorithm machine-learning mllib rfm-analysis spark
Last synced: 17 Jun 2025
https://github.com/zeyadetman/k-meansalgorithm
K-Means Algorithm implemented using sequential and parallel algorithms.
cs-projects k-means k-means-clustering k-means-plus-plus kmeans kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm kmeans-plus-plus
Last synced: 10 Mar 2025
https://github.com/kizman-23/unsupervised_models
underlining patterns and relationship between data
kmeans-clustering-algorithm unsupervised-clustering unsupervised-machine-learning
Last synced: 18 Feb 2025
https://github.com/shamikaredkar/kmeans-algorithm-visualizer
The K-Means Visualizer is an interactive web application designed to help users understand and visualize the K-Means clustering algorithm. Through an intuitive interface, users can experiment with different numbers of data points and clusters, and observe how the algorithm iteratively updates centroids and assigns data points to clusters.
bulma css html interactive-visualizations interactive-webpage javascript jquery kmeans kmeans-clustering kmeans-clustering-algorithm machine-learning machine-learning-algorithms ui-design
Last synced: 27 Mar 2025
https://github.com/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.
data-science kmeans-algorithm kmeans-clustering kmeans-clustering-algorithm machine-learning python unsupervised-learning
Last synced: 10 Sep 2025
https://github.com/jeroldwilson44/customer-segmentation-using-clustering
This project focuses on segmenting customers based on their spending behavior, age, income, and preferences using clustering algorithms like K-Means and Hierarchical Clustering. The outcome is a system that helps businesses understand different groups of customers to better tailor their marketing strategies.
clustering-algorithm customer-segmentation data-analysis data-visualization dbscan-clustering dimensionality-reduction docker dvc flask kmeans-clustering kmeans-clustering-algorithm machine-learning mlflow scikit-learn
Last synced: 25 Jun 2025
https://github.com/ljadhav25/k-means-clustering-data-science-
K-means clustering is a popular unsupervised machine learning algorithm used for partitioning a dataset into a pre-defined number of clusters. The goal is to group similar data points together and discover underlying patterns or structures within the data.
data-science dataanalysis kmeans-clustering-algorithm machine-learning matplotlib pandas python
Last synced: 16 Jul 2025
https://github.com/shivabajelan/cryptoclustering
This project applies K-means algorithm to group cryptocurrencies based on 24-hour and 7-day price changes. It also investigates the impact of dimensionality reduction using PCA on clustering outcomes.
clustering kmeans-clustering-algorithm pca-analysis python unsupervised-machine-learning
Last synced: 05 Mar 2025
https://github.com/taimoorzaeem/k-means-clustering
Implemented K-means algorithm and used it for image compression.
clustering jupyter-notebook kmeans kmeans-clustering kmeans-clustering-algorithm kmeans-python python
Last synced: 04 Nov 2025
https://github.com/fasyamazaya/case-based-2_project
Mata Kuliah : Machine Learning ( Pembelajaran Mesin )
kmeans kmeans-clustering kmeans-clustering-algorithm
Last synced: 22 Mar 2025
https://github.com/dpgitaccount/project-customer-segmentation-analysis-with-power-bi
This project segments customers based on their purchasing behavior to identify different target groups. It demonstrates skills in data analysis, clustering, and visualization using Power BI.
kmeans-clustering-algorithm linear-regression numpy pandas powerbi python seaborn segmentation
Last synced: 05 Mar 2025
https://github.com/bottomsnode/sct_ml_2
This Python script demonstrates how to perform customer segmentation using K-Means clustering based on annual income and spending score.
kmeans-clustering-algorithm matplotlib pandas-python scikitlearn-machine-learning
Last synced: 12 Mar 2025
https://github.com/znreza/unsupervised_learning
This repository contains codes for running k-means clustering and Gaussian Mixture Model based Expectation Maximization classification algorithms on large dataset in python
best-value-for-k-in-knn expectation-maximization gaussian-mixture-models kmeans-clustering kmeans-clustering-algorithm machine-learning machine-learning-algorithms number-of-clusters python python3 unsupervised-learning
Last synced: 01 Jul 2025
https://github.com/helyousfi/machine-learning
This repo contains machine different learning algorithms.
autoencoders classification-algorithms deep-learning-algorithms kmeans-clustering-algorithm knn-algorithm machine-learning-algorithms neural-networks regression-algorithms support-vector-machines
Last synced: 15 Mar 2025
https://github.com/justdvnsh/machine-learning-with-python
A collection of machine learning models with python.
data-science decision-tree-algorithm ensemble-learning kmeans-clustering-algorithm knn-algorithm machine-learning random-forest regression-algorithms supervised-learning unsupervised-machine-learning
Last synced: 01 Apr 2025
https://github.com/surtecha/clustercraft
Implementation of k-means clustering algorithm from scratch.
good-first-issue hacktoberfest hacktoberfest-accepted kmeans-clustering-algorithm python3
Last synced: 04 Mar 2025
https://github.com/shourya1997/k-means-color-clustering
The program partitions and clusters the pixel intentsities of a RGB image.
kmeans-clustering-algorithm opencv-python python
Last synced: 27 Feb 2025
https://github.com/sajjad425/kmeans_clustering
The dataset includes the following columns: Id, SepalLengthCm, SepalWidthCm, PetalLengthCm, PetalWidthCm, and Species. We will use the Sepal and Petal measurements to predict the optimum number of clusters using the KMeans algorithm.
kmeans-clustering kmeans-clustering-algorithm
Last synced: 11 Mar 2025