linear-discriminant-analysis

There are 234 repositories under linear-discriminant-analysis topic.

  • 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:Python24111464
  • machine-learning

    je-suis-tm/machine-learning

    Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression

    Language:Jupyter Notebook2295151
  • arnaldog12/Machine_Learning

    Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.

    Language:Jupyter Notebook21923464
  • TatevKaren/data-science-popular-algorithms

    Data Science algorithms and topics that you must know. (Newly Designed) Recommender Systems, Decision Trees, K-Means, LDA, RFM-Segmentation, XGBoost in Python, R, and Scala.

    Language:Jupyter Notebook1153037
  • hiroyuki-kasai/ClassifierToolbox

    A MATLAB toolbox for classifier: Version 1.0.7

    Language:MATLAB856246
  • JEFworks/MUDAN

    Multi-sample Unified Discriminant ANalysis

    Language:R726412
  • snatch59/cnn-svm-classifier

    Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine

    Language:Python612231
  • jbramburger/Data-Science-Methods

    This repository contains lecture notes and codes for the course "Computational Methods for Data Science"

    Language:MATLAB48209
  • zhaoyichanghong/machine_learing_algo_python

    implement the machine learning algorithms by python for studying

    Language:Python482121
  • Puneet2000/In-Depth-ML

    In depth machine learning resources

    Language:Jupyter Notebook394017
  • uzairakbar/info-retrieval

    Information Retrieval in High Dimensional Data (class deliverables)

    Language:Jupyter Notebook384013
  • AliAmini93/Fault-Detection-in-DC-microgrids

    Using DIgSILENT, a smart-grid case study was designed for data collection, followed by feature extraction using FFT and DWT. Post-extraction, feature selection. CNN-based and extensive machine learning techniques were then applied for fault detection.

    Language:Jupyter Notebook35113
  • rahul-38-26-0111-0003/Network-based-Intrusion-Detection-Systems

    Final Year project based upon Network Intrusion Detection System

    Language:Jupyter Notebook32008
  • kbasu2016/Autism-Detection-in-Adults

    This is a binary classification problem related with Autistic Spectrum Disorder (ASD) screening in Adult individual. Given some attributes of a person, my model can predict whether the person would have a possibility to get ASD using different Supervised Learning Techniques and Multi-Layer Perceptron.

    Language:Jupyter Notebook244221
  • Machine-Learning-Toolbox

    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:MATLAB22206
  • kaur-anupreet/Software-Defect-Prediction

    Application of Deep Learning and Feature Extraction in Software Defect Prediction

    Language:Python21208
  • OhmGeek/FacialLivenessTests

    Liveness Tests For Facial Recognition

    Language:Python219118
  • gmrandazzo/QStudioMetrics

    A Comprehensive Software for Data Mining and Multivariate Analysis

    Language:C++164246
  • dehaoterryzhang/Iris_Classification

    Iris classification with Python Scikit-learn :blossom:

    Language:Jupyter Notebook152030
  • paulbrodersen/somnotate

    Automated polysomnography for experimental animal research

    Language:Python153177
  • StarlangSoftware/Classification-Py

    Machine learning library for classification tasks

    Language:Python13303
  • tcd-ai-group-project

    tulsyanp/tcd-ai-group-project

    Face Recognition with SVM classifier using PCA, ICA, NMF, LDA reduced face vectors

    Language:Python12203
  • fkupilik/MNE_ML

    BrainVision EEG data classification using the MNE, Keras and the scikit-learn libraries.

    Language:Python11223
  • Insurance-Claim-Fraud-Detection

    nirab25/Insurance-Claim-Fraud-Detection

    Insurance claim fraud detection using machine learning algorithms.

    Language:Jupyter Notebook11204
  • Empirical_Study_of_Ensemble_Learning_Methods

    timothygmitchell/Empirical_Study_of_Ensemble_Learning_Methods

    Training ensemble machine learning classifiers, with flexible templates for repeated cross-validation and parameter tuning

    Language:R11102
  • Naman-ntc/FaceRecognition

    Approach at solving the problem of Face Recognition using dimensionality reduction algorithms like PCA and LDA

    Language:Matlab10108
  • sun1638650145/classicML

    简单易用的经典机器学习框架

    Language:Python10202
  • stabgan/Linear-Discriminant-Analysis

    We used LDA in this project to expand the capabilities of our Logistic Regression Classifier in both Python and R

    Language:Python9108
  • tugrulhkarabulut/Gaussian-Discriminant-Analysis

    Gaussian Discriminant Analysis introduction and Python implementation from scratch

    Language:Jupyter Notebook9201
  • Ayantika22/Linear-discriminant-Analysis-LDA-for-Wine-Dataset

    Linear discriminant Analysis(LDA) for Wine Dataset of Machine Learning

    Language:Jupyter Notebook8105
  • bghojogh/Fisher-Discriminant-Analysis

    The code for Fisher Discriminant Analysis (FDA) and Kernel Fisher Discriminant Analysis (Kernel FDA)

    Language:Python8100
  • MarkDana/Logistic-and-LDA-from-Scratch

    CS385 homework. Logistic regression and LDA from scratch.

    Language:Python7200
  • ssomnathssaha/SchizophreniaDetection

    Detection of Schizophrenia using Extreme Learning Machine

    Language:MATLAB7113
  • StarlangSoftware/Classification

    Machine learning library for classification tasks

    Language:Java7306
  • Chaoukia/Probabilistic-Graphical-Models

    Probabilistic graphical models home works (MVA - ENS Cachan)

    Language:Jupyter Notebook6100
  • RadhikaRanasinghe/Meraki

    A mobile application that diagnoses Parkinson’s disease patients using hand drawings

    Language:Python6020