Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: maximum-a-posteriori-estimation

mozanunal/notebook-ml-map-comparasion

It is a jupyter notebook which examine the varience and bias parameters of maximum likelihood and maximum a posteriori approaches for biomedical imaging.

Language: Jupyter Notebook - Size: 3.77 MB - Last synced: about 1 month ago - Pushed: almost 5 years ago - Stars: 2 - Forks: 0

jolideco/jolideco

A Python package for Poisson joint likelihood deconvolution

Language: Python - Size: 4.04 MB - Last synced: about 1 month ago - Pushed: 2 months ago - Stars: 1 - Forks: 1

KeplerGO/oktopus

🐙: Maximum likelihood model estimation using scipy.optimize

Language: Python - Size: 8.51 MB - Last synced: 25 days ago - Pushed: over 3 years ago - Stars: 19 - Forks: 5

hyeonsangjeon/disparity-based-space-vagriant-image-deblurring

“Disparitybased space-variant image deblurring,” Signal Processing: Image Communication, vol. 28, no. 7, pp. 792–808, 2013.

Size: 20.5 MB - Last synced: about 1 month ago - Pushed: about 4 years ago - Stars: 14 - Forks: 0

ctpeterson/SwissFit

General-purpose library for fitting models to data with correlated Gaussian-distributed noise

Language: Python - Size: 1.77 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

MikeS96/bayes_statististics

Bayesian Statistics MOOC by Coursera - Solutions in Python

Language: Jupyter Notebook - Size: 34.4 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 29 - Forks: 5

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

farhad-dalirani/Disparity-Map-Reconstruction-PGM

Probabilistic Graphical Models for Stereo Disparity Map Reconstruction by Factor Graph and Belief Propagation Maximum A Posteriori

Language: Python - Size: 14.1 MB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 4 - Forks: 0

Taabannn/intro-ml

This repository has been created just for warm-up in machine learning and there are my simulation files of UT-ML course HWs.

Language: Jupyter Notebook - Size: 48.2 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

sayarghoshroy/Image-Classification-Formulations

Insights and Analysis - Using Various Deep Learning Architectures on Image Classification Datasets

Language: Jupyter Notebook - Size: 8.96 MB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 1

TheUnsolvedDev/ProbabilisticMadness

Statistics and Machine Learning in depth analysis with Tensorflow Probability

Language: Python - Size: 80 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

libsusa/susa

High Performance Computing (HPC) and Signal Processing Framework

Language: C++ - Size: 528 KB - Last synced: 10 months ago - Pushed: almost 2 years ago - Stars: 59 - Forks: 18

bhavyanarang/SML_Coding_Assignments

Language: Jupyter Notebook - Size: 548 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

EricLu1218/Machine_Learning

2022 NTHU EE655000 Machine Learning Course Projects (include Maximum A Posteriori Estimation, Linear Regression, Neural Network Image Classification)

Language: Jupyter Notebook - Size: 6.02 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 6 - Forks: 0

henry-prior/jax-rl

JAX implementations of core Deep RL algorithms

Language: Python - Size: 354 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 62 - Forks: 9

gbroques/naive-bayes

A Python implementation of Naive Bayes from scratch.

Language: Python - Size: 61.5 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 31 - Forks: 27

hrshtv/Bayesian-Image-Denoising

A MAP-MRF Framework for Image Denoising

Language: MATLAB - Size: 1.62 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

animesharma/NaiveBayes-MAP-MLE

Categorial Naive Bayes MLE and MAP Estimators for EMNIST dataset

Language: Jupyter Notebook - Size: 2.25 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

prakHr/NeuralNetworksAndFuzzyLogic

[College Course] - Course: BITS F312 Neural Network and Fuzzy Logic

Language: Jupyter Notebook - Size: 4.12 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 4 - Forks: 3

hrshtv/MRF-Segmentation-Graph-Cuts

An implementation of "Exact Maximum A Posteriori Estimation for Binary Images" (D. Greig, B. Porteous and A. Seheult)

Language: Jupyter Notebook - Size: 690 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 2

prash030/pattern_recognition_projects

This repository consists of the codes that I wrote for implementing various pattern recognition algorithms

Language: Python - Size: 1.15 MB - Last synced: 12 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

eskinderit/MLvsMAP

A brief comparison of the weights computation for a linear classifer using Maximum Likelihood (ML) and Maximum aPosteriori (MAP)

Language: Jupyter Notebook - Size: 843 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 1

amirian/xeggora

An inference engine for Markov Logic

Language: HTML - Size: 13 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

IChowdhury01/ECE-302-Probability-Models-and-Stochastic-Processes

Projects for ECE-302: Probability Models & Stochastic Processes

Language: MATLAB - Size: 1.87 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

RaczeQ/naive-bayes-classifier

A Python implementation of Naive Bayes from scratch. Repository influenced by https://github.com/gbroques/naive-bayes

Language: Python - Size: 49.8 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

violetguos/intro_machine_learning

🅱️achine learning

Language: Python - Size: 24.6 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

hyzhak/mle

Machine Learning: Maximum Likelihood Estimation (MLE)

Language: Jupyter Notebook - Size: 655 KB - Last synced: about 1 month ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 3

Related Keywords
maximum-a-posteriori-estimation 27 maximum-likelihood-estimation 13 machine-learning 7 python 5 map 4 linear-regression 3 bayesian-inference 3 classification 3 naive-bayes 3 bayesian 3 neural-network 3 naive-bayes-classifier 3 log-likelihood 2 python3 2 data-mining-algorithms 2 regression 2 data-mining 2 maximum-likelihood 2 pca 2 svm 2 simulation 2 naive 2 deconvolution 2 mle 2 monte-carlo 2 naive-bayes-algorithm 2 autoencoders 2 scikit-learn 2 neural-networks 2 principal-component-analysis 2 matlab 2 logistic-regression 2 convolution 2 mrf 2 naivebayes 2 k-means-clustering 2 graph-cut 2 gaussian-mixture-models 2 markov-random-field 2 naive-bayes-implementation 2 image-segmentation 2 naive-bayes-classification 2 optimization 2 naive-bayes-tutorial 1 naive-algorithm 1 denoising 1 bias 1 qam-modulation 1 rrcosine 1 signal-processing 1 trellis 1 viterbi 1 discriminant-analysis 1 fda 1 mnist-dataset 1 bayesian-linear-regression 1 image-classification 1 nthu 1 actor-critic 1 deep-learning 1 deep-reinforcement-learning 1 deepmind 1 flax 1 jax 1 mpo 1 mujoco 1 reinforcement-learning 1 sac 1 soft-actor-critic 1 td3 1 laplace-smoothing 1 xor-neural-network 1 ford-fulkerson 1 gmm 1 minimum-cut 1 networkx 1 segmentation 1 bayes-classifier 1 k-nearest-neighbours 1 least-square-regression 1 pattern-recognition 1 likelihood 1 maximum 1 maximum-a-posteriori 1 ml 1 inference-engine 1 markov-logic 1 markov-logic-network 1 bayesian-data-analysis 1 mmse-estimation 1 python-3 1 cross-validation 1 gaussian 1 huber 1 image-denoising 1 mri 1 rician 1 beta-distribution 1 categorical-naive-bayes 1 dirichlet-distribution 1