GitHub topics: gaussian-mixture-models
zabir-nabil/speaker-verification-gmm
Speaker verification using Gaussian Mixture Model (GMM)
Language: Jupyter Notebook - Size: 429 KB - Last synced at: 21 days ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

paolotron/PatternLib
Library for machine learning and pattern recognizion project
Language: Python - Size: 10.4 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

saeid436/Multimodal-Gaussian-Distribution-Approximation
Approximation of mixing different gaussian distribution with Self-organizing Map(SoM) and Radial Basis Function(RBF)
Language: MATLAB - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

Omar-Saad-ELGharbawy/Voice-Fingerprint-Identification
Voice Id Door Lock Web-App is a Speaker-Identification and Sentence-Verification using Voice MFCCs Feature and GMM
Language: Jupyter Notebook - Size: 137 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

alexsuakim/MachineLearning
Machine learning model implementations from scratch in Python
Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

karan-sutariya/Data-Clustering-using-K-Means-EM-algorithms
This repository implements K-Means clustering on the Old-Faithful dataset, with visualization of clustering iterations and distortion. It also applies K-Means for image compression/segmentation and utilizes the EM algorithm with a Gaussian Mixture Model for classification.
Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

KMdsy/seq2gmm
Open source code for paper "Robust Group Anomaly Detection for Quasi-Periodic Network Time Series"
Language: Python - Size: 1.14 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

Abhay2412/ENCM509FinalProject
ENCM 509 - Fundamentals of Biometric Systems Design - Winter 2024
Language: Jupyter Notebook - Size: 584 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MangoPomelo/GaussianMixture
Gaussian Mixture with em algorithm from scatch in Python
Language: Python - Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

EsraaMadi/Gaussian-Mixture-Model-Clustering
Simple guide for gaussian mixture clustering algorithm
Language: Jupyter Notebook - Size: 7.02 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

mzaradzki/probabilistic-javascript
Javascript functions to fit and to simulate probabilistic models
Language: JavaScript - Size: 9.9 MB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 4 - Forks: 1

SFLazarus/Mixture-Models
Built a heuristic algorithm to model the data using mixture models of probability distributions programmatically
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

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

ludlows/wgmm
Wrapped Gaussian Mixture Model for angular clustering
Language: Jupyter Notebook - Size: 420 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

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

tianrui-qi/QuadraticNeurons
Code and data associated with the paper "Superiority of quadratic over conventional neural networks for classification of Gaussian mixture data".
Language: Jupyter Notebook - Size: 16.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

XiaobingDean/GMM_tensorflow
Gaussian mixture models in Tensorflow.
Language: Python - Size: 398 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

ArmandoGaGo/KMeans-GaussianMM-and-KMedoids
Using the credit card customer base dataset, identify different segments in the existing customer base, taking into account their spending patterns as well as past interactions with the bank.
Language: Jupyter Notebook - Size: 126 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Gallillio/Unsupervised_Clustering_Music_Recommendation_System
Music Recommendation System using Unsupervised Machine Learning Clustering Methods using K-Means, Fuzzy C Mean DBSCAN, Gaussian Mixture Model, BIRCH and Agglomerative Clustering
Language: Jupyter Notebook - Size: 30.7 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

WI-KIWI/DataScienceSummit2017
For the data science summit 2017 in Bamberg
Language: Jupyter Notebook - Size: 31.7 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

RamezElmasry/Advanced-Video-Processing
Coding solutions to various image processing problems integrating statistical algorithm known as Expectation-Maximization (EM), and clustering algorithm known as Gaussian Mixture Model (GMM).
Language: Python - Size: 16.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ty-fel/Predicting-Spoken-Digits
Project to predict spoken digits in Arabic using a Gaussian Mixture Model.
Language: Python - Size: 17.1 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

AhmetZamanis/WeatherAnomalyDetectionClassification
Time series anomaly detection, time series classification & dynamic time warping, performed on a dataset of Canadian weather measurements.
Language: Python - Size: 23.8 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

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

enesozi/ML-course-HW3
Implementation of Mixture of Gaussians and K-NN
Language: Matlab - Size: 602 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

waitingcheung/PyML
A minimalistic implementation of common machine learning algorithms in Python and NumPy.
Language: Python - Size: 1.98 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ttperr/DD2434-ML-KTH
DD2434 - Machine Learning Advanced projects at KTH.
Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Bbowen100/Intro-ML-Algos
Language: Matlab - Size: 787 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

sarankrish/machine-learning-notebooks
Language: Jupyter Notebook - Size: 662 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

paultsw/mixdenoise
A GMM-denoising module for pytorch.
Language: Jupyter Notebook - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

rdesarz/gmphd
Python implementation of the Gaussian Mixture Probability Hypothesis Density Filter
Language: Python - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

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: 11 months ago - Pushed at: over 7 years ago - Stars: 24 - Forks: 7

hegdebhavya/CMPE257-Machine-Learning-Assignments
This repository contains all the assignments of CMPE257 Machine Learning course
Language: Jupyter Notebook - Size: 8.19 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

benediktfesl/MFA_estimator
Implementation of the channel estimator based on Mixture of Factor Analyzers (MFA).
Language: Python - Size: 8.79 KB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

benediktfesl/MFA_cplx
Python implementation of a complex-valued version of the expectation-maximization (EM) algorithm for fitting Mixture of Factor Analyzers (MFA).
Language: Python - Size: 18.6 KB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

wayne-turner/re_stochastic_neighbor_embedding
Guide for dimensionality reduction and clustering analysis.
Language: Python - Size: 9.33 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

asif-shahriar11/Machine-Learning
Machine learning models.
Language: Python - Size: 86.3 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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

bhanu-kanamarlapudi/Covid_19-Michigan
Michigan Covid-19 prediction
Language: HTML - Size: 8.95 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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: over 1 year ago - Pushed at: over 1 year ago - Stars: 14 - Forks: 4

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

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

ogozuacik/gaussian-mixture-models
implementation of expectation maximization algorithm for gaussian mixture models and comparing it with non-parametric histogram estimation
Language: Matlab - Size: 1.37 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

ayushmankumar7/Mixture-Density-Networks
Simple Mixture Density Model implementation in Pytorch
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 16 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

COINtoolbox/GMM_Catalogue
Catalogue with probabilistic classification of galaxies based on their ionization source
Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 6

Ahonanhin/NaiveBayes
Text Classification with Naive Bayes Classifier
Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

lipovec-t/vi-gaussian-dpm
Coordinate Ascent Variational Inference for Dirichlet Process Mixtures of Gaussians
Language: Python - Size: 1.72 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

cankobanz/machine-learning-projects
Machine learning course projects are contributed.
Language: Jupyter Notebook - Size: 7.85 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

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: over 1 year ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 3

kyomangold/ETH-MachineLearning
Repository for the code of the "Introduction to Machine Learning" (IML) lecture at the "Learning & Adaptive Systems Group" at ETH Zurich.
Language: Python - Size: 568 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

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

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

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: 2 days ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 4

ColeConte/gaussian-mixture-model
Gaussian Mixture Model implementation.
Language: Python - Size: 187 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

glassfox15/credit_card_segmentation
Credit Card User Segmentation With Clustering Techniques: Project for Math 156 (Machine Learning) at UCLA, Fall 2023
Language: Jupyter Notebook - Size: 5.46 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hgarud/Face_Classification
A comparative study between 5 different binary classification techniques.
Language: Python - Size: 106 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

v18nguye/gulfstream-lrm
The project development aims to interpolate the seawater temperature, salinity three-dimensional structure, and to understand the physical oceanography in the turbulent region Gulf Stream by exploiting the latent regression model and deep regression neural networks.
Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

jiajunhe98/Probabilistic-Graphical-Models-and-Gaussian-Mixture-Models
This repository summaries Probabilistic Graphical Models and uses Gaussian Mixture Models as an example to illustrate these basic ideas.
Language: Python - Size: 3.07 MB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

dvircohen0/ML-101
Machine-Learning-Algorithms-From-Scratch
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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: about 8 years ago - Stars: 291 - Forks: 143

yassiommi/gaussian-mixture-model
Gaussian Mixture Model in Python
Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ahmedhumza94/customer_segments
Unsupervised clustering of the UCI Wholesale Customer Spending Dataset
Language: HTML - Size: 580 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

snigdhab7/Iris-Clustering-Exploration
Unlocking Iris dataset mysteries with Gaussian Mixture Models and K-Means clustering algorithms.
Language: Python - Size: 33.2 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

hrootscraft/audio-classification
Statistical Model (GMM) employed for Audio Classification
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

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

Amin-Azar/GMEE
Gaussian Mixture Error Estimation for Approximate Circuits
Language: MATLAB - Size: 828 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

zhihanyang2022/gradient-gmm
Finite mixture of full-rank Gaussians for density estimation & variational inference.
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

zhangchicheng/Machine-Learning-in-Numpy
Implement Basic Machine Learning Algorithms from Scratch
Language: Jupyter Notebook - Size: 190 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

one2blame/splintershell
A Python package for blending shellcodes into network traffic using unsupervised learning
Language: Python - Size: 4.2 MB - Last synced at: 16 days ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

sankhaMukherjee/densityNN
Language: Jupyter Notebook - Size: 9.72 MB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

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

navigator8972/roboschool_baxterstriker
roboschool environment for baxter ball striking
Language: Python - Size: 8.21 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

navigator8972/pcae
Point Cloud Gaussian Mixture Models and Shape Completion with Auto-encoder embeddings
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 2

Snigdho8869/Clustering-Projects
Repository for various clustering projects including mall customer segmentation and more. Explore data analysis and clustering techniques
Language: Jupyter Notebook - Size: 962 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GiuDF1102/Language-Indentification-2023
Italian Language Detection from Utterance Embeddings: A Comparative Study of SVM, Gaussian Models, Logistic Regression, and GMM. Made for the Machine Learning and Pattern Recognition course at Politecnico di Torino.
Language: Python - Size: 6.9 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 2

gabrielecastellano/early-exit-distillation Fork of yoshitomo-matsubara/head-network-distillation
Early Classification in Split Computing with Regularized Bottlenecks
Language: Jupyter Notebook - Size: 4.71 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

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

panlanfeng/LatentGaussianMixtureModel.jl
The Julia package for estimating and testing a generalized linear mixed model with normal mixture random effects
Language: Julia - Size: 563 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

aayush210789/Clustering-using-Mixture-of-Gaussians
Clustering using the Mixture of Gaussians model on Peterson and Barney’s dataset of vowel formant frequencies.
Language: Matlab - Size: 323 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

venkatesh-eranti/Clustering_Project_online-retail_case-study
For an UK based non-store online retail for which we need to cluster it's customers in to different groups so that we can run targeted campaign for each group
Language: Jupyter Notebook - Size: 475 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

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

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

aszilagyi/gmentropy
calculate configurational entropy from a conformational ensemble
Language: Python - Size: 49.8 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

bghojogh/Density-Based-Classifiers
The code of GMM and MAF classifiers
Language: Python - Size: 96.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

nonkloq/ml-from-scratch
Machine Learning Algortihms from scratch.
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

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

rahulraghatate/Machine-Learning
ML Algorithms from scratch
Language: Python - Size: 1 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

JuzerShakir/Creating-Customer-Segments 📦
Applied Unsupervised Learning techniques on product spending data collected for customers of a wholesale distributor to identify customer segments hidden in the data.
Language: HTML - Size: 2.82 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 3

DhanaShravya/Wine-clustering-and-classification-using-ML
Wine Classification using Machine learning algorithms
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mcoric96/Generative-modelling-Boston-dataset
Generative models for creating synthetic data from Boston housing dataset
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

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

gonza0305/Speaker-identification-using-GMM
Text-independent speaker identification system based on GMM
Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

jonzia/GaussianMixture
Unsupervised clustering with Gaussian mixture models (GMMs) (MATLAB).
Language: MATLAB - Size: 10.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Jonas-Finkler/fortran-gmm-EM
extremely efficient implementation of the expectation maximization (EM) algorithm for Gaussian mixtures in fortran
Language: Fortran - Size: 37.1 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

XAheli/Spectrums
Spectrums: Optimize GMM params, UI, export palettes, improve clustering accuracy, and add customizable color schemes.
Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

TheReconPilot/gaussian-mixture-models
Gaussian Mixture Models (GMMs) with Expectation-Maximization and Gibbs Sampling
Language: Jupyter Notebook - Size: 8.06 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

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: over 2 years ago - Stars: 220 - Forks: 62

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: about 4 years ago - Stars: 65 - Forks: 21

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: about 1 year ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

Ellie190/Student-Segmentation
Web-based Clustering Application Using a Shiny Framework for Determining Student Engagement Levels in Virtual Learning Environments
Language: Jupyter Notebook - Size: 72.2 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0
