All Projects → gouda → Similar Projects or Alternatives

390 Open source projects that are alternatives of or similar to gouda

text clustering
文本聚类(Kmeans、DBSCAN、LDA、Single-pass)
Stars: ✭ 230 (+1177.78%)
Mutual labels:  clustering, kmeans, dbscan
kmeans
A simple implementation of K-means (and Bisecting K-means) clustering algorithm in Python
Stars: ✭ 18 (+0%)
Mutual labels:  clustering, kmeans
kmeans
K-Means clustering
Stars: ✭ 51 (+183.33%)
Mutual labels:  clustering, kmeans
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.
Stars: ✭ 27 (+50%)
Mutual labels:  clustering, dbscan
point-cloud-clusters
A catkin workspace in ROS which uses DBSCAN to identify which points in a point cloud belong to the same object.
Stars: ✭ 43 (+138.89%)
Mutual labels:  clustering, dbscan
kmeans-dbscan-tutorial
A clustering tutorial with scikit-learn for beginners.
Stars: ✭ 20 (+11.11%)
Mutual labels:  kmeans, dbscan
dbscan
DBSCAN Clustering Algorithm C# Implementation
Stars: ✭ 38 (+111.11%)
Mutual labels:  clustering, dbscan
clustering-python
Different clustering approaches applied on different problemsets
Stars: ✭ 36 (+100%)
Mutual labels:  clustering, kmeans
ClusterAnalysis.jl
Cluster Algorithms from Scratch with Julia Lang. (K-Means and DBSCAN)
Stars: ✭ 22 (+22.22%)
Mutual labels:  clustering, dbscan
AnnA Anki neuronal Appendix
Using machine learning on your anki collection to enhance the scheduling via semantic clustering and semantic similarity
Stars: ✭ 39 (+116.67%)
Mutual labels:  clustering, kmeans
DBSCAN
c++ implementation of clustering by DBSCAN
Stars: ✭ 89 (+394.44%)
Mutual labels:  clustering, dbscan
dbscan-python
[New Version] Theoretically Efficient and Practical Parallel DBSCAN
Stars: ✭ 18 (+0%)
Mutual labels:  clustering, dbscan
Feature-Engineering-for-Fraud-Detection
Implementation of feature engineering from Feature engineering strategies for credit card fraud
Stars: ✭ 31 (+72.22%)
Mutual labels:  kmeans, dbscan
hpdbscan
Highly parallel DBSCAN (HPDBSCAN)
Stars: ✭ 19 (+5.56%)
Mutual labels:  clustering, dbscan
Kdd2019 k Multiple Means
Implementation for the paper "K-Multiple-Means: A Multiple-Means Clustering Method with Specified K Clusters,", which has been accepted by KDD'2019 as an ORAL paper, in the Research Track.
Stars: ✭ 45 (+150%)
Mutual labels:  clustering, kmeans
Revisiting-Contrastive-SSL
Revisiting Contrastive Methods for Unsupervised Learning of Visual Representations. [NeurIPS 2021]
Stars: ✭ 81 (+350%)
Mutual labels:  clustering
enspara
Modeling molecular ensembles with scalable data structures and parallel computing
Stars: ✭ 28 (+55.56%)
Mutual labels:  clustering
deepvis
machine learning algorithms in Swift
Stars: ✭ 54 (+200%)
Mutual labels:  kmeans
snATAC
<<------ Use SnapATAC!!
Stars: ✭ 23 (+27.78%)
Mutual labels:  clustering
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (+83.33%)
Mutual labels:  kmeans
kmeans-clusterer
k-means clustering in Ruby
Stars: ✭ 88 (+388.89%)
Mutual labels:  clustering
swanager
A high-level Docker Services management tool built on top of Swarm
Stars: ✭ 12 (-33.33%)
Mutual labels:  clustering
scSeqR
This package has migrated to https://github.com/rezakj/iCellR please use iCellR instead of scSeqR for more functionalities and updates.
Stars: ✭ 16 (-11.11%)
Mutual labels:  clustering
mathematics-statistics-for-data-science
Mathematical & Statistical topics to perform statistical analysis and tests; Linear Regression, Probability Theory, Monte Carlo Simulation, Statistical Sampling, Bootstrapping, Dimensionality reduction techniques (PCA, FA, CCA), Imputation techniques, Statistical Tests (Kolmogorov Smirnov), Robust Estimators (FastMCD) and more in Python and R.
Stars: ✭ 56 (+211.11%)
Mutual labels:  clustering
kohonen-maps
Implementation of SOM and GSOM
Stars: ✭ 62 (+244.44%)
Mutual labels:  clustering
IntroduceToEclicpseVert.x
This repository contains the code of Vert.x examples contained in my articles published on platforms such as kodcu.com, medium, dzone. How to run each example is described in its readme file.
Stars: ✭ 27 (+50%)
Mutual labels:  clustering
clusterix
Visual exploration of clustered data.
Stars: ✭ 44 (+144.44%)
Mutual labels:  clustering
topic modelling financial news
Topic modelling on financial news with Natural Language Processing
Stars: ✭ 51 (+183.33%)
Mutual labels:  dbscan
ssdc
ssdeep cluster analysis for malware files
Stars: ✭ 24 (+33.33%)
Mutual labels:  clustering
scikit-cmeans
Flexible, extensible fuzzy c-means clustering in python.
Stars: ✭ 18 (+0%)
Mutual labels:  clustering
NNM
The PyTorch official implementation of the CVPR2021 Poster Paper NNM: Nearest Neighbor Matching for Deep Clustering.
Stars: ✭ 46 (+155.56%)
Mutual labels:  clustering
R-stats-machine-learning
Misc Statistics and Machine Learning codes in R
Stars: ✭ 33 (+83.33%)
Mutual labels:  clustering
go-kd
Golang k-D tree implementation with duplicate coordinate support
Stars: ✭ 48 (+166.67%)
Mutual labels:  kdtree
FSDA
Flexible Statistics and Data Analysis (FSDA) extends MATLAB for a robust analysis of data sets affected by different sources of heterogeneity. It is open source software licensed under the European Union Public Licence (EUPL). FSDA is a joint project by the University of Parma and the Joint Research Centre of the European Commission.
Stars: ✭ 53 (+194.44%)
Mutual labels:  clustering
consul role
Ansible role to install Consul (cluster of) server/agent
Stars: ✭ 14 (-22.22%)
Mutual labels:  clustering
pipeComp
A R framework for pipeline benchmarking, with application to single-cell RNAseq
Stars: ✭ 38 (+111.11%)
Mutual labels:  clustering
EgoSplitting
A NetworkX implementation of "Ego-splitting Framework: from Non-Overlapping to Overlapping Clusters" (KDD 2017).
Stars: ✭ 78 (+333.33%)
Mutual labels:  clustering
fuzzy-c-means
Fuzzy c-means Clustering
Stars: ✭ 34 (+88.89%)
Mutual labels:  clustering
eris-fleet
Cluster management for Discord bots using the Eris library.
Stars: ✭ 38 (+111.11%)
Mutual labels:  clustering
ML-Track
This repository is a recommended track, designed to get started with Machine Learning.
Stars: ✭ 19 (+5.56%)
Mutual labels:  clustering
CoronaDash
COVID-19 spread shiny dashboard with a forecasting model, countries' trajectories graphs, and cluster analysis tools
Stars: ✭ 20 (+11.11%)
Mutual labels:  clustering
syncflux
SyncFlux is an Open Source InfluxDB Data synchronization and replication tool for migration purposes or HA clusters
Stars: ✭ 145 (+705.56%)
Mutual labels:  clustering
rabbitmq-clusterer
This project is ABANDONWARE. Use https://www.rabbitmq.com/cluster-formation.html instead.
Stars: ✭ 72 (+300%)
Mutual labels:  clustering
ClusterTransformer
Topic clustering library built on Transformer embeddings and cosine similarity metrics.Compatible with all BERT base transformers from huggingface.
Stars: ✭ 36 (+100%)
Mutual labels:  clustering
FixedEffectjlr
R interface for Fixed Effect Models
Stars: ✭ 20 (+11.11%)
Mutual labels:  clustering
MAL-Map
Cluster and visualize relationships between anime on MyAnimeList
Stars: ✭ 201 (+1016.67%)
Mutual labels:  clustering
TrajectoryTracking
Trajectory Tracking Project
Stars: ✭ 16 (-11.11%)
Mutual labels:  clustering
DP means
Dirichlet Process K-means
Stars: ✭ 36 (+100%)
Mutual labels:  clustering
A-quantum-inspired-genetic-algorithm-for-k-means-clustering
Implementation of a Quantum inspired genetic algorithm proposed by A quantum-inspired genetic algorithm for k-means clustering paper.
Stars: ✭ 28 (+55.56%)
Mutual labels:  clustering
NNet
algorithm for study: multi-layer-perceptron, cluster-graph, cnn, rnn, restricted boltzmann machine, bayesian network
Stars: ✭ 24 (+33.33%)
Mutual labels:  clustering
tsp-essay
A fun study of some heuristics for the Travelling Salesman Problem.
Stars: ✭ 15 (-16.67%)
Mutual labels:  clustering
kmeans1d
⭐ A Python package for optimal 1D k-means clustering.
Stars: ✭ 35 (+94.44%)
Mutual labels:  kmeans
rabbitmq-peer-discovery-consul
Consul-based peer discovery backend for RabbitMQ 3.7.0+
Stars: ✭ 39 (+116.67%)
Mutual labels:  clustering
ExpressionMatrix2
Software for exploration of gene expression data from single-cell RNA sequencing.
Stars: ✭ 29 (+61.11%)
Mutual labels:  clustering
audio noise clustering
https://dodiku.github.io/audio_noise_clustering/results/ ==> An experiment with a variety of clustering (and clustering-like) techniques to reduce noise on an audio speech recording.
Stars: ✭ 24 (+33.33%)
Mutual labels:  clustering
hazelcast-csharp-client
Hazelcast .NET Client
Stars: ✭ 98 (+444.44%)
Mutual labels:  clustering
northstar
Single cell type annotation guided by cell atlases, with freedom to be queer
Stars: ✭ 23 (+27.78%)
Mutual labels:  clustering
clueminer
interactive clustering platform
Stars: ✭ 13 (-27.78%)
Mutual labels:  clustering
DESOM
🌐 Deep Embedded Self-Organizing Map: Joint Representation Learning and Self-Organization
Stars: ✭ 76 (+322.22%)
Mutual labels:  clustering
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (+138.89%)
Mutual labels:  clustering
1-60 of 390 similar projects