Python package for Bayesian Machine Learning with scikit-learn API

Overview

Python package for Bayesian Machine Learning with scikit-learn API

Build Status Coverage Status

alt text alt text alt text alt text

Installing & Upgrading package

pip install https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
pip install --upgrade https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip

Algorithms

  • ARD Models
    • Relevance Vector Regression (version 2.0) code, tutorial
    • Relevance Vector Classifier (version 2.0) code, tutorial
    • Type II Maximum Likelihood ARD Linear Regression code
    • Type II Maximum Likelihood ARD Logistic Regression code, tutorial
    • Variational Relevance Vector Regression code
    • Variational Relevance Vector Classification code, tutorial
  • Decomposition Models
    • Restricted Boltzmann Machines (PCD-k / CD-k, weight decay, adaptive learning rate) code, tutorial
    • Latent Dirichlet Allocation (collapsed Gibbs Sampler) code, tutorial
  • Linear Models
    • Empirical Bayes Linear Regression code, tutorial
    • Empirical Bayes Logistic Regression (uses Laplace Approximation) code, tutorial
    • Variational Bayes Linear Regression code, tutorial
    • Variational Bayes Logististic Regression (uses Jordan local variational bound) code, tutorial
  • Mixture Models
    • Variational Bayes Gaussian Mixture Model with Automatic Model Selection code, tutorial
    • Variational Bayes Bernoulli Mixture Model code, tutorial
    • Dirichlet Process Bernoulli Mixture Model code
    • Dirichlet Process Poisson Mixture Model code
    • Variational Multinoulli Mixture Model code
  • Hidden Markov Models
    • Variational Bayes Poisson Hidden Markov Model code, demo
    • Variational Bayes Bernoulli Hidden Markov Model code
    • Variational Bayes Gaussian Hidden Markov Model code, demo

Contributions:

There are several ways to contribute (and all are welcomed)

 * improve quality of existing code (find bugs, suggest optimization, etc.)
 * implement machine learning algorithm (it should be bayesian; you should also provide examples & notebooks)
 * implement new ipython notebooks with examples 

Bitdeli Badge

Owner
Amazasp Shaumyan
Principal Data Scientist / Machine Learning Engineer
Amazasp Shaumyan
Continual World is a benchmark for continual reinforcement learning

Continual World Continual World is a benchmark for continual reinforcement learning. It contains realistic robotic tasks which come from MetaWorld. Th

41 Dec 24, 2022
Roadmap to becoming a machine learning engineer in 2020

Roadmap to becoming a machine learning engineer in 2020, inspired by web-developer-roadmap.

Chris Hoyean Song 1.7k Dec 29, 2022
A unified 3D Transformer Pipeline for visual synthesis

Overview This is the official repo for the paper: NÜWA: Visual Synthesis Pre-training for Neural visUal World creAtion. NÜWA is a unified multimodal p

Microsoft 2.6k Jan 06, 2023
Image inpainting using Gaussian Mixture Models

dmfa_inpainting Source code for: MisConv: Convolutional Neural Networks for Missing Data (to be published at WACV 2022) Estimating conditional density

Marcin Przewięźlikowski 8 Oct 09, 2022
robomimic: A Modular Framework for Robot Learning from Demonstration

robomimic [Homepage]   [Documentation]   [Study Paper]   [Study Website]   [ARISE Initiative] Latest Updates [08/09/2021] v0.1.0: Initial code and pap

ARISE Initiative 178 Jan 05, 2023
Boundary-preserving Mask R-CNN (ECCV 2020)

BMaskR-CNN This code is developed on Detectron2 Boundary-preserving Mask R-CNN ECCV 2020 Tianheng Cheng, Xinggang Wang, Lichao Huang, Wenyu Liu Video

Hust Visual Learning Team 178 Nov 28, 2022
Study of human inductive biases in CNNs and Transformers.

Are Convolutional Neural Networks or Transformers more like human vision? This repository contains the code and fine-tuned models of popular Convoluti

Shikhar Tuli 39 Dec 08, 2022
A PyTorch Implementation of FaceBoxes

FaceBoxes in PyTorch By Zisian Wong, Shifeng Zhang A PyTorch implementation of FaceBoxes: A CPU Real-time Face Detector with High Accuracy. The offici

Zi Sian Wong 797 Dec 17, 2022
Code for the paper: Adversarial Machine Learning: Bayesian Perspectives

Code for the paper: Adversarial Machine Learning: Bayesian Perspectives This repository contains code for reproducing the experiments in the ** Advers

Roi Naveiro 2 Nov 11, 2022
An implementation demo of the ICLR 2021 paper Neural Attention Distillation: Erasing Backdoor Triggers from Deep Neural Networks in PyTorch.

Neural Attention Distillation This is an implementation demo of the ICLR 2021 paper Neural Attention Distillation: Erasing Backdoor Triggers from Deep

Yige-Li 84 Jan 04, 2023
Code for "Contextual Non-Local Alignment over Full-Scale Representation for Text-Based Person Search"

Contextual Non-Local Alignment over Full-Scale Representation for Text-Based Person Search This is an implementation for our paper Contextual Non-Loca

Tencent YouTu Research 50 Dec 03, 2022
Official repository of "Investigating Tradeoffs in Real-World Video Super-Resolution"

RealBasicVSR [Paper] This is the official repository of "Investigating Tradeoffs in Real-World Video Super-Resolution, arXiv". This repository contain

Kelvin C.K. Chan 566 Dec 28, 2022
Official Pytorch implementation of C3-GAN

Official pytorch implemenation of C3-GAN Contrastive Fine-grained Class Clustering via Generative Adversarial Networks [Paper] Authors: Yunji Kim, Jun

NAVER AI 114 Dec 02, 2022
A PyTorch Implementation of SphereFace.

SphereFace A PyTorch Implementation of SphereFace. The code can be trained on CASIA-Webface and the best accuracy on LFW is 99.22%. SphereFace: Deep H

carwin 685 Dec 09, 2022
Talk covering the features of skorch

Skorch Talk Skorch - A Union of Scikit-learn and PyTorch Presentation The slides can be downloaded at: download link. Google Colab Part One - MNIST Pa

Thomas J. Fan 3 Oct 20, 2020
Learning the Beauty in Songs: Neural Singing Voice Beautifier; ACL 2022 (Main conference); Official code

Learning the Beauty in Songs: Neural Singing Voice Beautifier Jinglin Liu, Chengxi Li, Yi Ren, Zhiying Zhu, Zhou Zhao Zhejiang University ACL 2022 Mai

Jinglin Liu 257 Dec 30, 2022
GLM (General Language Model)

GLM GLM is a General Language Model pretrained with an autoregressive blank-filling objective and can be finetuned on various natural language underst

THUDM 421 Jan 04, 2023
An interactive DNN Model deployed on web that predicts the chance of heart failure for a patient with an accuracy of 98%

Heart Failure Predictor About A Web UI deployed Dense Neural Network Model Made using Tensorflow that predicts whether the patient is healthy or has c

Adit Ahmedabadi 0 Jan 09, 2022
This git repo contains the implementation of my ML project on Heart Disease Prediction

Introduction This git repo contains the implementation of my ML project on Heart Disease Prediction. This is a real-world machine learning model/proje

Aryan Dutta 1 Feb 02, 2022