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

Topic: "kmeans-clustering-algorithm"

BottomsNode/SCT_ML_2

This Python script demonstrates how to perform customer segmentation using K-Means clustering based on annual income and spending score.

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

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.

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

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.

Language: HTML - Size: 2.34 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

surtecha/ClusterCraft

Implementation of k-means clustering algorithm from scratch.

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

swalusimbi/K-means-crime-clustering

This repository is a machine learning project entailing clustering of regions/districts based on crime types features. Application of k-means simplifies this clustering as you can easily tell districts with similar crime patterns, know regions of high risk due to the diversity of crimes committed.

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

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.

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

Aalaa4444/Hamming_Network

Hamming Network implementation using PCA implementation from scratch

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

toludoyin/customer-segmentation-analysis

Segment customers based on their transaction performance similarities using business metrics (RFM & cohort analysis) and KMeans model.

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

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: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

singh-pawan/Netflix-Movies_TV-Shows-Clustering__Unsupervised-ML-

About Unsupervised Machine Learning-Netflix Recommender recommends Netflix movies and TV shows based on a user's favorite movie or TV show. It uses a a K-Means Clustering model to make these recommendations. These models use information about movies and TV shows such as their plot descriptions and genres to make suggestions.

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

Wolverine-Shiva/Netflix-Movies_TV-Shows-Clustering__Unsupervised-ML-

Unsupervised Machine Learning-Netflix Recommender recommends Netflix movies and TV shows based on a user's favorite movie or TV show. It uses a a K-Means Clustering model to make these recommendations. These models use information about movies and TV shows such as their plot descriptions and genres to make suggestions.

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

pppiyo/Vector_Quantization_Compression

Vector quantization compression for images using kmeans clustering algorithm.

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

vaibhavdangar09/Online_Retail_Customer_Segmentation

The main objective of this project is to group customers with similar behavior and characteristics into segments to better understand their needs and preferences. The unsupervised machine learning techniques used in this project include K-means clustering ,hierarchical clustering and DBScan Clustering.

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

eliazonta/K-Means

K-Means clustering algorithm implementation with OpenMP

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

caiocasagrande/mkt_campaign_clustering

Projeto de clusterização de clientes com base em campanhas de marketing. O projeto foi baseado no curso de Caio Avelino na Udemy: https://www.udemy.com/course/machine-learning-clusterizacao-com-python/

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

ManishShee24/Customer-Segmentation-using-KMeans-Clustering

Customer segmentation is the process of dividing a company's customers into groups based on common characteristics. The goal is to maximize the value of each customer to the business.

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

TasneemKapadia/Machine-Learning-Projects

Machine Learning Projects

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

eduanayardo/extract-color

This Python code uses the PIL (Pillow), NumPy, Matplotlib, and scikit-learn libraries to perform dominant color extraction from an image.

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

ZhenyuWangg/Mall-Customers-Segmentation--Classification-using-Machine-Learning-

Utilized Python-based unsupervised machine learning algorithms, including K-Means and DBSCAN, to effectively segment the mall customer market.

Size: 780 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

NaumanAnwar97/kMeans_Silhoulttee_Score

K Means Clustering in R (Silhouttee Score)

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

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

Saptarshi2120/Electric-Vehicle-Market-Segmentation

Performing Market Segmentation on different Electric Vehicles datasets by different data visualization techniques to gain insights and find underlying patterns

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

bhavyabhagerathi/Customer-Segmentation-System

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

NeonOstrich/Cryptocurrency-Cluster-Analysis-with-K-Means-and-PCA

Used K Means and PCA to analyze 42 cryptocurrencies in order to determine the effect of price changes over different periods of time.

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

AntonioLunardi/clusterizacao-clientes-sorveteria

Agrupamento (clusterização) de clientes por categorias geradas por k-means de sorveteria de Belho Horizonte

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

Aabie/Segmentasi-Pelanggan-Penerbangan-Menggunakan-Metode-Clustering

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

fasyamazaya/Case-Based-2_Project

Mata Kuliah : Machine Learning ( Pembelajaran Mesin )

Language: Jupyter Notebook - Size: 615 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

nehalbendale/Credit-card-data-clustering

EDA, Data analysis, data visualization, dealing with Missing values ,Outliers detection, PCA ,Kmeans clustering

Language: Jupyter Notebook - Size: 712 KB - Last synced at: about 2 years ago - Pushed at: about 2 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

nitinjosephrepo/Building-Ecommerce-RFM-Model-With-Segementation

The “RFM” in RFM analysis stands for recency, frequency and monetary value. RFM analysis is a way to use data based on existing customer behavior to predict how a new customer is likely to act in the future.

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

Swap-Nova/CyberAttack-Detection

Cyberattack Detection for network traffic using Neural networks. Implemented gradient descent-based method to generate adversarial samples against supervised learning models.

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

rievaps/NBA2KWinRatePrediction

Win Rate Prediction by NBA 2K Ratings Data Analysis with K-Mean and DBSCAN Algorithm

Size: 1.73 MB - Last synced at: almost 2 years ago - Pushed at: over 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: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Alphaomegainfinity/unsupervised_machine_learning_predicting_myopia

Myopia Project: Using unsupervised machine learning to fit data into a model and using clustering algorithms to place data into groups. Then, create a visualisation to display a trend.

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

Arvindhh931/Online-shoppers-intention

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

paresh-bhagat/Biomedical-Image-Processing

Segmentation of Brain tumor from noisy images using various Filters and Segmentation algorithms using Matlab.

Language: MATLAB - Size: 237 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Billie-LS/ex_machina_crypto_learn

FinTech Mod 10- assembling investment portfolios based on cryptocurrencies; Jupyter notebook that clusters by performance in different time periods.

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

Arshdeep-Singh-01/Bag-of-Features-based-Matching-on-MNIST-fashion-database

Bag of words-based matching/categorization solutions on the MNIST-fashion database.

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

lilyhanhub/Weather_Data_Analysis

Data Analytics/Visualization Bootcamp Group Project

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

AboNady/K_Means_From_Scratch

An implementation of the basic idea of K-Means from scratch.

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

helyousfi/Machine-learning

This repo contains machine different learning algorithms.

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

taimoorzaeem/k-means-clustering 📦

Implemented K-means algorithm and used it for image compression.

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

CubatLin/TBrain-E.SUN-AI-Open-Competition-Fall-2019-15th-place-Feature-Engineering

玉山銀行人工智慧公開挑戰賽-2019秋季賽-真相只有一個-信用卡盜刷偵測 - Top1% Feature Engineering

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

OssaMajali/Customer-Segmentation

Customer Segmentation

Language: Jupyter Notebook - Size: 541 KB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

duli-eng/KMeans_sklearn

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

ivalada/KMeans-Manual-and-Sklearn-Implementations

Implementation of KMeans clusterization algorithm in Python using Pandas, NumPy and Scikit-Learn.

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

rajimuth/Cryptocurrencies

Unsupervised Machine Learning for Cryptocurrency Analysis

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

Abinaya1702/Vehicles_dataAnalysis

Vehicles dataset is analyzed using R programming language.

Language: R - Size: 6.08 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

roshancyriacmathew/K-means-Clustering-Implementation

K means clustering implementation on the wine quality dataset

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

ritvik-garg/ML_algorithms_from_scratch_2.0

ML Algorithms from scratch

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

ParthKalkar/classification-clustering-machine-learning

Solve several tasks on classification and clustering.

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

Rakan-z/KCL-DS-Assignments-MSc

This repository consists of folders which include some of the courseworks I have completed in my Data Science MSc at KCL.

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

erickmp07/cluster-people

K-means clustering algorithm to group people who live close to each other.

Language: R - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

shobhit10058/Machine_learning_assignment_2

k_means clustering implementation

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

aolayeye/Clustering_Cryptocurrencies

Implementing K-Means clustering on a cryptocurrency dataset

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

sumit0072/Coursera_Capstone

This repository contains Capstone Project of IBM Data Science Professional Certificate.

Language: Jupyter Notebook - Size: 6.38 MB - Last synced at: about 2 years 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: almost 4 years ago - Stars: 0 - Forks: 0

sumit0072/GRIP-Task

This repository contains tasks performed in Graduate Rotational Internship Program at The Spark Foundation.

Language: HTML - Size: 6.97 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

purvit-vashishtha/Clustering

Code for implementing KMeans and Hierarchical Clustering.

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

UKMIITB/KMeansClustering

Python implementation of KMeans clustering algorithm on tif images

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

vmieres/Amazon-Web-Services

This repo is about Clustering cryptocurrencies. Using AWS SageMaker and S3.

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

gonultasbu/color-k-means

A simple k means classifier for rgb images without sklearn.

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

fraxhost/ImagePixelClustering_Kmeans

Implemented the K-Means Clustering Algorithm. This project can cluster pixels of a similar kind together.

Language: Java - Size: 69.1 MB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

wonderyue/KMeans-Compression

KMeans

Language: Python - Size: 3.64 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Marslanali/cpp-kmeans-clustering

C++ implementation of kmeans clustering algorithm.

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

RyanLBuchanan/K-Means_Clustering

K-Means Clustering Algorithm tutorial from Machine Learning A-Z - SuperDataScience -> Input by Ryan L Buchanan 06OCT20

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

ZishanSayyed/Kmean-Clustering

Language: R - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Korag/K_Means_Clustering

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

rupalshrivastava/Unsupervised-Learning

Performed feature dimensionality reduction algorithms including feature selection, PCA, ICA, and Randomized Projections. Implemented K means, and Expectation Maximization for classification clustering problems. Compared both the algorithms' results with ANN.

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

JalajVora/Implementating-kmeans-for-categorizing-safe-states-in-USA

This project is done as part of course entitled Business Intelligence and Data Mining provided at Dr. Jivraj Mehta Institute of Technology for students of B.Engg. in Computer Science and Engineering. This project implements k-Means, an unsupervised Data Mining algorithm to cluster states of USA being Safe, Moderate or Critical. The dataset from FBI was used as ground truth.

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

khushal2911/Speech-processing-Digit-recognition

Four utterances of 10 digits sampled at 8 kHz from each of 4 male speakers are provided. A template based digit recognition is developed with the help of k-means algorithm.

Language: MATLAB - Size: 391 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Trisha11r/MLAlgorithms_from_scratch_Python

Implementation of common ML Algorithms from scratch in Python3

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

shaikhAbuzar/ML-Programs

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

BharatMaheshwari96/Employee-churn-prediction

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

blackfly19/imageCompression

Language: C++ - Size: 532 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

vatsmanish/Machine-Learning

Machine learning agorithams

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

JaspreetRFSingh/KMeans-Predictive-Modeling

Demonstration of use of ML Algorithm: K-Means Clustering

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

DhruvinV/MachineLearning

Machine Learning Algorithms implemented using Numpy and Scipy

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

UpasanaGhosh/UB-CSE-574-Introduction-to-Machine-Learning

The projects are a part of the course CSE-574 : Introduction to Machine Learning, that I had taken up for Fall 2019 at the University at Buffalo.

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

disha2sinha/Machine-Learning-Algorithms-From-Scratch-

Some Basic Machine Learning Algorithms

Language: C - Size: 63.5 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

oktaviacitra/cluster-analysis

Clustering data ruspini menggunakan k-means dan menganalisa cluster menggunakan variance

Language: Java - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 5 years 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

Godspeed007/GroupIt

Using K-means algo to cluster the various video games.

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

Jeffresh/kmeans-clustering

A classifier using the kmeans algorithm.

Language: MATLAB - Size: 19.5 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

kalyaniasthana/GenomicDataScienceAndClustering_BioinformaticsV

coding problems from course 5 of the Bioinformatics specialization

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

SiluPanda/k-means-clustering

Implementation of K-means clustering from scratch, image compression and decompression and analysis

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

heisenbuug/K-Means-Clustering

K-Means Clustering

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

beccadsouza/Data-Warehousing-Mining

Java Implemention of Data Warehousing and Mining algorithms

Language: Java - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

yash98/parallelizedKMeans

Sequential and parallel implementations of K-means clustering algorithm

Language: C++ - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

siddheswarc/Computer-Vision

CSE 573 (Introduction to Computer Vision and Image Processing) course at the University at Buffalo

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

flpinheiro/APC_trabalho2_Kmeans

Código desenvolvido como parte da avaliação da disciplina Algoritmos e Programação de Computadores (113476) com o professor Vinícius Ruela Pereira Borges do departamento de Ciência da computação da Universidade de Brasília no primeiro semestre de 2018, desenvolvido pelo estudante Felipe Luís Pinheiro.

Language: C - Size: 126 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

kajakgupta/K-Means-clustring-of-Iris-dataset

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: 15 days ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

justdvnsh/Machine-Learning-With-Python

A collection of machine learning models with python.

Language: Python - Size: 2.21 MB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 1

patilankita79/TweetsClusteringUsing_KMeans

Clustering tweets by utlizing Jaccard Distance metric and K-means clustering algorithm

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

yeshymanoharan/kmeans-sequences

Implementation of K-means that categorizes sequences into groups based on similarity score derived from Smith-Waterman algorithm.

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

pama-arniel/K-Means-Clustering

An image compression implementation using K-means Clustering

Language: Python - Size: 799 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Rayryu/Color-Pallets-generators

Generating color pallets from images using k-means clustering algorithm and Java.

Language: Java - Size: 38.9 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

aintzevi/kmeans-on-spark

Implementation of the K-Means algorithm using Scala and Spark

Language: Scala - Size: 7.61 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

shourya1997/K-Means-Color-Clustering

The program partitions and clusters the pixel intentsities of a RGB image.

Language: Jupyter Notebook - Size: 7.55 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

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

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

Related Topics
kmeans-clustering 90 machine-learning 52 kmeans 52 kmeans-algorithm 43 python 43 clustering 32 machine-learning-algorithms 25 clustering-algorithm 20 unsupervised-learning 20 unsupervised-machine-learning 17 python3 16 k-means-clustering 14 matplotlib 13 pandas 13 numpy 13 linear-regression 11 logistic-regression 11 data-science 10 k-means 9 pca-analysis 8 data-visualization 7 unsupervised-clustering 7 rfm-analysis 7 jupyter-notebook 7 scikit-learn 7 elbow-method 7 data-analysis 6 knn-algorithm 6 r 6 pca 6 classification 6 k-means-implementation-in-python 5 kmeans-plus-plus 5 data-mining 5 decision-trees 5 customer-segmentation 5 gaussian-mixture-models 5 hierarchical-clustering 5 dimensionality-reduction 5 neural-networks 5 principal-component-analysis 5 segmentation 4 random-forest 4 data 4 matlab 4 expectation-maximization 4 parallel-programming 4 dbscan-clustering-algorithm 4 cpp 4 tsne-algorithm 3 silhouette-score 3 exploratory-data-analysis 3 gradient-descent 3 dbscan-clustering 3 bagging 3 random-forest-classifier 3 supervised-machine-learning 3 naive-bayes-classifier 3 seaborn 3 dendrogram 3 computer-vision 3 spark 3 support-vector-machines 3 clustering-methods 3 cluster-analysis 3 artificial-intelligence 3 clustering-algorithms 3 apriori-algorithm 3 kmeansclustering 3 sklearn 3 artificial-neural-networks 3 matplotlib-pyplot 3 clustering-analysis 3 kmeans-analysis 3 convolutional-neural-networks 3 knn-classification 3 decision-tree-classifier 3 dbscan 2 pca-implementation 2 text-mining 2 chart 2 flask 2 gmm-clustering 2 knn 2 css 2 html 2 cnn-keras 2 javascript 2 heirarchical-clustering 2 java 2 color 2 iris 2 csharp 2 image-clustering 2 iris-dataset 2 svm-classifier 2 perceptron-learning-algorithm 2 digit-recognition 2 cohort-analysis 2 hirearchical 2