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

GitHub topics: unsupervised-machine-learning

YamenRM/Mall-Customer-Segmentaion

This project applies unsupervised machine learning techniques to segment customers of a mall

Language: Jupyter Notebook - Size: 357 KB - Last synced at: about 14 hours ago - Pushed at: about 16 hours ago - Stars: 1 - Forks: 0

kavitabansal95/Wallet-Risk-Score-Prediction

Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: about 16 hours ago - Pushed at: about 17 hours ago - Stars: 0 - Forks: 0

kspswati/customer-segmentation-analysis

This project applies unsupervised machine learning to segment customers based on demographic and behavioral data from a marketing campaign. By identifying distinct customer clusters using PCA and agglomerative clustering, it enables more targeted, cost-effective, and personalized marketing strategies for businesses.

Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: about 19 hours ago - Pushed at: about 21 hours ago - Stars: 0 - Forks: 0

semihyagli/STL10-Labeled

This repository contains complete labels for all the images in the SLT10 dataset. The labels were collected from humans through Etiqueta, an application that gamifies data labeling.

Language: Jupyter Notebook - Size: 5.53 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 1 - Forks: 0

jiaxiaogang/HELIX_THEORY

螺旋熵减理论

Language: Objective-C - Size: 90.5 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 139 - Forks: 35

SmartTensors/NMFk.jl

Nonnegative Matrix Factorization + k-means clustering and physics constraints for Unsupervised and Physics-Informed Machine Learning

Language: HTML - Size: 84.6 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 15 - Forks: 1

greyhatguy007/Machine-Learning-Specialization-Coursera

Contains Solutions and Notes for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2022) by Prof. Andrew NG

Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 5,614 - Forks: 3,170

loudrxiv/frustrating

A new approach for cross-species prediction of transcription factor binding sites!

Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

danial-hosseinpour/Machine-Learning-Projects

This repository showcases a collection of machine learning projects that I have worked on, applying various algorithms and techniques to solve real-world problems.

Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

SalomonisLab/altanalyze3

AltAnalyze version 3 is a Python3 library to integrate and compare diverse RNA isoform datasets.

Language: Python - Size: 13.9 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 6 - Forks: 3

benedekrozemberczki/NMFADMM

A sparsity aware implementation of "Alternating Direction Method of Multipliers for Non-Negative Matrix Factorization with the Beta-Divergence" (ICASSP 2014).

Language: Python - Size: 7.13 MB - Last synced at: about 23 hours ago - Pushed at: almost 3 years ago - Stars: 47 - Forks: 11

KristinaP09/G-CoMVKM-Python

Python implementation for A Globally Collaborative Multi-View k-Means Clustering

Language: Python - Size: 53.7 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

sonali6062/Machine_learning_fundamentals

A comprehensive collection of machine learning algorithm implementations from scratch and using popular libraries. Covers supervised learning techniques with well-documented code and practical examples.

Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

TusharGwal/Machine-Learning-A-Z-Hands-On-Projects-in-Python-for-Data-Science-2025

Repository For Codes And Concept Taught in Udemy Course - "Machine Learning A-Z™: AI, Python & R + ChatGPT Bonus [2025]"

Language: Jupyter Notebook - Size: 33.1 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

KUsmn/unsupervised-iris-clustering

Unsupervised clustering of Iris flower species using K-Means with feature scaling, elbow method optimization, and 2D cluster visualization.

Language: Jupyter Notebook - Size: 291 KB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

albertmarques7/MachineLearningProjectHousePrices

Creating a model which can measure the price of the house based on its features.

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

Agoons20/Text_Mining_in_R

The projects here demonstrate how a textual corpus is prepared for analysis, preprocessing steps for computational text mining and extraction of business insights.

Language: Jupyter Notebook - Size: 7.27 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

DrStef/MIMII-Unsupervised-classification-of-valve-sounds

Malfunctioning Industrial Machine Investigation and Inspection

Size: 3.63 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 2 - Forks: 2

Mariam-Badr-MB/Book-s-genre

Discover hidden micro-genres in books using unsupervised machine learning. This project applies KMeans clustering to book descriptions, using NLP preprocessing and TF-IDF vectorization to group books with similar themes

Language: Jupyter Notebook - Size: 235 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

sahiliitj/From-K-means-to-PCA-GMM

Language: Jupyter Notebook - Size: 4.47 MB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

Shailesh-Padhariya/Online-Retail-Clustering

This project applies the K-Means clustering algorithm to segment customers based on their purchasing behavior. The dataset used contains transaction data for an online retail store, and the project aims to group customers using three key metrics: Recency, Frequency, and Monetary Value (RFM).

Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

r6king8/FlixRecommender

Discover FlixRecommender, an interactive app that uses K-Means clustering to recommend Netflix shows based on genres and duration. 🎬📁 Explore now!

Language: Jupyter Notebook - Size: 2.8 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

vanshika-tiwari123/Mall-Customer-Segmentation

An Unsupervised Machine learning project of mall customer segmentation

Language: Jupyter Notebook - Size: 2.46 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

Shoaib1-coder/Movie-Recommendation

🎬 Movie Recommendation System A Streamlit-based web app that recommends movies similar to your favorite using K-Means clustering. Built with Python, pandas, and scikit-learn, this app allows users to interactively explore recommendations from a preprocessed dataset.

Language: Jupyter Notebook - Size: 3.03 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

theainerd/MLInterview

:octocat: A curated awesome list of AI Startups in India & Machine Learning Interview Guide. Feel free to contribute!

Size: 6.96 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 529 - Forks: 169

udaycodespace/Unsupervised-Anime-Recommendation-System

A content-based anime recommendation system ⚡using unsupervised learning (K-Means). Suggests similar anime using synopsis & genre—no user history needed. Built during Edunet AI + Azure Internship.

Language: Jupyter Notebook - Size: 6.72 MB - Last synced at: 15 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 0

AkshaySyal/Hierarchical-Clustering

This project implements hierarchical clustering using a disjoint set data structure to iteratively merge the closest points (single linkage) on the moons dataset, then visualizes the resulting clusters when cut at K=2, K=5, and K=10

Language: Jupyter Notebook - Size: 390 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

AkshaySyal/DBSCAN-Clustering-Projects

The project implements and evaluates DBSCAN across toy, synthetic, and real-world datasets, highlighting its clustering process, parameter sensitivity, and performance strengths and limitations.

Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

AkshaySyal/K-Means-Clustering-from-Scratch

This project focuses on implementing a custom K-Means clustering algorithm and applying it to the MNIST, Fashion, and 20 Newsgroups datasets, with evaluation based on the K-Means objective function, Purity, and Gini Index

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

AkshaySyal/Association-Rule-Mining

This project involved developing a Python program to convert kosarak.dat itemset data into a sparse ARFF format, subsequently loading the generated file into Weka for association rule mining using the FP-Growth algorithm, and analyzing the performance of these conversion and mining steps.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

microsoft/Data-Discovery-Toolkit 📦

A data discovery and manipulation toolset for unstructured data

Language: Jupyter Notebook - Size: 89.2 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 54 - Forks: 12

zahra-ahmadbeigloo/Machine-Learning-Projects

This repository contains machine learning projects, where models are trained for classification, regression, clustering, and deep learning tasks. Each project includes data preprocessing, feature engineering, model training, evaluation, and visualizations to support findings.

Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

Liang-Team/Sequenzo

A fast, scalable, and intuitive Python package in social sequence analysis.

Language: Jupyter Notebook - Size: 75 MB - Last synced at: 8 days ago - Pushed at: 20 days ago - Stars: 6 - Forks: 2

GGasset/CudaNeatNetwork

Easy to use, Neural Network framework made from scratch in CUDA/C++, featuring LSTMs, able to train using Supervised learning and Evolution methods

Language: Cuda - Size: 853 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 1 - Forks: 0

Dzin888s/credit-engine

Credit-Engine is a lightweight API that issues and tracks "thank-you" credits for various interactions within an ecosystem. Built with Node.js, Express, and TypeScript, it emphasizes scalability and maintainability while offering features like credit issuance, action type management, and Docker support. 🐙💻

Language: TypeScript - Size: 118 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

Rahul-404/customer-segmentation

This project applies machine learning techniques to segment customers from a marketing campaign dataset. It uses demographic and behavioral data to uncover distinct customer groups, enabling more personalized marketing strategies and improved campaign targeting.

Language: Jupyter Notebook - Size: 1.9 MB - Last synced at: 11 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

Ahsan-7800/Customer-Segmentation-using-K-Means-Clustering

Segment customers effectively using K-Means Clustering in this interactive Streamlit app. Analyze behavior and tailor marketing strategies. 🌟🚀

Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

nipunchauhan/Topic-Modeling-NLP-Python-Knime

This project compares topic modeling and text clustering techniques on BBC news articles. We use both KNIME and Python-based approaches to assess model quality and coherence in unsupervised text analysis.

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

munas-git/HotelBooking-Price-Elasticity-Modeling-and-Customer-Segmentation

Modeling hotel booking demand and segmenting guests using price elasticity analysis, statistical modeling, and behavioral clustering to inform targeting and STP strategies.

Language: Jupyter Notebook - Size: 9.05 MB - Last synced at: 6 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

devxdebanjan/KMeans

clustering of night time satellite images and depicting them by use of different colors

Language: Jupyter Notebook - Size: 248 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

RP-333/Fraud-Analytics-with-AI-ML

Comprehensive portfolio showcasing AI/ML applications in fraud detection, including foundational EDA, transaction fraud, identity fraud, and KYC/AML compliance systems.

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

AVoss84/bayes-anomaly

Python library for explainable Bayesian Anomaly Detection

Language: Jupyter Notebook - Size: 9.6 MB - Last synced at: 26 days ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 1

Dhanashree-kha/SCT_ML_01

ML Project 01 using K-Mean Algorithm

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

doxakis/HdbscanSharp

HDBSCAN in C#

Language: C# - Size: 2.52 MB - Last synced at: 26 days ago - Pushed at: 3 months ago - Stars: 40 - Forks: 4

sozelfist/handson-ml3 Fork of ageron/handson-ml3

A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.

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

jshah0000/Professional-Work

Data Analysis Projects

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

CrispenGari/ml-2023

💹📉📊📈This repository contains some machine leaning task that I did from the year 2023.

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

jiaxiaogang/HE

螺旋熵减系统

Language: Objective-C - Size: 225 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 326 - Forks: 49

ShubhamV2503/Projects

Personal & College Project

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

DelphinKdl/home_price_prediction_using_regularized_polynomial_regression

Housing price prediction using regularized polynomial regression

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

andreasMazur/variational_autoencoder

A light TensorFlow meta-class for variational autoencoder.

Language: Python - Size: 98.6 KB - Last synced at: 29 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

yaricom/goESHyperNEAT

The implementation of evolvable-substrate HyperNEAT algorithm in GO language. ES-HyperNEAT is an extension of the original HyperNEAT method for evolving large-scale artificial neural networks.

Language: Go - Size: 1.39 MB - Last synced at: 30 days ago - Pushed at: 2 months ago - Stars: 18 - Forks: 2

SmartTensors/GeoThermalCloud.jl

Geothermal Cloud for Machine Learning

Language: Jupyter Notebook - Size: 732 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 30 - Forks: 5

philiptitus/HEX-

This project uses K-Means clustering and Google Gemini AI to analyze and categorize M-PESA transaction data, delivering automated spending pattern discovery, interactive insights, and personalized financial recommendations.

Language: Python - Size: 112 KB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

daniau23/customer_segment

Segmentation of customers using Agglomerative clustering and analysis using PowerBI

Language: Jupyter Notebook - Size: 3.76 MB - Last synced at: about 2 months ago - Pushed at: about 2 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: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Sravyatogarla/Edureka-Data-Science-DIY

A complete collection of hands-on DIY projects from the Edureka Data Science 🔍📊Master Program, covering Python, Statistics, Machine Learning (Supervised & Unsupervised), NLP, Deep Learning (including Reinforcement Learning), Model Evaluation, and Tableau – organized by day and topic for structured learning.100 Days of Edureka Data Science DIY's

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

philiptitus/Mall-Customers

K-means Model to categorize Mall customers into different clusters based on their spending habits

Language: Jupyter Notebook - Size: 142 KB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ziatdinovmax/pyroVED

Invariant representation learning from imaging and spectral data

Language: Python - Size: 112 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 51 - Forks: 11

shaysingh818/dendritic

Iterative optimization library

Language: Rust - Size: 28.2 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 3 - Forks: 0

SKT1803/iris-unsupervised-clustering

Unsupervised Machine Learning – Clustering on the Iris Dataset

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

tstran155/Cluster-analysis-of-pressure-decline-during-solute-transport-in-bulk-liquid

In this notebook, I used unsupervised machine learning algorithms (K-Means and K-Plane) to cluster times series data.

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

ua-datalab/MLWorkshops

UArizona DataLab Workshops

Language: Jupyter Notebook - Size: 85.3 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 7 - Forks: 0

crimslack/economic_profile_clustering

A density- based analysis of global development levels through economic data clustering

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

kevinqnb/interpretable-clustering

Methods and algorithms for interpretable clustering. Example applications to climate data.

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

adobe/stringlifier

Stringlifier is on Opensource ML Library for detecting random strings in raw text. It can be used in sanitising logs, detecting accidentally exposed credentials and as a pre-processing step in unsupervised ML-based analysis of application text data.

Language: Python - Size: 7.35 MB - Last synced at: 29 days ago - Pushed at: 2 months ago - Stars: 167 - Forks: 28

Sravyatogarla/Unsupervised_ML_Project_Zoo_Dataset

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

John-sam1983/John_Ndaa_Samson_Data_Science_Portfolio

This repository is a compilation of all the data science and in particular Machine Learning projects I have successfully carried out.

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

Dharmeshgadhiya161/Netflix-Movies-and-TV-Shows-Clustering-Unsupervised-ML

Netflix Movies and TV Shows Clustering Unsupervised ML

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

lnk99/breast-cancer-clustering

This project applies unsupervised machine learning techniques: KMeans, GMM, Spectral Clustering, and DBSCAN,to classify tumors using the Breast Cancer dataset. It benchmarks the clustering outcomes against a supervised SVM classifier, demonstrating strong diagnostic performance.

Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

christian-oleary/emmv

Implementation of EM/MV metrics based on N. Goix et al.

Language: Python - Size: 67.4 KB - Last synced at: 23 days ago - Pushed at: 10 months ago - Stars: 9 - Forks: 0

dona-eric/Machine-Learning-with-Python-IBM-Laboratory

C'est une ressource importante pour tout les passionnées de la data science et du machine learning. J'ai collecté les ressources disponibles, les données et les notebooks de démarrage des cours proposés par IBM sur Coursera. Cette ressource vous permettra d'avoir un coup d'avance , de vous pratiquer et de passer votre certification

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

dimitris-markopoulos/latent-semantic-clustering

Clustering book chapters with unsupervised ML—custom EM-GMM, sklearn baselines, and dimensionality reduction.

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

AR-Version2/Intelligent-SAP-Financial-Integrity-Monitor

Intelligent SAP Financial Integrity Monitor (POC): Hybrid AI/ML (IF, LOF, AE) & rules-based anomaly detection on SAP FAGLFLEXA data using Python/Streamlit

Language: Python - Size: 4.05 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

slalit360/Data-Science-ML-Cheat-Sheet-Books-Oreilly-

Data Science + ML Cheat Sheet collection by me

Language: Jupyter Notebook - Size: 208 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 78 - Forks: 48

subhashsomarouthu/Netflix-Movies-and-TV-Shows-Clustering

Clustering similar content by matching text-based features and building a recommendation system

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

acejolanda/mood-playlist-clustering

Using K-Means clustering to automatically generate mood-based playlists from Spotify audio features (project done at WBS coding school)

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

albanecoiffe/telecom-recommender-system

This project implements a recommender system for telecom products and services, designed to suggest the most relevant offers to customers based on their behavior, usage patterns, and churn history.

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

PhenomSG/ml-notebook

This project is designed for personal learning and exploration of fundamental machine learning concepts.

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

Leox2f/credit_card_customer_segmentation

Customer segmentation analysis on credit card users to identify distinct customer groups based on their behavior and characteristics. The analysis uses unsupervised machine learning techniques, specifically K-means clustering, to group customers into meaningful segments.

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

be-nny/music-genre-analysis-tool

This research proposes the use of unsupervised machine learning methods to partially get rid of the reliance for predetermined labels and instead let the clustering define the genres and like songs.

Language: Python - Size: 15.4 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: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

seanwood/gcc-nmf

Real-time GCC-NMF Blind Speech Separation and Enhancement

Language: Python - Size: 43.2 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 319 - Forks: 134

iakovoskritikos/Machine-Learning

Machine Learning for Biomedical Engineers

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

nla-group/classix

Fast and explainable clustering in Python

Language: Python - Size: 297 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 116 - Forks: 12

tejaswirupa/Unsupervised-Learning-Analysis-of-causes-of-death-among-children

Analyzed global child mortality data using PCA and clustering to identify cause-based patterns across 180+ countries. Revealed dominant mortality factors like respiratory infections and preterm birth in high-risk regions.

Language: Jupyter Notebook - Size: 7.02 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

OmarrAymann/Machine-learning-projects

A collection of machine learning projects covering supervised learning and unsupervised learning. Each project includes: Clean and reproducible code End-to-end pipeline: data preprocessing, modeling, evaluation, visualization Well-documented notebooks and scripts Use of popular ML libraries like Scikit-learn

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

alvinadar/Hierarchical-Clustering

Agglomerative HC step by step concept

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

measterpojo/Denoising-Autoencoders-DAEs-for-Domain-Adaptation

Denoising Autoencoders (DAEs) for Domain Adaptation using DAEs to find the invariant features for classification

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

temulenbd/tb-unsupervised-learning

This is for my personal reference, where I compile codes and exercises that could be useful later on.

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

luofuli/DualRL

A Dual Reinforcement Learning Framework for Unsupervised Text Style Transfer (IJCAI 2019)

Language: Python - Size: 34.8 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 277 - Forks: 46

fatimagulomova/iu-projects

IU Projects

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

havelhakimi/gene-expression

Agglomerative based clustering on gene expression dataset

Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 8 - Forks: 0

DragonflyRobotics/MAGIST-Algorithm

Multi-Agent Generally Intelligent Simultaneous Training Algorithm for Project Zeta

Language: Python - Size: 139 MB - Last synced at: about 23 hours ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

opencog/opencog

A framework for integrated Artificial Intelligence & Artificial General Intelligence (AGI)

Language: Scheme - Size: 178 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2,370 - Forks: 727

aomdahl/gleanr_workflow

Sparse factorization framework to integrate GWAS studies and identify shared latent genetic components

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

Hanhlevna/Manhos

This package aims to provide a platform for assessment of hotel online reviews. Datasets were collected from TripAdvisor and Booking.

Language: Python - Size: 7.81 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Statistics-and-Machine-Learning-with-R/Statistical-Methods-and-Machine-Learning-in-R

This is an initiative to help understand Statistical methods and Machine learning in a naive manner. You will find scripts, and theoretical contents required to clarify concepts, especially for bio-informatic students.

Language: R - Size: 24.3 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 14 - Forks: 14

KenethGarcia/ClassiPyGRB

This repository contains all the updates, code, and documentation related to ClassiPyGRB.

Language: Python - Size: 371 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 2

yaricom/goNEAT

The GOLang implementation of NeuroEvolution of Augmented Topologies (NEAT) method to evolve and train Artificial Neural Networks without error back propagation

Language: Go - Size: 3.54 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 77 - Forks: 18

Related Keywords
unsupervised-machine-learning 993 machine-learning 332 python 257 clustering 194 kmeans-clustering 169 supervised-machine-learning 149 unsupervised-learning 130 data-science 115 k-means-clustering 97 machine-learning-algorithms 83 pandas 82 clustering-algorithm 81 pca 78 deep-learning 65 jupyter-notebook 62 data-visualization 60 scikit-learn 58 python3 55 supervised-learning 54 data-analysis 50 numpy 42 pca-analysis 40 sklearn 38 linear-regression 37 classification 37 logistic-regression 36 hierarchical-clustering 35 exploratory-data-analysis 35 principal-component-analysis 33 customer-segmentation 33 seaborn 32 dimensionality-reduction 32 artificial-intelligence 31 unsupervised-clustering 31 matplotlib 30 elbow-method 29 neural-network 28 kmeans 28 anomaly-detection 27 nlp 27 hvplot 26 tensorflow 26 natural-language-processing 25 reinforcement-learning 22 r 22 cluster-analysis 22 agglomerative-clustering 21 plotly 21 ml 20 k-means 20 random-forest 20 recommender-system 20 dbscan-clustering 19 kmeans-clustering-algorithm 19 machinelearning 19 nlp-machine-learning 19 feature-engineering 18 regression 18 deep-neural-networks 17 topic-modeling 17 visualization 17 unsupervised-learning-algorithms 16 eda 16 gaussian-mixture-models 15 matplotlib-pyplot 15 neural-networks 15 artificial-neural-networks 15 cryptocurrency 15 dbscan 15 segmentation 15 kmeans-algorithm 14 ai 14 recommendation-system 14 pytorch 14 feature-selection 13 data-mining 13 silhouette-score 13 statistics 13 knn-classification 12 decision-trees 12 keras 12 classification-algorithm 11 data 11 regression-models 11 gradient-descent 11 iris-dataset 11 autoencoder 10 decision-tree-classifier 10 random-forest-classifier 10 predictive-modeling 10 time-series 10 knn 10 support-vector-machines 10 self-organizing-map 10 spectral-clustering 10 tsne 10 statistical-analysis 9 computer-vision 9 time-series-analysis 9 dataanalysis 9