clustering-algorithms

There are 75 repositories under clustering-algorithms topic.

  • milaan9/Clustering_Algorithms_from_Scratch

    Implementing Clustering Algorithms from scratch in MATLAB and Python

    Language:Jupyter Notebook20230179
  • egaoharu-kensei/ML-algorithms-from-scratch.-Course-for-beginners

    ML-algorithms from scratch using Python. Classic Machine Learning course.

    Language:Jupyter Notebook964031
  • jeremy191/clustering-based-anomaly-detection

    This clustering based anomaly detection project implements unsupervised clustering algorithms on the NSL-KDD and IDS 2017 datasets

    Language:Jupyter Notebook570013
  • gagolews/clustering-benchmarks

    A framework for benchmarking clustering algorithms

    Language:Python44458
  • Pegah-Ardehkhani/Customer-Segmentation

    Customer Personality Analysis Using Clustering

    Language:Jupyter Notebook25106
  • guglielmosanchini/ClustViz

    Visualization of many Clustering Algorithms, via Notebook or GUI

    Language:Jupyter Notebook241214
  • Mthrun/FCPS

    The Fundamental Clustering Problems Suite (FCPS) summaries 54 state-of-the-art clustering algorithms, common cluster challenges and estimations of the number of clusters as well as the testing for cluster tendency.

    Language:HTML23412
  • durgeshsamariya/awesome-clustering-resources

    Clustering related books and research papers.

  • giusalfieri/IPA_Project

    Aircraft detection in satellite images using computer vision and machine learning.

    Language:C++12100
  • ilhansevval/Machine_Learning

    This repository includes machine learning algorithms which is classification, regression, clustering, NLP, PCA, model selection and recommendation systems

    Language:Jupyter Notebook10101
  • Kesa2773/UIImageColorPalette

    UIImageColorPalette is a versatile utility for extracting the prominent colors from images in iOS. It efficiently identifies and provides the three most prevalent colors in a UIImage.

    Language:Objective-C9101
  • arminZolfaghari/CMeans_fuzzy

    Classification based on Fuzzy Logic(C-Means) - Computational Intelligence Course 2nd Project

    Language:Python7100
  • dple/awesome-papers-and-source-code-for-anomaly-detection

    Awesome machine learning algorithms for anomaly detection, including papers and source code

  • Samxx97/Fuzzy-Clustering

    An Implementation of fuzzy clustering algorithms in Numpy

    Language:Python7200
  • billsioros/cmeans

    A version of the K-Means Algorithm targeting the Capacitated Clustering Problem

    Language:C++5110
  • mdarm/hyperspectral-image-clustering

    Project on hyperspectral-image clustering for the Μ402 - Clustering Algorithms course, NKUA, Fall 2022.

    Language:MATLAB4100
  • n0obcoder/Clustering-Algorithms-in-Numpy

    Implementation of some of the most used Clustering Algorithms from scratch (only using Numpy)

    Language:Python4002
  • sadit/KCenters.jl

    A library gathering diverse algorithms for clustering, similarity search, prototype selection, and data encoding based on k-cluster algorithms.

    Language:Julia3230
  • elenagarciamorato/PDASC

    Approximate Nearest Neighbors for distributed systems using any arbitrary distance function

    Language:Python230
  • Saravanan9698/Clickstream_Customer_Conversion

    Analyzes clickstream data from an e-commerce platform to predict customer conversions, estimate potential revenue, and segment users for personalized marketing strategies. By leveraging machine learning techniques, the project enhances decision-making for businesses seeking to optimize user engagement and sales.

    Language:Jupyter Notebook2
  • SergeiNikolenko/AntibodyCluster

    The AntibodyCluster repository contains scripts designed to extract sequences of amino acid chains from antibodies present in Protein Data Bank (PDB) format files. The scripts employ the SAbDab database for file processing.

    Language:Jupyter Notebook2100
  • shayanshabani/MIR-2024-Project

    A movie information retrieval system that crawls IMDb data, removes duplicates via LSH, indexes movie details, and retrieves relevant results using Okapi BM25. Features include query-based search, classification, clustering, BERT fine-tuning, a recommender system, and evaluation using metrics like precision and recall.

    Language:Jupyter Notebook210
  • shreyansh-2003/Hands-On-With-Machine-Learning-Algorithms

    This repository contains a collection of labs that explore various machine learning algorithms and techniques. Each lab focuses on a specific topic and provides detailed explanations, code examples, and analysis. The labs cover clustering, classification and regression algos, hyperparameter tuning, data-preprocessing and various evaluation metrics.

    Language:Jupyter Notebook2100
  • sn2727/sales-forecasting

    Customer segmentation and saales forecasting on online retail dataset from UCI.

    Language:Jupyter Notebook20
  • SoniSiddharth/SamplingMethods_in_DataScience

    Speeding up clustering algorithms using Sampling techniques (Lightweight Coresets)

    Language:Python2100
  • warmachine028/KMeansExample

    Simple implementation of the KMeans Clustering algorithm in Python

    Language:Python210
  • arshc0der/Movie-Recommendation-System

    Movie Recommendation System using Unsupervised Learning A Python-based recommendation engine built with K-Means Clustering that groups movies by genres, ratings, and popularity to suggest similar titles. Developed in a Jupyter Notebook, it demonstrates content-based filtering using real-world movie metadata.

    Language:Jupyter Notebook110
  • Assem-ElQersh/E-Commerce-Customers-Segmentation

    This Repository is a Part of MSC EELU Data Science & Machine Learning Bootcamp Final Project

    Language:Jupyter Notebook110
  • cgao-comp/DMFO

    The code of paper "Xianghua Li, Xin Qi, Xingjian Liu, Chao Gao, Zhen Wang, Fan Zhang, Jiming Liu, A discrete moth-flame optimization with an L2-norm constraint for network clustering, IEEE Transactions on Network Science and Engineering 2022".

    Language:MATLAB1100
  • HayderAminLab/DENOISING

    An Engine for Dynamic Enhancement and Noise Overcoming in Spatiotemporal Multimodal Neural Observations via High-density Microelectrode Arrays

    Language:Python1100
  • Jieyi-Chen-98/Airlines-Customer-Satisfactory

    This project uses Machine Learning prediction methods such as Random Forest, Boosting and Neural Network. Plus, clustering analysis is carried out for more precise marketing strategy for each cluster.

  • krishna-aditi/customer-segmentation-and-profiling

    Unsupervised clustering of a retail store's customer database to perform Customer Segmentation and Profiling.

    Language:Jupyter Notebook1100
  • mascarenhasneil/ChurnModeling

    This is Final Capstone Project for ALY6140 80956 Analytics Systems Technology SEC 04 Spring 2021 CPS. Primarily made to learn Data Analytics, Machine Learning, and AI using Python. To cluster Customer churn, understand why the customer is churning (leaving), which customer is churning, how can we predict it and stop it from happening.

    Language:Jupyter Notebook1201
  • CustoClarity

    Neelanjan-chakraborty/CustoClarity

    CUSTO CLARITY is a customer segmentation model built in Python. Using clustering on real retail datasets, it identifies 5 customer segments that unlocked strategic retail partnerships. Powered by scikit-learn, pandas, seaborn, and Matplotlib.

    Language:Python1
  • omarr-gamal/IBM-Machine-Learning-with-Python-Course

    Machine learning example code in topics such classification, clustering and recommender systems in different techniques and approaches.

    Language:Python1100