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

GitHub topics: k-means-algorithm

KlimentLagrangiewicz/k-means-in-C

Implementation of k-means algorithm in C (standard C89/C90)

Language: C - Size: 2.5 MB - Last synced at: 2 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 2

KlimentLagrangiewicz/k-means-in-Zig

Implementation of k-means algorithm in Zig

Language: Zig - Size: 40 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

byShukrullo/K-means-example-in-Python

KMeans(n_clusters=4, random_state=42)

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

AbbasPak/Clustering-Methods-Examples

This repository aims to provide an overview of various clustering methods, along with practical examples and implementations.

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

aryanGupta-09/Kmeans-using-MapReduce

K-means clustering algorithm using MapReduce.

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

Mohansharmila/Office-furniture-analysis-using-Rstudio

In this two cluster approaches are used: hierarchical clustering and K-means clustering. It is unsupervised learning technique for grouping related data points which shows same behaviour in the dataset regardless of the outcome.

Language: HTML - Size: 627 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

nssharmaofficial/kmeans-in-cuda

K-Means algorithm parallelized in CUDA

Language: Cuda - Size: 23.3 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 9 - Forks: 0

bytemomo/img-segmentation 📦

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

owengregson/HellaFast

A K-Means algorithm implementation involving various optimization techniques. Used to group MNIST dataset of hand-written numbers 0-9.

Language: Java - Size: 3.09 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AmirMotefaker/Customer-Segmentation-using-R

Customer Segmentation using R

Language: R - Size: 29.2 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

binhvu3/Salmon-Analysis

Predict Alaska's Salmon population using various Machine Learning models

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

KhaledAshrafH/K-Means-Clustering

This program implements the K-means clustering algorithm using OpenMP APIs. The K-means algorithm is a popular method of vector quantization that aims to partition n observations into k clusters. Each observation is assigned to the cluster with the nearest mean, serving as a prototype of the cluster.

Language: C - Size: 55.7 KB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

rahulrajan15/Alteryx_DA_Project

Using Alteryx, analyze customer data to forecast future issues, support business growth, address challenges, and provide tailored solutions.

Size: 4.76 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ialexmp/Machine-Learning

This Machine Learning repository encompasses theory, hands-on labs, and two projects. Project 1 analyzes customer segmentation for marketing using clustering, while Project 2 applies supervised classification in marketing and sales.

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

Abir0810/COVID-19-unsupervised-learning

Unsupervised learning algorithms are used here. agglomerative algorithms and k-means clustering are used here.

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

Cluster-Team/Cluster-Visualizer

Cluster Visualization Tool

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

aibysalman/CustomerSegmentationViaK-means

In this Python notebook, we explore how K-Means can be used for customer segmentation to gain a competitive advantage and improve a business's bottom line.

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

stefonalfaro/AI-as-a-Service

An API for managing chat completions, fine-tuning, payments, plans, and configurations.

Language: C# - Size: 16 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 1

SNAILGROUP-AI/STUDY-ML

머신러닝 알고리즘 학습 내용 정리

Size: 85.9 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

mohkharma/k-means-algorithm

The K -Means algorithm implementation from scratch in Python based on Euclidean distance

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

KWASSI09/unsupervised-machine_learning

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

munno88/Cryptocurrencies

An analysis using unsupervised Machine Learning algorithm to discover unknown patterns

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

red-dragon65/QtMovieSearch

A movie recommendation engine built with python and a Qt GUI.

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

deepanshu-Raj/K-Means-Agorithm-Implementation

This repo contains the Implementation of K-Means Clustering Algorithm from scratch and an Image Segmentation Project, implemented using the same algorithm.

Language: Jupyter Notebook - Size: 2.25 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

exTerEX/kmeans

A C implementation of K-Means clustering algorithm with Python bindings

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

shourya-gupta/Parallel-K-Means-Algorithm

Parallel-K-Means-Algorithm

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

kkeyan931/Machine-Learning

This Repo contains various Machine learning Algorithm including Linear regression, Logistic regression, Neural Networks, SVM, Clustering algorithms, K-means Algorithm, Anomaly detection, and Recommander system etc...

Language: MATLAB - Size: 36.1 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Keywords
k-means-algorithm 27 k-means-clustering 15 k-means 11 clustering 7 machine-learning 7 clustering-algorithm 6 python 4 customer-segmentation 3 machine-learning-algorithms 3 kmeans-clustering 3 logistic-regression 2 dbscan-clustering 2 k-means-implementation 2 k-means-implementation-in-python 2 high-performance-computing 2 kmeans-algorithm 2 r 2 linear-regression 2 hierarchical-clustering 2 supervised-learning 2 euclidean-distances 2 data-mining 2 algorithms 2 data-science 2 data-analysis 2 vr 1 big-data 1 marketing 1 profitability 1 ai 1 gpt 1 gpt-3 1 gpt-4 1 gpt4 1 linear-regression-models 1 marketing-and-sales-classification 1 mixture-of-gaussians 1 model-training-and-evaluation 1 project-based-learning 1 supervised-classification 1 supervised-machine-learning 1 agglomerative-algorithm 1 agglomerative-clustering 1 affinity-propagation 1 affinity-propagation-clustering 1 csharp 1 csharp-code 1 dbscan 1 dbscan-clustering-algorithm 1 unity 1 unity-3d 1 unity3d 1 openai 1 plotly 1 scikit-learn 1 jaccard-similarity 1 movie-recommendation 1 qt5-gui 1 recommendation-engine 1 dominant-colours 1 image-segmentation 1 algorithm 1 c 1 c11 1 python-bindings 1 parallel-programming 1 anomaly-detection 1 neural-networks 1 recommander-system 1 svm 1 un-supervised-learning 1 openai-api 1 saas 1 classification 1 classification-algorithm 1 decision-tree 1 decision-tree-classifier 1 decision-tree-regression 1 machinelearning 1 pca 1 pca-algorithm 1 regression 1 regression-algorithms 1 sklearn 1 pca-analysis 1 python-3 1 tsne-algorithm 1 unsupervised-machine-learning 1 pandas 1 ansi-c 1 protobuf-python 1 protobuf3 1 protocol-buffers 1 remote-communication 1 data-preprocessing 1 data-visualization 1 html 1 rstudio 1 cpp 1 cuda 1