Topic: "hierarchical-clustering"
susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
Language: Jupyter Notebook - Size: 58.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 4,440 - Forks: 4,819

skfolio/skfolio
Python library for portfolio optimization built on top of scikit-learn
Language: Python - Size: 122 MB - Last synced at: 3 days ago - Pushed at: 9 days ago - Stars: 1,559 - Forks: 139

JuliaStats/Clustering.jl
A Julia package for data clustering
Language: Julia - Size: 7.04 MB - Last synced at: 4 days ago - Pushed at: 6 months ago - Stars: 367 - Forks: 124

moon-hotel/MachineLearningWithMe
A repository contains more than 12 common statistical machine learning algorithm implementations. 常见10余种机器学习算法原理与实现及视频讲解。
Language: Jupyter Notebook - Size: 35.7 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 254 - Forks: 47

socnetv/app
Social Network Analysis and Visualization software application.
Language: C++ - Size: 22.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 227 - Forks: 27

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: 4 months ago - Pushed at: over 4 years ago - Stars: 83 - Forks: 31

holgerteichgraeber/TimeSeriesClustering.jl
Julia implementation of unsupervised learning methods for time series datasets. It provides functionality for clustering and aggregating, detecting motifs, and quantifying similarity between time series datasets.
Language: Julia - Size: 171 MB - Last synced at: 5 days ago - Pushed at: over 4 years ago - Stars: 82 - Forks: 23

sandipanpaul21/Clustering-in-Python
Clustering methods in Machine Learning includes both theory and python code of each algorithm. Algorithms include K Mean, K Mode, Hierarchical, DB Scan and Gaussian Mixture Model GMM. Interview questions on clustering are also added in the end.
Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 81 - Forks: 35

cmdevries/LMW-tree
Learning M-Way Tree - Web Scale Clustering - EM-tree, K-tree, k-means, TSVQ, repeated k-means, bitwise clustering
Language: C++ - Size: 74.5 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 74 - Forks: 20

gcorso/NeuroSEED
Implementation of Neural Distance Embeddings for Biological Sequences (NeuroSEED) in PyTorch (NeurIPS 2021)
Language: Python - Size: 1.38 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 73 - Forks: 18

iesl/xcluster
Algorithms and evaluation tools for extreme clustering
Language: Scala - Size: 8.95 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 72 - Forks: 21

gagolews/genieclust
Genie: Fast and Robust Hierarchical Clustering with Noise Point Detection - in Python and R
Language: C++ - Size: 94.8 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 63 - Forks: 12

sung-yeon-kim/HIER-CVPR23
Official PyTorch Implementation of HIER: Metric Learning Beyond Class Labels via Hierarchical Regularization, CVPR 2023
Language: Python - Size: 4.52 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 59 - Forks: 6

jonghough/jlearn
Machine Learning Library, written in J
Language: J - Size: 9.53 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 58 - Forks: 13

IQTLabs/CRviz 📦
Browser-based visualization tool that uses JSON and an interactive enclosure diagram to visualize networks.
Language: JavaScript - Size: 46.2 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 58 - Forks: 24

sdq/deepvis
machine learning algorithms in Swift
Language: Swift - Size: 1.34 MB - Last synced at: 3 months ago - Pushed at: almost 8 years ago - Stars: 56 - Forks: 11

pedrodbs/Aglomera
A hierarchical agglomerative clustering (HAC) library written in C#
Language: C# - Size: 2.62 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 52 - Forks: 17

panagiotisanagnostou/HiPart
Hierarchical divisive clustering algorithm execution, visualization and Interactive visualization.
Language: Python - Size: 151 MB - Last synced at: 5 days ago - Pushed at: 11 days ago - Stars: 51 - Forks: 8

div-lab/dendromap
Interactively and visually explore large-scale image datasets used in machine learning using treemaps. VIS 2022
Language: Jupyter Notebook - Size: 167 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 48 - Forks: 1

gtonkinhill/fastbaps
A fast approximation to a Dirichlet Process Mixture model (DPM) for clustering genetic data
Language: R - Size: 2.27 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 47 - Forks: 7

nmonath/graphgrove
A framework for building (and incrementally growing) graph-based data structures used in hierarchical or DAG-structured clustering and nearest neighbor search
Language: C++ - Size: 1.03 MB - Last synced at: 24 days ago - Pushed at: over 2 years ago - Stars: 44 - Forks: 6

starkblaze01/Artificial-Intelligence-Codes
Collection of Artificial Intelligence Algorithms implemented on various problems
Language: Jupyter Notebook - Size: 5.88 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 41 - Forks: 9

monty-se/PINstimation
A comprehensive bundle of utilities for the estimation of probability of informed trading models: original PIN in Easley and O'Hara (1992) and Easley et al. (1996); Multilayer PIN (MPIN) in Ersan (2016); Adjusted PIN (AdjPIN) in Duarte and Young (2009); and volume-synchronized PIN (VPIN) in Easley et al. (2011, 2012). Implementations of various estimation methods suggested in the literature are included. Additional compelling features comprise posterior probabilities, an implementation of an expectation-maximization (EM) algorithm, and PIN decomposition into layers, and into bad/good components. Versatile data simulation tools, and trade classification algorithms are among the supplementary utilities. The package provides fast, compact, and precise utilities to tackle the sophisticated, error-prone, and time-consuming estimation procedure of informed trading, and this solely using the raw trade-level data.
Language: R - Size: 5.27 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 40 - Forks: 7

dedupeio/hcluster 📦
Hierarchical Clustering Algorithms
Language: Python - Size: 1.75 MB - Last synced at: about 1 hour ago - Pushed at: about 3 years ago - Stars: 36 - Forks: 20

md-experiments/picture_text
Interactive tree-maps with SBERT & Hierarchical Clustering (HAC)
Language: Python - Size: 39.2 MB - Last synced at: about 20 hours ago - Pushed at: 6 months ago - Stars: 30 - Forks: 9

mqwfrog/MHCCL
MHCCL: Masked Hierarchical Cluster-wise Contrastive Learning for Multivariate Time Series - a PyTorch Version (AAAI-2023)
Language: Python - Size: 5.06 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 30 - Forks: 10

enricivi/growing_hierarchical_som
Self-Organizing Map [https://en.wikipedia.org/wiki/Self-organizing_map] is a popular method to perform cluster analysis. SOM shows two main limitations: fixed map size constraints how the data is being mapped and hierarchical relationships are not easily recognizable. Thus Growing Hierarchical SOM has been designed to overcome this issues
Language: Python - Size: 2.21 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 30 - Forks: 9

QuaCau-TheSphere/Graphvidian
Obsidian plugin to export Graphviz graphs from vault's notes
Language: TypeScript - Size: 99.6 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 28 - Forks: 1

PacktWorkshops/The-Unsupervised-Learning-Workshop
An Interactive Approach to Understanding Unsupervised Learning Algorithms
Language: Jupyter Notebook - Size: 115 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 28 - Forks: 32

SSQ/Coursera-UW-Machine-Learning-Clustering-Retrieval
Language: Python - Size: 81.9 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 28 - Forks: 28

maneeshavinayak/Clustering-News-Headlines
The project groups scrapped News headlines using NLTK, K-Means clustering and Hierarchical clustering using Ward Method.
Language: Python - Size: 415 KB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 8

raj1603chdry/CSE3020-Web-Mining-Labs
Repository containing all the codes created for the lab sessions of CSE3020 Web Mining at VIT University Chennai Campus
Language: Python - Size: 13.8 MB - Last synced at: 21 days ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 19

volfpeter/localclustering
Python 3 implementation and documentation of the Hermina-Janos local graph clustering algorithm.
Language: Python - Size: 2.48 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 1

guglielmosanchini/ClustViz
Visualization of many Clustering Algorithms, via Notebook or GUI
Language: Jupyter Notebook - Size: 246 MB - Last synced at: 28 days ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 14

waynezhanghk/gacluster
Graph Agglomerative Clustering Library
Language: MATLAB - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 20 - Forks: 6

greenelab/hclust
Agglomerative hierarchical clustering in JavaScript
Language: JavaScript - Size: 202 KB - Last synced at: 10 days ago - Pushed at: 7 months ago - Stars: 19 - Forks: 3

palVikram/Machine-Learning-using-Python
Regression, Classification and Clustering
Language: Python - Size: 223 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 19 - Forks: 19

koonimaru/radialtree
A python module to draw a circular dendrogram
Language: Python - Size: 1.35 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 19 - Forks: 9

JustinaZ/pcaReduce
Code to support: "pcaReduce: hierarchical clustering of single cell transcriptional profiles"
Language: R - Size: 2.94 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 11

nicolasfguillaume/Strategic-Business-Analytics-with-R
Foundations of Strategic Business Analytics - ESSEC Business school via Coursera.org
Size: 276 KB - Last synced at: 7 months ago - Pushed at: about 9 years ago - Stars: 18 - Forks: 28

pneuvial/adjclust
Adjacency-constrained hierarchical clustering of a similarity matrix
Language: R - Size: 18.5 MB - Last synced at: 20 days ago - Pushed at: 9 months ago - Stars: 16 - Forks: 8

Aayushpatel007/topicrankpy
A Python package to get useful information from documents using TopicRank Algorithm.
Language: Python - Size: 72.3 KB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 3

Aptacode/PathFinder
An optimized C# HPA* Pathfinder
Language: C# - Size: 24.7 MB - Last synced at: 19 days ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 0

gentom/sentences-similarity-cluster
Calculate similarity of sentences & Cluster the result.
Language: Python - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 15 - Forks: 6

ivan-pi/fortran-flann
Fortran bindings to the FLANN library for performing fast approximate nearest neighbor searches in high dimensional spaces.
Language: Fortran - Size: 1.21 MB - Last synced at: about 11 hours ago - Pushed at: 13 days ago - Stars: 14 - Forks: 1

antoniocavalcante/mustache
Language: CSS - Size: 92 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 14 - Forks: 1

DiogoFerrari/hdpGLM
Hierarchical Dirichlet Process Generalized Linear Models
Language: R - Size: 42.4 MB - Last synced at: 19 days ago - Pushed at: 3 months ago - Stars: 12 - Forks: 4

HHansi/Embed2Detect
Python implementation of Embed2Detect for event detection in social media
Language: Jupyter Notebook - Size: 4.84 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 2

soumitag/SLIDE
A visualization tool for Systems-Level Interactive Data Exploration
Language: Java - Size: 404 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 3

pedrodbs/DendrogramViewer
A dendrogram viewer web-application
Language: JavaScript - Size: 941 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 8

FreeDiscovery/jwzthreading Fork of akuchling/jwzthreading
Implementation of the JWZ threading algorithm for e-mail or newsgroup messages.
Language: Python - Size: 669 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 2

Aruuunn/clustering-visualizer
Clustering Visualizer is a Web Application for visualizing popular Machine Learning Clustering Algorithms (K-Means, DBSCAN, Mean Shift, etc.).
Language: TypeScript - Size: 4.18 MB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 0

chen0040/java-clustering
Package provides java implementation of various clustering algorithms
Language: Java - Size: 130 KB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 11 - Forks: 6

nicolasfguillaume/Marketing-Analytics-with-R
Foundations of Marketing Analytics - ESSEC Business school via Coursera.org. Customer segmentation and clustering
Size: 225 KB - Last synced at: over 2 years ago - Pushed at: about 9 years ago - Stars: 11 - Forks: 21

YannickKae/Statistical-Learning-based-Portfolio-Optimization
This R Shiny App utilizes the Hierarchical Equal Risk Contribution (HERC) approach, a modern portfolio optimization method developed by Raffinot (2018).
Language: R - Size: 85 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 1

higra/Higra-Notebooks
Demonstration and tutorial notebooks for the Higra library
Language: Jupyter Notebook - Size: 36.7 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

iesl/expLinkage
Supervised hierarchical clustering
Language: Python - Size: 102 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 6

yasinakinn/hierarchical-clustering
Linkage Methods for Hierarchical Clustering
Language: Python - Size: 9.77 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 1

hyunsooseol/snowCluster
This module allows users to analyze k-means & hierarchical clustering, and visualize results of Principal Component, Correspondence Analysis, Discriminant analysis, Decision tree, Multidimensional scaling, Multiple Factor Analysis, Machine learning, and Prophet analysis.
Language: R - Size: 438 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 8 - Forks: 2

havelhakimi/gene-expression
Agglomerative based clustering on gene expression dataset
Language: Jupyter Notebook - Size: 1.26 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 8 - Forks: 0

PerretB/ultrametric-fitting
Ultrametric Fitting by Gradient Descent
Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 8 - Forks: 3

Niloy-Chakraborty/Time-Series_Clustering_For_Smart_Meter_Dataset
EDA and Time Series Stream Clustering for London Smart Meter Dataset, using Autoencoder with Kmeans algorithm, DB Scan, and Hierarchical Clustering algorithm.
Language: Python - Size: 5.6 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 2

Learner0x5a/Pattern-Recognition
2019-2020春季学期 清华大学电子工程系 研究生课程 模式识别
Language: Python - Size: 2.34 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 0

wolny/phash-hierarchical-clustering
Hierarchical clustering of images using phash and Hamming distance
Language: Scala - Size: 1.37 MB - Last synced at: 1 day ago - Pushed at: about 8 years ago - Stars: 8 - Forks: 3

pajaskowiak/clusterConfusion
Clustering validation with ROC Curves
Language: R - Size: 1.2 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 7 - Forks: 1

firatolcum/Machine_Learning_Course
This repository contains the Machine Learning lessons I took from the Clarusway Bootcamp between 10 Aug - 14 Sep 2022 and includes 17 sessions, 5 labs, 4 case studies, 5 weekly agendas, and 3 projects.
Language: Jupyter Notebook - Size: 237 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 7 - Forks: 1

FatemehGholamzadeh/Machine-Learning
Assignments of Machine Learning Graduate Course - Spring 2021
Language: Jupyter Notebook - Size: 25 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

susanli2016/Machine-Learning-with-R
R codes for common Machine Learning Algorithms
Language: R - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 7 - Forks: 6

byzhang23/TreeCorTreat
TreeCorTreat
Language: R - Size: 43.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 0

aadimangla/Mall-Customer-Segmentation
Customer segmentation is the practice of dividing a customer base into groups of individuals that are similar in specific ways. You can provide different value propositions to different customer groups. Customer segments are usually determined on similarities, such as personal characteristics, preferences or behaviours that should correlate with the same behaviours that drive customer profitability.
Language: Python - Size: 407 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 4

vishwakftw/extreme-classification 📦
Project Repository for CS6370 : Information Retrieval offered in Fall 2018
Language: Python - Size: 496 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

doaa-altarawy/LASCAD
LASCAD: Language-Agnostic Software Categorization and Similar Application Detection
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 5

BjornMelin/stardex
🌟 Stardex: Explore GitHub Stars Intelligently. Stardex is a powerful web app that lets you search, filter, and cluster any GitHub user's starred repositories. Discover hidden patterns and find your next favorite project with intelligent, AI-powered exploration.
Language: TypeScript - Size: 549 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 5 - Forks: 0

AbbasPak/Clustering-Methods-Examples
This repository aims to provide an overview of various clustering methods, along with practical examples and implementations.
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 5 - Forks: 1

andgoldschmidt/pyprotoclust
Python Prototype Clustering: an implementation of minimax linkage for hierarchical clustering
Language: C++ - Size: 6.32 MB - Last synced at: about 3 hours ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

MoinDalvs/Assignment_East-West_Airlines
Problem Statement Perform clustering (Hierarchical,K means clustering and DBSCAN) for the airlines data to obtain optimum number of clusters
Language: Jupyter Notebook - Size: 3.47 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 3

ahmedshahriar/PulsePoint-Data-Analytics
EDA, data processing, cleaning and extensive geospatial analysis on a selenium based web scraped dataset
Language: HTML - Size: 10.1 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

caponetto/bayesian-hierarchical-clustering
Python implementation of Bayesian hierarchical clustering and Bayesian rose trees algorithms.
Language: Python - Size: 50.8 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 2

TomMakesThings/Clustering-and-TDA-of-scRNA-seq-Data
Final year project experimenting with clustering and topological data analysis of scRNA-seq data using Python and R across two Jupyter notebooks
Language: Jupyter Notebook - Size: 155 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 1

verenablaschke/dialect-clustering
Clustering continental West Germanic language/dialect varieties based on historical sound correspondences. Bachelor's thesis.
Language: Python - Size: 6.97 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

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: about 6 years ago - Stars: 5 - Forks: 1

aeglon97/K-Clustering
Analysis of a cities dataset with 3 algorithms: K-means, K-medoids, and Bottom-Up Hierarchical Clustering
Language: Python - Size: 117 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 1

srirambaskaran/efficient-hierarchical-clustering
Language: Scala - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 0

gmishne/pyquest Fork of hgfalling/pyquest
pyquest: diffusion analysis of transposable arrays
Language: Jupyter Notebook - Size: 16.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 3

Shuyib/Phylogenetic-tree-study
Estimating Phylogenetic trees using six microorganisms 16S rRNA gene with Unsupervised Learning, web based tools and Molecular Evolutionary Genetics Analysis MEGA7
Language: Jupyter Notebook - Size: 5.06 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 4 - Forks: 5

Armin-Abdollahi/Machine-Learning
Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 4 - Forks: 0

pandafengye/MIST
MIST: a metagenomic intra-species typing tool.
Language: Python - Size: 251 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 0

bgr8/Makine-ogrenmesi
Machine Learning with Python
Language: Jupyter Notebook - Size: 3.03 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1

shlienlab/raccoon
Multi-scale clustering in Python
Language: Python - Size: 6.14 MB - Last synced at: 12 days ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 4

Thomas-George-T/Social-Media-Analytics-in-R
Taking a look at data of 1.6 million twitter users and drawing useful insights while exploring interesting patterns visualized with concise plots. The techniques used include text mining, sentimental analysis, probability, time series analysis and Hierarchical clustering on text/words using R.
Language: RMarkdown - Size: 156 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

Ashutosh27ind/TimeSeries-Inventory-Forecasting
Time Series forecasting model for predicting the unit’s movement of the inventory in the warehouses and stores in order to do capacity planning and prepare for peak volume at the granularity level of week/channel/location.
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 0

CameleoGrey/ProfitTM
A topic modeling framework based on word embeddings and neural nets that self finds optimal number of topics. (TreeProfitTM - hierarchical version)
Language: Python - Size: 3.27 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

avogogias/MLCut
A visualization support tool for advanced hierarchical clustering analysis. MLCut allows cutting dendrograms at multiple heights/levels. In other words, it allows to set multiple local similarity thresholds in potentially large dendrograms. It uses two coordinated views, one for the dentrogram (radial layout), and another for the original multidimensional data (parallel coordinates). The purpose is to add flexibility and enforce transparency in the process of selecting branches that correspond to the different clusters, while enabling the discovery of visual patterns in the original data.
Language: JavaScript - Size: 10.6 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

ArtemKovera/clust
a few different clustering algorithms with python libraries for data science
Language: Jupyter Notebook - Size: 108 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 4

anshul1004/CountriesSearchEngine
A search engine built to retrieve geographical information of any country.
Language: Python - Size: 7.57 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 4

rudrajit1729/Machine-Learning-Codes-And-Templates
Codes and templates for ML algorithms created, modified and optimized in Python and R.
Language: Python - Size: 21 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 3

kstanisz/chameleon-clustering
Language: Java - Size: 821 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 1

hyuncat/RichCluster
Customizable C++ algorithm for clustering biological terms by gene similarity, compiled into an R package with supporting visualizations and for easy use.
Language: R - Size: 10.1 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 1

prneidhardt/Unsupervised-Learning
Trade & Ahead Project
Language: Jupyter Notebook - Size: 4.22 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 0

ChandraPrakash-Bathula/Hierarchical-Clustering
Hierarchical Clustering Algorithm on Wine Clustering data with dendograms visualization.
Language: Jupyter Notebook - Size: 188 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0
