Topic: "gaussian-mixture-models"
ddbourgin/numpy-ml
Machine learning, in numpy
Language: Python - Size: 10 MB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 16,044 - Forks: 3,796

neka-nat/probreg
Python package for point cloud registration using probabilistic model (Coherent Point Drift, GMMReg, SVR, GMMTree, FilterReg, Bayesian CPD)
Language: Python - Size: 52.1 MB - Last synced at: about 17 hours ago - Pushed at: 12 months ago - Stars: 897 - Forks: 149

ldeecke/gmm-torch
Gaussian mixture models in PyTorch.
Language: Python - Size: 568 KB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 519 - Forks: 86

conradsnicta/armadillo-code
Armadillo: fast C++ library for linear algebra & scientific computing - https://arma.sourceforge.net
Size: 8.79 KB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 461 - Forks: 121

omerbsezer/Generative_Models_Tutorial_with_Demo 📦
Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: 21 days ago - Pushed at: over 6 years ago - Stars: 335 - Forks: 41

cqcn1991/Wind-Speed-Analysis
An elegant probability model for the joint distribution of wind speed and direction.
Language: HTML - Size: 825 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 333 - Forks: 109

jayshah19949596/Machine-Learning-Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
Language: Matlab - Size: 4.88 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 291 - Forks: 143

gionanide/Speech_Signal_Processing_and_Classification
Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].
Language: Python - Size: 827 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 220 - Forks: 62

SuperKogito/Voice-based-gender-recognition
:sound: :boy: :girl:Voice based gender recognition using Mel-frequency cepstrum coefficients (MFCC) and Gaussian mixture models (GMM)
Language: Python - Size: 8.96 MB - Last synced at: 19 days ago - Pushed at: almost 2 years ago - Stars: 213 - Forks: 68

AlexanderFabisch/gmr
Gaussian Mixture Regression
Language: Python - Size: 1.09 MB - Last synced at: about 17 hours ago - Pushed at: 4 months ago - Stars: 188 - Forks: 49

borchero/pycave
Traditional Machine Learning Models for Large-Scale Datasets in PyTorch.
Language: Python - Size: 683 KB - Last synced at: 10 days ago - Pushed at: 29 days ago - Stars: 125 - Forks: 13

Mayurji/MLWithPytorch
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch
Language: Python - Size: 868 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 122 - Forks: 37

wentaoyuan/deepgmr
PyTorch implementation of DeepGMR: Learning Latent Gaussian Mixture Models for Registration (ECCV 2020 spotlight)
Language: Python - Size: 615 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 120 - Forks: 14

jonasrothfuss/fishervector
Improved Fisher Vector Implementation- extracts Fisher Vector features from your data
Language: Python - Size: 18.6 KB - Last synced at: 18 days ago - Pushed at: 10 months ago - Stars: 102 - Forks: 32

Ransaka/GMM-from-scratch
The only guide you need to learn everything about GMM
Language: Jupyter Notebook - Size: 2.48 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 99 - Forks: 15

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

jobovy/extreme-deconvolution
Density estimation using Gaussian mixtures in the presence of noisy, heterogeneous and incomplete data
Language: Python - Size: 718 KB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 80 - Forks: 24

Xiaoyang-Rebecca/PatternRecognition_Matlab
Feature reduction projections and classifier models are learned by training dataset and applied to classify testing dataset. A few approaches of feature reduction have been compared in this paper: principle component analysis (PCA), linear discriminant analysis (LDA) and their kernel methods (KPCA,KLDA). Correspondingly, a few approaches of classification algorithm are implemented: Support Vector Machine (SVM), Gaussian Quadratic Maximum Likelihood and K-nearest neighbors (KNN) and Gaussian Mixture Model(GMM).
Language: MATLAB - Size: 11.7 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 65 - Forks: 21

cgre-aachen/bayseg
An unsupervised machine learning algorithm for the segmentation of spatial data sets.
Language: Jupyter Notebook - Size: 65.4 MB - Last synced at: 12 days ago - Pushed at: almost 4 years ago - Stars: 63 - Forks: 15

applied-geodesy/jag3d
Java·Applied·Geodesy·3D - Least-Squares Adjustment Software for Geodetic Sciences
Language: Java - Size: 30.4 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 62 - Forks: 17

pedropro/OMG_Depth_Fusion
Probabilistic depth fusion based on Optimal Mixture of Gaussians for depth cameras
Language: C++ - Size: 214 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 60 - Forks: 17

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

bertini36/GMM
Variational Inference in Gaussian Mixture Model
Language: Python - Size: 98.9 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 56 - Forks: 16

Wei2624/AI_Learning_Hub
AI Learning Hub for Machine Learning, Deep Learning, Computer Vision and Statistics
Language: HTML - Size: 3.23 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 54 - Forks: 17

SuperKogito/Voice-based-speaker-identification
:sound: :boy: :girl: :woman: :man: Speaker identification using voice MFCCs and GMM
Language: Python - Size: 105 KB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 54 - Forks: 15

junlulocky/PyBGMM
Bayesian inference for Gaussian mixture model with some novel algorithms
Language: Python - Size: 937 KB - Last synced at: 4 days ago - Pushed at: almost 7 years ago - Stars: 54 - Forks: 16

Shikhargupta/Machine-Learning-and-Pattern-Recognition
Implementation of Machine Learning Algorithms
Language: Python - Size: 3.35 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 45 - Forks: 28

aakhundov/tf-example-models
TensorFlow-based implementation of (Gaussian) Mixture Model and some other examples.
Language: Python - Size: 634 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 42 - Forks: 13

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

siavashk/GMM-FEM 📦
Biomechanically Constrained Point Cloud Registration Using Gaussian Mixture Models
Language: C++ - Size: 2.07 MB - Last synced at: 12 months ago - Pushed at: about 8 years ago - Stars: 39 - Forks: 14

mr-easy/GMM-EM-Python
Python implementation of EM algorithm for GMM. And visualization for 2D case.
Language: Jupyter Notebook - Size: 2.2 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 34 - Forks: 7

dmetivie/ExpectationMaximization.jl
A simple but generic implementation of Expectation Maximization algorithms to fit mixture models.
Language: Julia - Size: 2.02 MB - Last synced at: 3 days ago - Pushed at: 29 days ago - Stars: 32 - Forks: 1

andreacasalino/Gaussian-Mixture-Model
C++ library handling Gaussian Mixure Models
Language: C++ - Size: 1.76 MB - Last synced at: 10 days ago - Pushed at: almost 3 years ago - Stars: 26 - Forks: 1

kpandey008/Road-detection-and-tracking
Involves the OpenCV based C++ implementation to detect and track roads for almost realtime performance
Language: C++ - Size: 24.6 MB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 24 - Forks: 7

alexandra-chron/hierarchical-domain-adaptation
Code of NAACL 2022 "Efficient Hierarchical Domain Adaptation for Pretrained Language Models" paper.
Language: Python - Size: 5.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 23 - Forks: 3

yashv28/Color-Segmentation-using-GMM
Language: Python - Size: 82.9 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 23 - Forks: 7

HongJea-Park/robust_EM_for_gmm
MS Yang, A robust EM clustering algorithm for Gaussian mixture models, Pattern Recognit., 45 (2012), pp. 3950-3961
Language: Python - Size: 10.6 MB - Last synced at: 11 days ago - Pushed at: almost 4 years ago - Stars: 22 - Forks: 4

meowoodie/Reinforcement-Learning-of-Spatio-Temporal-Point-Processes
A general framework for learning spatio-temporal point processes via reinforcement learning
Language: Python - Size: 16.6 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 22 - Forks: 6

kylesayrs/GMMPytorch
Pytorch implementation of same-family gaussian mixture models with guardrails. Features separable parameter optimization and singularity mitigation
Language: Python - Size: 595 KB - Last synced at: 19 days ago - Pushed at: 3 months ago - Stars: 21 - Forks: 1

leandrofgr/GaussianMixMCMC_Metropolis
Codes related to the publication Gaussian mixture Markov chain Monte Carlo method for linear seismic inversion
Language: MATLAB - Size: 1.64 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 3

Magho/Fitting-Gaussian-Mixture-Models-with-EM
Implement the EM algorithm for a Gaussian mixture model and apply it to cluster images
Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 6

poyentung/sigma
Python code for phase identification and spectrum analysis of energy dispersive x-ray spectroscopy (EDS)
Language: Jupyter Notebook - Size: 973 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 4

icbcbicc/PyTorch_EPLL
PyTorch implementation of Expected Patch Log Likelihood (EPLL) image prior in paper "D. Zoran and Y. Weiss, "From learning models of natural image patches to whole image restoration," ICCV 2011.
Language: Python - Size: 12.8 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 0

Cheng-Lin-Li/MachineLearning
Implementations of machine learning algorithm by Python 3
Language: Jupyter Notebook - Size: 99.5 MB - Last synced at: 15 days ago - Pushed at: about 7 years ago - Stars: 17 - Forks: 11

DavidMercier/TriDiMap
Matlab functions to plot 2D and 3D maps from nanoindentation tests.
Language: MATLAB - Size: 112 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 4

steverab/tensor-gmm
Implementation of learning a Gaussian mixture model using tensor decomposition.
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 9 days ago - Pushed at: almost 8 years ago - Stars: 16 - Forks: 7

AEBilgrau/GMCM
Unsupervised Clustering and Meta-analysis using Gaussian Mixture Copula Models
Language: R - Size: 25.7 MB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 3

JingweiToo/Machine-Learning-Toolbox
This toolbox offers 8 machine learning methods including KNN, SVM, DA, DT, and etc., which are simpler and easy to implement.
Language: MATLAB - Size: 97.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 3

polyactis/Accucopy
Accucopy is a computational method that infers Allele-specific Copy Number alterations from low-coverage low-purity tumor sequencing Data.
Language: C++ - Size: 1.04 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 14 - Forks: 4

AshwathSalimath/Anomaly-Detection-IoT
Anomaly Detection In An IoT-Acquired Environmental Sensor Data
Language: Python - Size: 6.12 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 3

is0383kk/Pytorch_VAE-GMM
Implementation of a model to make VAE and GMM train from each other
Language: Python - Size: 3.21 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 2

cgaueb/tgmm_sky_sampling
Sampling Clear Sky Models using Truncated Gaussian Mixtures
Language: C++ - Size: 217 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 1

joshwcheung/csci-567
My solutions for the USC course CSCI 567: Machine Learning
Language: Jupyter Notebook - Size: 5.05 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 9

ankiteciitkgp/keystrokeDynamics
Language: Python - Size: 1.07 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 12 - Forks: 5

dennisfrancis/ClusterRows
A LibreOffice Calc extension that clusters the rows in a table and colors them to indicate the clusters.
Language: C++ - Size: 2.3 MB - Last synced at: 9 days ago - Pushed at: 3 months ago - Stars: 11 - Forks: 1

conradsnicta/armadillo-gmm
gmm_diag and gmm_full: C++ classes for multi-threaded Gaussian mixture models and Expectation-Maximisation
Language: C++ - Size: 1000 Bytes - Last synced at: about 16 hours ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 4

saniikakulkarni/Gaussian-Mixture-Model-from-scratch
Implementing Gaussian Mixture Model from scratch using python class and Expectation Maximization algorithm. It is a clustering algorithm having certain advantages over kmeans algorithm.
Language: Jupyter Notebook - Size: 415 KB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 11 - Forks: 9

SinaMirrazavi/SESODS_lib
Learning second order dynamical system
Language: MATLAB - Size: 46.8 MB - Last synced at: 5 days ago - Pushed at: about 6 years ago - Stars: 11 - Forks: 1

pavancm/Stitched-Image-Quality-Evaluator
Official implementation of Stitched Image Quality evaluator (SIQE)
Language: MATLAB - Size: 12.2 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 3

so-wise/so-fronts
Full scripts to generate figures for "Defining Southern Ocean fronts using unsupervised classification" https://doi.org/10.5194/os-17-1545-2021
Language: Python - Size: 519 MB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 9 - Forks: 2

benediktfesl/Quantized_Channel_Estimation
Implementation of the Paper "Channel Estimation for Quantized Systems based on Conditionally Gaussian Latent Models".
Language: Python - Size: 66.4 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 3

pmadruga/ml_project
Machine Learning Techniques applied to Heart Rate Variability
Language: Jupyter Notebook - Size: 35.1 MB - Last synced at: 9 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

vincent27hugh/Cluster-Kmeans-EMGMM-PCA
Wine Types Clustering using K-Means, EM-GMM and PCA
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 4

guyuchao/Grabcut
My implementation of 《"GrabCut" - Interactive Foreground Extraction using Iterated Graph Cuts》
Language: Python - Size: 4.77 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 2

SimoneAlbertini/GMM-Clustering
Gaussian Mixture Model clustering using OpenCv Expectation Maximization implementation
Language: Makefile - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 5

applied-geodesy/bundle-adjustment
Bundle Adjustment for Close-Range Photogrammetry
Language: HTML - Size: 2.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 8 - Forks: 5

juliennonin/variational-gaussian-mixture
Variational Bayesian Model Selection for Mixture Distributions [Corduneanu&Bishop01][PRML 10.2.1]
Language: Python - Size: 1.32 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 2

hbahadirsahin/gmvae
Language: Python - Size: 2.5 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 7

arnab39/Machine-Learning-Codes
Python implementation of basic machine learning algorithms
Language: Python - Size: 58.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 8

aryaman-gupta/Human-Action-Recognition
Code for skeletal based Human Action Recognition, done as part of my Master's thesis
Language: Matlab - Size: 44.9 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 3

Keefe-Murphy/MoEClust
Gaussian Parsimonious Clustering Models with Gating and Expert Network Covariates
Language: R - Size: 1.67 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 0

giorgioroffo/bayes-classifier-with-GMM
Bayes Classifier with Gaussian Mixture Models to generate handwritten images
Language: Python - Size: 4.88 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 7 - Forks: 0

benediktfesl/GMM_cplx
Python implementation of a complex-valued version of the expectation-maximization (EM) algorithm for fitting Gaussian Mixture Models (GMMs).
Language: Python - Size: 71.3 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 2

parham1998/Kernel-Density-Estimation
Implementation of Kernel-Density-Estimation (KDE) with Matlab
Language: MATLAB - Size: 668 KB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

hrshtv/HMRF-GMM-EM-Segmentation
Image segmentation using the EM algorithm that relies on a GMM for intensities and a MRF model on the labels. Based on "Segmentation of brain MR images through a hidden Markov random field model and the expectation-maximization algorithm" (Zhang, Y et al.)
Language: MATLAB - Size: 1.2 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 1

rogertrullo/Bayesian-Methods-for-Machine-Learning
Bayesian Methods for Machine Learning
Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 9

bit-bots/particle_filter
A lightweight particle filter library for the ROS context.
Language: C++ - Size: 166 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 6 - Forks: 5

insdout/GMVAE-pytorch
Pytorch implementation of Gaussian Mixture Variational Autoencoder GMVAE
Language: Python - Size: 5.27 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 6 - Forks: 0

sidharth178/Mall-Customers-Segmentation
This case requires to develop a customer segmentation to understand customer's behaviour and separate them in different groups according to their preferences, and once the division is done, this information can be given to marketing team so they can plan the strategy accordingly.
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 2

fazanham/ExpectationMaximization
A class for unsupervised classification using Expectation Maximization
Language: C++ - Size: 162 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

TTitcombe/Python-Machine-Learning-Models
Barebones Python implementations of machine learning models, without using machine learning libraries
Language: Python - Size: 9.28 MB - Last synced at: 11 days ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 1

compops/barx-sysid2018
Sparse Bayesian ARX models with flexible noise distributions
Language: R - Size: 9.31 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 2

rbaygildin/brain-tumor-segmentation
Brain tumor (low-grade and high-grade glioma) segmentation using unsupervised methods
Language: Jupyter Notebook - Size: 958 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 2

dieterich-lab/ASyH
The Anonymous Synthesizer for Health Data
Language: Python - Size: 569 KB - Last synced at: 9 days ago - Pushed at: 12 days ago - Stars: 5 - Forks: 1

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: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 1

AISoltani/Clustering-in-Python Fork of 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 1 year ago - Stars: 5 - Forks: 1

hahnec/multimodal_emg
Multimodal Exponentially Modified Gaussians with Optional Oscillation
Language: Jupyter Notebook - Size: 2.4 MB - Last synced at: 9 days ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

tomasmikeska/speaker-identification
Automatic speaker identification with Gaussian Mixture Model.
Language: Python - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 2

aminrashidbeigi/gaussians-streaming-data
Implementation of "Learning Mixture of Gaussians with Streaming Data" paper
Size: 52.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

kailugaji/Gaussian_Mixture_Model_for_Clustering
Gaussian Mixture Model for Clustering
Language: MATLAB - Size: 228 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 4

jiwidi/gmm-classifier
Python implementation for a Gaussian mixture model classifier!
Language: Python - Size: 313 KB - Last synced at: 3 days ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

SinaMirrazavi-sony/LPV
C++ implementation of GMM based LPV systems
Language: C++ - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 3

rauhul/cs446
Machine Learning UIUC SP 2018
Language: TeX - Size: 71.2 MB - Last synced at: 29 days ago - Pushed at: almost 7 years ago - Stars: 5 - Forks: 6

lmego/customer_segments
Creating Customer Segments - 4th project for Udacity's Machine Learning Nanodegree
Language: HTML - Size: 811 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 6

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

is0383kk/SymbolEmergence-VAE-GMM
Symbol emergence using Variational Auto-Encoder and Gaussian Mixture Model (Inter-GMM-VAE)~VAEを活用した実画像からの記号創発~
Language: Python - Size: 525 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 3

mx-ethan-rao/deepmetabin
A graph-based Gaussian Mixture Variational Autoencoder improves metagenome binning for short contigs
Language: Python - Size: 5.46 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

JulesFrancoise/xmmjs
A Javascript port of the XMM Library
Language: JavaScript - Size: 2.83 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

FordyceLab/MRBLEs
Decoding and analysis software for MRBLEs (Microspheres with Ratiometric Barcode Lanthanide Encoding).
Language: Python - Size: 273 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

GustavoHFMO/GMM-VRD
Algorithms proposed in the following paper: Oliveira, Gustavo HFM, Leandro L. Minku, and Adriano LI Oliveira. "GMM-VRD: A Gaussian Mixture Model for Dealing With Virtual and Real Concept Drifts." 2019 International Joint Conference on Neural Networks (IJCNN). IEEE, 2019.
Language: Python - Size: 1.85 MB - Last synced at: 15 days ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 2
