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

Topic: "kmeans-algorithm"

AISWARYA-NANDAKUMAR/Classification-of-rice-grains-using-Kmeans-clustering

There are different rice grains being cultivated. these rice grains have different sizes and shapes. In this project, different rice grains are clustered using Kmeans clustering based on their sizes.

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

Fennecnightingale/Space-Hospitality-Sentiment-Analysis

Using Tweets and YouTube comments, preforming K-means clustering to analyze common sentiments and groups talking about the Space Hospitality industry.

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

subham-agrawall/clustering-scratch

This repository has some clustering techniques implemented from scratch to understand and grasp basic concepts.

Language: Python - Size: 294 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

nitya123-github/Malware-Analysis

Malware analysis of files, detect the type of malware and check whether its a malware or not by using virus total.

Language: HTML - Size: 326 KB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

maevans/kMeansAlgorithm

Given: Dataset(data.csv)containing 600 vectors, named V1, V2...,V600. Each vector has dimension (size) of 3. Dataset also contains the initial cluster centers(3 clusters)named C1,C2 and C3 (also of size 3)after the rows containing the vectors. Implement the k-means algorithm with the given vectors and initial cluster centers and plot results after clustering.

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

fbasatemur/Unsupervised_Learning_Classification

Unsupervised Learning Classification with K-Means

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

Ekhodair/Customer-Segmentation-Unsupervised-Learning

In this project, I use K-means as an unsupervised learning algorithm to perform customer clustering to identify better strategies based on RFM model

Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: 10 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

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: almost 5 years ago - Stars: 0 - Forks: 0

saurabh48782/Image_Segmentation_using_KMeans

Applied KMeans++ algorithm to achieve the goal of image segmentation.

Language: Jupyter Notebook - Size: 453 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 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: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - 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: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

kush1912/Neural-Networks

This repository consists of all the assignments i have done as a part of the neural networks lab which was a part of my curriculum.

Language: HTML - Size: 10.3 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

manshitamathur/Machine-Learning

Machine Learning Algorithms

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

shalakasaraogi/ml-supervised-unsupervised-models

Implementation of the K-Means Algorithm, Linear Regression, Logistic Regression, Decision Tree Algorithm, Random Forest Algorithm

Language: Jupyter Notebook - Size: 109 KB - Last synced at: over 2 years ago - Pushed at: about 5 years 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: over 5 years ago - Stars: 0 - Forks: 0

Gajenthran/ml

Algos de machine learning

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

shaikhAbuzar/ML-Programs

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

Atenrev/Clothes-and-color-classifier

An implementation of K-means and KNN algorithms to classify clothes and its color.

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

TiannaLopes/HockeyScore

Machine Learning with Sports

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

Xenia101/K-means-Clustering

Sample of K-means Clustering

Language: Python - Size: 135 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

eliabeleal/Report_Machine_Learning

:keyboard: Comparar os resultados de algoritmos de Machine Learning com problemas de classificação. Escolher três problemas de classificação do UCI

Language: Jupyter Notebook - Size: 14.8 MB - Last synced at: over 2 years ago - Pushed at: over 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: over 5 years ago - Stars: 0 - Forks: 0

asgaonkar/2D-Blind-kMeans-Clustering

Implementing kMeans and kMeans++ on 2D points to find accurate value of k and classify accordingly.

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

lapidshay/NYC-juvenile-crime-rate-VS.-after-school-activity

The notebook demonstrates the use of Folium maps and WordCloud visualization tool, as well as a sophisticated use of k-means algorithm.

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

Bread-and-Code/K-MAENS

Language: Python - Size: 31.3 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 2

senavs/kmeans-from-scratch

:heavy_check_mark: A Python implementation of KMeans machine learning algorithm.

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

uniquevineet/unsupervised_learning

Applying unsupervised learning algoriths on online shoppers intention data and model building

Language: HTML - Size: 1.45 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

dc-aichara/simple-kmeans

Simple K-means clustering function

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

Rajpreet16/machine_learning_algorithms

These are Machine Learning Algorithm, written in Python. Contains, Regression, KNN(K- Nearest-Neighbor), Best-Fit-Line, Support Vector Machine, K-Means, Mean Shift

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

SeyedAlirezaFatemi/iris-mnist

Classifying iris and fashion-mnist datasets using different algorithms.

Language: Jupyter Notebook - Size: 5.61 MB - Last synced at: over 2 years ago - Pushed at: over 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: over 6 years ago - Stars: 0 - Forks: 0

macabdul9/image-segmentation

image segmentation using K-means and K-means++ algorithm.

Language: Jupyter Notebook - Size: 284 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

liadadash/K-Means

Parallel implementation of K-Means algorithm

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

catamold/image-processing

Recunoastere pe baza de semnaturi

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

odubno/machine-learning-intro

class notes, tips, models in python and resources for learning machine learning.

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

OtakuSenpai/KMeans-Algo-Gui

KMeans algo in GUI using FLTK library.

Language: C++ - Size: 1.49 MB - Last synced at: over 2 years ago - Pushed at: over 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: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

niketan108/K-Means-Agglomerative-Hierarchical-Clustering-DBSCAN-Density-based-clustering-

Built K-Means, Agglomerative(Hierarchical Clustering) & DBSCAN(Density based clustering) Clustering on Amazon fine food review dataset

Language: Jupyter Notebook - Size: 4.16 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Berkays/KMeans

KMeans Implementation in Python

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

sunil-sopho/Parallel_Kmeans

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

ya2189/TextClassification_KMeans

Text clustering Reuters-21578 test collection using K-Means algorithm

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

Dheeraj2444/machine-learning-models

Implementation of ml algorithms

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

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

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

gjbsaiia/weightedTeamGenerator

lil side project for progressive internship

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

boy1583/out_of_core_k-means

k-means algo using single core

Language: C++ - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Juangmar/AI_Algorithms

Repositorio usado para almacenar las prácticas de la asignatura Ingeniería del Conocimiento,

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

soumilkanwal80/Spam-Ham-Predictor

A basic spam ham predictor in C

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

cwuu/DataMining-LearningFromLargeDataSet-Task3

ETH Zurich Fall 2017

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

shask9/chicago_city_crime_analysis

Language: Scala - Size: 297 KB - Last synced at: 12 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

adewija/K-Means

This is code for make classification using K-Means Method in Java

Language: Java - Size: 1.95 KB - Last synced at: 8 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 1

benjaminpatrickevans/classification

Some basic classification methods (Naive Bayes, Decision Trees, Nearest Neighbour, Perceptrons) implemented from scratch in Java

Language: Java - Size: 26.4 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 0 - 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: about 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

Tchoks/DataAnalytics

iris and kdd cup 1999 classification

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

dhara9525/Kmeans_UnsupervisedLearning

Implement the K-means unsupervised learning algorithm. Utilized the simplified Iris dataset to test code.

Language: Matlab - Size: 48.8 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 1

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: over 8 years ago - Stars: 0 - Forks: 0

rahulthapar15/KMeans-Clustering

Language: C++ - Size: 216 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

dagrewal/Telecomms-Unsupervised-Analysis

Data Mining Matlab files used as part of a class on Data Mining taught as part of the MSc. Data Science (2014) at Lancaster University.

Language: Mercury - Size: 9.58 MB - Last synced at: over 2 years ago - Pushed at: almost 11 years ago - Stars: 0 - Forks: 0

Related Topics
kmeans-clustering 126 kmeans 78 machine-learning 61 python 51 clustering 49 kmeans-clustering-algorithm 46 machine-learning-algorithms 32 clustering-algorithm 29 k-means-clustering 20 unsupervised-learning 19 python3 17 k-means 17 unsupervised-machine-learning 14 logistic-regression 14 knn-algorithm 14 data-science 13 numpy 12 linear-regression 11 decision-trees 11 image-processing 11 knn-classification 10 knn 10 pandas 10 c 9 pca 9 gaussian-mixture-models 8 pca-analysis 8 hierarchical-clustering 8 supervised-learning 7 kmeans-plus-plus 7 algorithms 7 random-forest 7 svm-classifier 7 customer-segmentation 7 decision-tree 6 dbscan-algorithm 6 scikit-learn 6 algorithm 6 naive-bayes-classifier 6 dbscan-clustering 6 svm 6 cpp 6 opencv 6 elbow-method 6 iris-dataset 6 naive-bayes-algorithm 5 artificial-intelligence 5 data-visualization 5 data-mining 5 regression 5 ai 5 cluster 5 principal-component-analysis 5 javascript 5 segmentation 5 neural-network 5 r 5 apriori-algorithm 5 k-means-implementation-in-python 5 mapreduce 5 matplotlib 5 visualization 4 matlab 4 java 4 ml 4 hadoop 4 elbow-curves 4 jupyter-notebook 4 spark 3 unsupervised-clustering 3 meanshift 3 from-scratch 3 centroids 3 agglomerative-clustering 3 go 3 openmp 3 dbscan 3 data-analysis 3 cluster-analysis 3 support-vector-machines 3 machinelearning 3 kmeansclustering 3 datamining 3 computer-vision 3 c-plus-plus 3 image-classification 3 classification 3 classification-algorithm 3 iris 3 text-clustering 3 sklearn 3 cplusplus 3 regression-algorithms 3 image-segmentation 2 kmeans-analysis 2 predictive-analysis 2 scatter-plot 2 cnn-classification 2 exploratory-data-analysis 2 color 2