Topic: "agglomerative-clustering"
shubhamjha97/hierarchical-clustering
A Python implementation of divisive and hierarchical clustering algorithms. The algorithms were tested on the Human Gene DNA Sequence dataset and dendrograms were plotted.
Language: Python - Size: 2.28 MB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 83 - Forks: 31
dinggd/Dispersion-based-Clustering
The source code for our work "Towards better Validity: Dispersion based Clustering for unsupervised Person Re-identification"
Language: Python - Size: 60.5 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 11
PacktWorkshops/The-Unsupervised-Learning-Workshop
An Interactive Approach to Understanding Unsupervised Learning Algorithms
Language: Jupyter Notebook - Size: 114 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 29 - Forks: 33
SSQ/Coursera-UW-Machine-Learning-Clustering-Retrieval
Language: Python - Size: 81.9 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 28 - Forks: 28
Pegah-Ardehkhani/Customer-Segmentation
Customer Personality Analysis Using Clustering
Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 22 - Forks: 5
waynezhanghk/gacluster
Graph Agglomerative Clustering Library
Language: MATLAB - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 6
greenelab/hclust
Agglomerative hierarchical clustering in JavaScript
Language: JavaScript - Size: 202 KB - Last synced at: 30 days ago - Pushed at: 11 months ago - Stars: 19 - Forks: 3
OlaPietka/Agglomerative-Hierarchical-Clustering-from-scratch
Build Agglomerative hierarchical clustering algorithm from scratch, i.e. WITHOUT any advance libraries such as Numpy, Pandas, Scikit-learn, etc.
Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 5
PerminovEugene/messy-folder-reorganizer-ai
🤖 AI-powered CLI for file reorganization. Runs fully locally — no data leaves your machine.
Language: Rust - Size: 438 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 14 - Forks: 0
andreduong-zz/credit-card-clustering
PCA. Clustering Algorithms. Business Analytics.
Language: Jupyter Notebook - Size: 3.5 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 10
sidharth178/Market-Segmentation-in-SBI-life-Insurance
A machine learning clustering model for customer segmentation to define marketing strategy.
Language: Jupyter Notebook - Size: 4.64 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 1
iesl/expLinkage
Supervised hierarchical clustering
Language: Python - Size: 102 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 6
yasinakinn/hierarchical-clustering
Linkage Methods for Hierarchical Clustering
Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1
sharmaroshan/Clustering-of-Mall-Customers
Clustering Analysis Performed on the Customers of a Mall based on some common attributes such as salary, buying habits, age and purchasing power etc, using Machine Learning Algorithms.
Language: Jupyter Notebook - Size: 638 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 14
havelhakimi/gene-expression
Agglomerative based clustering on gene expression dataset
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 8 - Forks: 0
alifrmf/Customer-Segmentation-Using-Clustering-Algorithms
Customer Segmentation Using Unsupervised Machine Learning Algorithms
Language: Jupyter Notebook - Size: 74.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0
srp98/Unsupervised-Learning
Clustering Algorithms based on centroids namely K-Means Clustering, Agglomerative Clustering and Density Based Spatial Clustering
Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 8
Ruban2205/Machine_learning_fundamentals
This repository contains a collection of fundamental topics and techniques in machine learning. It aims to provide a comprehensive understanding of various aspects of machine learning through simplified notebooks. Each topic is covered in a separate notebook, allowing for easy exploration and learning.
Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: 6 days ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 0
alianoroozi/Image-Clustering
Image Clustering by KMeans and agglomerative hierarchical clustering
Language: Jupyter Notebook - Size: 9.5 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 1
cobanov/semaclust
Semantic text clustering using sentence embeddings and agglomerative clustering.
Language: Python - Size: 11.7 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 5 - Forks: 0
pushkarsaini18/Customer-Behaviour-Pattern
Customer Personality Analysis is a detailed analysis of a company’s ideal customers. It helps a business to better understand its customers and makes it easier for them to modify products according to the specific needs, behaviors, and concerns of different types of customers. Customer personality analysis helps a business to modify its product based on its target customers from different types of customer segments. For example, instead of spending money to market a new product to every customer in the company’s database, a company can analyze which customer segment is most likely to buy the product and then market the product only on that particular segment.
Language: Jupyter Notebook - Size: 2.24 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1
Howuhh/mst_clustering
implementation of agglomerative single linkage clustering with minimum spanning tree algorithm
Language: Jupyter Notebook - Size: 968 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1
dreamvrutik/Data-Mining-Clustering
Language: Python - Size: 896 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1
uef-machine-learning/tspgclu
Fast but accurate approximation of Ward's agglomerative clustering using a fully connected TSP graph
Language: C - Size: 8.33 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 4 - Forks: 0
SayamAlt/Bank-Customer-Segmentation
Successfully established a clustering model which can categorize the customers of a renowned Indian bank into several distinct groups, based on their behavior patterns and demographic details.
Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1
devVipin01/Exploring_Unsupervised_Learning
This notebook will walk through some of the basics of Agglomerative Clustering.
Language: Jupyter Notebook - Size: 31.3 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0
anshul1004/CountriesSearchEngine
A search engine built to retrieve geographical information of any country.
Language: Python - Size: 7.57 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 4
FabrizioMusacchio/dimensionality_reduction_in_neuroscience
Course material for "Dimensionality reduction in Neuroscience"
Language: Jupyter Notebook - Size: 35.1 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 1
Cody-Lange/Milestone-2-Spotify-Music-Clustering-with-Unsupervised-Learning
Clustering music genres with audio data fetched from the Spotify API, features generated from Librosa, K-Means clustering, agglomerative clustering, and PCA/ t-SNE dimensionality reduction
Language: Jupyter Notebook - Size: 8.21 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0
BairagiSaurabh/Electric-Vehicle-Market-Segmentation
Market Segmentation Analysis on Electric Vehicle (India)
Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 3
rochitasundar/Stock-clustering-using-ML
The project involves performing clustering analysis (K-Means, Hierarchical clustering, visualization post PCA) to segregate stocks based on similar characteristics or with minimum correlation. Having a diversified portfolio tends to yield higher returns and face lower risk by tempering potential losses when the market is down.
Language: Jupyter Notebook - Size: 9.16 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 3
suva007/clustering
CONTAINS CLUSTERING ALGORITHMS
Language: Jupyter Notebook - Size: 3.96 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0
vaitybharati/Assignment-07-Clustering-Hierarchical-Airlines-
Assignment-07-Clustering-Hierarchical-Airlines. Perform clustering (hierarchical) for the airlines data to obtain optimum number of clusters. Draw the inferences from the clusters obtained. Data Description: The file EastWestAirlinescontains information on passengers who belong to an airline’s frequent flier program. For each passenger the data include information on their mileage history and on different ways they accrued or spent miles in the last year. The goal is to try to identify clusters of passengers that have similar characteristics for the purpose of targeting different segments for different types of mileage offers.
Language: Jupyter Notebook - Size: 83 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2
ThomasKranz/GeoDataScience
Introduction to Geospatial Data in Python using Google API and GeoPandas
Language: Jupyter Notebook - Size: 4.34 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 2
hacetin/kmeans-and-agglomerative
Comparison of K-Means and Agglomerative Clustering
Language: Python - Size: 4.47 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 0
kevalmorabia97/Agglomerative-Hierarchical-Clustering-Comparison
Comparison of different linkages like complete, averagem ward on different datasets by plotting data on 2D plane by matplotlib
Language: Python - Size: 770 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3
shahin-ro/FashionMNIST-Clustering
Clustering Fashion-MNIST with K-Means & Agglomerative methods! 🖼️✨ Analyze 5000 images, visualize clusters, and evaluate with ARI & V-measure. 📊 Perfect for unsupervised learning exploration! 🚀
Language: Jupyter Notebook - Size: 593 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0
RohanFredriksson/agglomerative-clustering
🎨 Fast hierarchical agglomerative clustering powered by WebAssembly
Language: C++ - Size: 207 KB - Last synced at: 18 days ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0
DolbyUUU/clustering_algorithm_implementation_python
Clustering algorithm implementaions from scratch with python (k-means, EM-GMM, mean-shift, agglomerative)
Language: Python - Size: 1.14 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0
itsmarmot/Pokemon-Clustering
discover meaningful clusters among Pokemon using their Attack and HP statistics. By employing agglomerative clustering, an unsupervised machine learning technique, we can identify groups of Pokemon with similar characteristics in these two key attributes.
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0
ibtissam01/Fetale_health-_-classifiaction-clusterng
Ce projet consiste en l'analyse de données dans le domaine de la santé, plus précisément la classification de la santé fœtale, en utilisant des techniques d'apprentissage automatique
Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0
Samthesimpsons/Project-Reinforcement-Learning-Wordle-Solver
SUTD 50.021 Artificial Intelligence Project - Wordle Solver using Reinforcement Learning
Language: Python - Size: 3.09 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1
duttaprasanta/clustering
Different clustering and clustering metrics are implemented in this repository
Language: Python - Size: 37.1 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0
mayank0rastogi/MACHINE-LEARNING-ALGORITHMS
This Repository Contains Different Machine Learning and Important Concepts
Language: Jupyter Notebook - Size: 4.32 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0
Rishujamaiyar/Graph_Clustering
Graph Clustering using different techniques. [Node2vec, GraphSAGE, Agglomerative]
Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0
SoniSiddharth/Merged-GHCIDR
Merged Geometrical Homogeneous Clustering for Image Data Reduction. An algorithm to reduce large image datasets maintaining similar accuracy.
Language: Python - Size: 22.5 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0
vaitybharati/Assignment-08-PCA-Data-Mining-Wine-
Assignment-08-PCA-Data-Mining-Wine data. Perform Principal component analysis and perform clustering using first 3 principal component scores (both heirarchial and k mean clustering(scree plot or elbow curve) and obtain optimum number of clusters and check whether we have obtained same number of clusters with the original data (class column we have ignored at the begining who shows it has 3 clusters)
Language: Jupyter Notebook - Size: 94.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3
philsaurabh/Hierarchical-Clustering-Example
A simple example to apply hierarchical clustering on a given dataset.
Language: Jupyter Notebook - Size: 67.4 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0
ankanD1601/Amazon-Fine-Food
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0
Boykadakim/User-Clustering-with-BERT-Models
User Clustering Pipelines with BERT Models on Long and Heterogeneous Tweets - BSc Thesis
Language: Jupyter Notebook - Size: 19.4 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0
MainakVerse/Clusterings
A curated list of 20 clustering algorithms implemented in or accessible via Scikit-learn 🧠 These algorithms are widely used for unsupervised learning, pattern discovery, and data segmentation.
Language: Python - Size: 48.8 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0
CryAndRRich/r4bbish
Unsupervised waste classification using contrastive learning and clustering-based voting (Highest score in Samsung Innovation Campus 2025)
Language: Python - Size: 122 MB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
DrStef/Machine_Learning_with_Python-IBM
Language: Jupyter Notebook - Size: 6.64 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
amirabaskanov/valorant-team-optimizer
Clustering Player Archetypes to Optimize Team Composition in Valorant Esports
Language: Python - Size: 1.65 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
taneishi/LeukemiaClustering
Hierarchical Clustering of Leukemia Gene Expression Dataset
Language: Python - Size: 106 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
Jenson073/Clustering_algorithms
This effectively conveys the focus on applying and comparing two clustering algorithms, K-Means and Agglomerative Clustering, using synthetic data.
Language: Python - Size: 3.91 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0
Kalyan1123/Credit-Card-Cluster
About PCA. Clustering Algorithms. Business Analytics.
Language: Jupyter Notebook - Size: 2.87 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0
utkuatasoy/Player-Detection-and-Clustering-in-Sports-Matches
This project aims to automatically detect players in sports matches and cluster the detected players based on their jersey colors. The YOLOv8 model was used for object detection, and the VGG16 model was used for feature extraction. Clustering was performed using the K-Means and Agglomerative Clustering algorithms.
Language: Jupyter Notebook - Size: 741 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0
Szafranerio/Hierarchical-Clustering
🤖 Machine Learning (Hierarchical Clustering) for Blobs and Cars dataset
Language: Jupyter Notebook - Size: 729 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
pharo-ai/hierarchical-clustering
Hierarchical Clustering algorithms for Pharo
Language: Smalltalk - Size: 63.5 KB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1
MohammadYasinKarbasian/Data-Mining-Homeworks
This repository contains my solutions and implementations for assignments assigned during the Data Mining course.
Language: Jupyter Notebook - Size: 5.11 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0
Alex1iv/customer_segmentation
Credit card users segmentation with multiple methods: K-means, agglomerative_clustering
Language: Python - Size: 5.98 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
soheilabadifard/k_means_algorithm_vs_agglomerative_hierarchical_clustering
Clustering
Language: Python - Size: 116 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0
Esraa-alii/Image-Segmentation
A web application that use python script for image segmentation Thresholding: Optimal thresholding, Otsu, and spectral thresholding global and local thresholding. Unsupervised segmentation using k-means, segmentation using region growing, agglomerative and mean shift method.
Language: Jupyter Notebook - Size: 13.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
samueljcatania/machine-learning
Supervised K-NN classification and unsupervised K-Means clustering machine learning algorithms built from scratch in Python using NumPy and Matplotlib.
Language: Python - Size: 13.7 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
bharatkulmani/Customer-Data-Sorting
This Program is for Clustering Customer Data On the Basis of their Spending, Income,Family and Children.
Language: Jupyter Notebook - Size: 8.01 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
Gandhasiri-Rahul-Mohan/Principal-component-analysis
Perform Principal component analysis and perform clustering using first 3 principal component scores
Language: Python - Size: 7.81 KB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0
rishabh-sachdeva/Search-Engine
Project for Information Retrieval - CMSC 676
Language: Java - Size: 8.31 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1
SergiusMagnus/Hierarchical-Clustering
An implementation of various methods of agglomerative clustering.
Language: Python - Size: 17.6 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
gauravsharma884/MACHINE-LEARNING-USING-PYTHON
This repository contains all the projects carried out to understand and experiment on Machine Learning using Python. Projects scripts are created to build model on classification , clustering and regression machine learning models for future predictions.
Language: Jupyter Notebook - Size: 5.62 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
Shakiba-Alipour/Computational-Intelligence-Unsupervised-Learning
Language: Python - Size: 1.1 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
naman2040/Iris-Flower-Clustering
(CLUSTERING): Our objective is to categorize Iris flowers into 3 sub groups, with 50 samples for each (versicolor, virginica, setosa). Using K means & Agglomerative Clustering I was able to completely segregate them into 3 different breeds. with Accuracy Score of 1.0
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1
lynda-trad/Mall-Customer-Segmentation
Machine Learning Clustering on mall customers
Language: Jupyter Notebook - Size: 1.73 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
lynda-trad/Iris
Machine Learning Classification & Clustering of Iris flowers
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
abdulwajed-farhat/hierarchical_clustering
Language: Jupyter Notebook - Size: 110 KB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0
anxxos/text-mining-news-clustering
En esta práctica se ha abordado el problema de implementar un programa de procesado de noticias en la Red, mediante las librerías de procesamiento de lenguaje natural spaCy y NLTK, además de una posterior clasificación de las mismas según su temática utilizando un algoritmo de clustering jerárquico aglomerativo.
Language: Python - Size: 606 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0
dhimansaha18/Chracter-Map-Generation-with-NLP
This project is a step towards building an Artificial General Intelligence. The main goal is to discover an individual's biasses getting his/her field of interests from Instagram ad interests.
Language: Python - Size: 971 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0
Caster/growing-glyphs
Implementation accompanying A Practical Algorithm for Spatial Agglomerative Clustering
Language: Java - Size: 5.98 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0
vaitybharati/P29.-Unsupervised-ML---Hierarchical-Clustering-Univ.-
Unsupervised-ML---Hierarchical-Clustering-University Data. Import libraries, Import dataset, Create Normalized data frame (considering only the numerical part of data), Create dendrograms, Create Clusters, Plot Clusters.
Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
povstenko/clustering-mall-customers
💠 KMeans Unsupervised Clustering task with "Mall Customers"
Language: Jupyter Notebook - Size: 2.59 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
surajiyer/topic-analysis
Python library to perform topic detection on textual data that are generated over time.
Language: Python - Size: 4.01 MB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0
vaitybharati/Hierarchical-Clustering
Hierarchical-Clustering
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
computerphysicslab/Physics-Agglomerative-Hierarchical-Clustering
Find clusters in data-mining through the power of physics methods
Language: PHP - Size: 520 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0
rajtulluri/Mall-Customers-Clustering
Clustering the Mall customers to analyze the different market segments of the Mall
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1
guglielmosanchini/ClustVizGUI
GUI version of https://github.com/guglielmosanchini/ClustViz
Language: HTML - Size: 245 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2
shubhamchouksey/Unsupervised_Machine_Learning
Introduction to Unsupervised Machine Learning, number of approaches to unsupervised learning such as K-means clustering, hierarchical agglomerative Clustering and its applications.
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1
masumkhan081/machine-learning
Raw Coding Implementation Of Different Sorts Of Machine Learning Algorithms Without Using Library
Language: Python - Size: 17.6 KB - Last synced at: 12 days ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0
mciccale/countries-clustering 📦
Given a dataset with information about 167 countries, the goal of this experiment is to segmentate the countries in clusters to then determine which groups may need help more urgently using clustering techniques.
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: 15 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0
Otniel113/SegmentasiPelanggan
Penerapan Kecerdasan Buatan dalam Komunikasi Pemasaran: Segmentasi Pelanggan dengan Agglomerative Clustering
Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
mathpanda757/FashionMNIST-Clustering
🖼️ Cluster Fashion-MNIST images using K-Means and Agglomerative Clustering to analyze patterns in fashion data with clear visualizations and metrics.
Language: Jupyter Notebook - Size: 583 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
AyanQuadri/ML-Lab
Machine Learning Algorithms
Language: Python - Size: 152 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
nestalii/cluster-analysis-metrics
This project implements cluster analysis on real data using multiple methods to evaluate optimal cluster number: Elbow method, Silhouette score, and Prediction Strength. Both KMeans and Agglomerative Clustering are applied, with visualization and stability evaluation
Language: Jupyter Notebook - Size: 2.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
ayushk028/Customer-Segmentation-Using-Clustering-Algorithms
Customer Segmentation Using Unsupervised Machine Learning Algorithms
Language: Jupyter Notebook - Size: 71.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
kvitK1/ML-Driven-Clustering-of-Onboarding-Users-Strategies-for-Enhanced-Conversion
Bachelor thesis is submitted in fulfilment of the requirements for the Bachelor of Science degree in the Department of Business Analytics and Information Technologies at the Faculty of Applied Sciences of Ukrainian Catholic University.
Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
sree2694/health_clustering_app
Healthcare providers collect large volumes of patient data. However, this data is underutilized for early risk profiling. This project aims to apply clustering techniques to group patients based on similar health characteristics to identify hidden patterns and offer early preventive care suggestions.
Language: Python - Size: 299 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Markkreel/Binary-Static-Analysis-Through-Instruction-and-Operand-Extraction-and-AHC-Algorithm
A static binary analysis tool visualizes code blocks in the assembly of a disassembled binary file using the AHC algorithm, aided by entropy calculation and similarity measurement.
Language: Assembly - Size: 3.93 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
aelmah/Data-Mining
Data Mining Projects
Language: Jupyter Notebook - Size: 24.7 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
nolnolon/User-Clustering-with-BERT-Models
User Clustering Pipelines with BERT Models on Long and Heterogeneous Tweets - BSc Thesis
Language: Jupyter Notebook - Size: 27.8 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
AdityaSreevatsaK/DS-ML-Playground
A collection of data science and machine learning projects showcasing complete workflows, from data cleaning and preprocessing to model building and evaluation. Dive into diverse datasets, explore a range of techniques, and experiment with models in this comprehensive playground for learning and innovation.
Language: Jupyter Notebook - Size: 40.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
SevilayMuni/e-commerce-fraud-detection
Detecting fraudulent transactions in e-commerce data provided by Vesta Corporation.
Language: Jupyter Notebook - Size: 627 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0