Prml - Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop

Overview

Pattern Recognition and Machine Learning (PRML)

MDN

nbviewer

This project contains Jupyter notebooks of many the algorithms presented in Christopher Bishop's Pattern Recognition and Machine Learning book, as well as replicas for many of the graphs presented in the book.

Discussions (new)

If you have any questions and/or requests, check out the discussions page!

Useful Links

Content

.
├── README.md
├── chapter01
│   ├── einsum.ipynb
│   ├── exercises.ipynb
│   └── introduction.ipynb
├── chapter02
│   ├── Exercises.ipynb
│   ├── bayes-binomial.ipynb
│   ├── bayes-normal.ipynb
│   ├── density-estimation.ipynb
│   ├── exponential-family.ipynb
│   ├── gamma-distribution.ipynb
│   ├── mixtures-of-gaussians.ipynb
│   ├── periodic-variables.ipynb
│   ├── robbins-monro.ipynb
│   └── students-t-distribution.ipynb
├── chapter03
│   ├── bayesian-linear-regression.ipynb
│   ├── equivalent-kernel.ipynb
│   ├── evidence-approximation.ipynb
│   ├── linear-models-for-regression.ipynb
│   ├── ml-vs-map.ipynb
│   ├── predictive-distribution.ipynb
│   └── sequential-bayesian-learning.ipynb
├── chapter04
│   ├── exercises.ipynb
│   ├── fisher-linear-discriminant.ipynb
│   ├── least-squares-classification.ipynb
│   ├── logistic-regression.ipynb
│   └── perceptron.ipynb
├── chapter05
│   ├── backpropagation.ipynb
│   ├── bayesian-neural-networks.ipynb
│   ├── ellipses.ipynb
│   ├── imgs
│   │   └── f51.png
│   ├── mixture-density-networks.ipynb
│   ├── soft-weight-sharing.ipynb
│   └── weight-space-symmetry.ipynb
├── chapter06
│   ├── gaussian-processes.ipynb
│   └── kernel-regression.ipynb
├── chapter07
│   ├── relevance-vector-machines.ipynb
│   └── support-vector-machines.ipynb
├── chapter08
│   ├── exercises.ipynb
│   ├── graphical-model-inference.ipynb
│   ├── img.jpeg
│   ├── markov-random-fields.ipynb
│   ├── sum-product.ipynb
│   └── trees.ipynb
├── chapter09
│   ├── gaussian-mixture-models.ipynb
│   ├── k-means.ipynb
│   └── mixture-of-bernoulli.ipynb
├── chapter10
│   ├── exponential-mixture-gaussians.ipynb
│   ├── local-variational-methods.ipynb
│   ├── mixture-gaussians.ipynb
│   ├── variational-logistic-regression.ipynb
│   └── variational-univariate-gaussian.ipynb
├── chapter11
│   ├── adaptive-rejection-sampling.ipynb
│   ├── gibbs-sampling.ipynb
│   ├── hybrid-montecarlo.ipynb
│   ├── markov-chain-motecarlo.ipynb
│   ├── rejection-sampling.ipynb
│   ├── slice-sampling.ipynb
│   └── transformation-random-variables.ipynb
├── chapter12
│   ├── bayesian-pca.ipynb
│   ├── kernel-pca.ipynb
│   ├── ppca.py
│   ├── principal-component-analysis.ipynb
│   └── probabilistic-pca.ipynb
├── chapter13
│   ├── em-hidden-markov-model.ipynb
│   ├── hidden-markov-model.ipynb
│   └── linear-dynamical-system.ipynb
├── chapter14
│   ├── CART.ipynb
│   ├── boosting.ipynb
│   ├── cmm-linear-regression.ipynb
│   ├── cmm-logistic-regression.ipynb
│   └── tree.py
└── misc
    └── tikz
        ├── ch13-hmm.tex
        └── ch8-sum-product.tex

17 directories, 73 files
You might also like...
FindFunc is an IDA PRO plugin to find code functions that contain a certain assembly or byte pattern, reference a certain name or string, or conform to various other constraints.
FindFunc is an IDA PRO plugin to find code functions that contain a certain assembly or byte pattern, reference a certain name or string, or conform to various other constraints.

FindFunc: Advanced Filtering/Finding of Functions in IDA Pro FindFunc is an IDA Pro plugin to find code functions that contain a certain assembly or b

Sample code from the Neural Networks from Scratch book.

Neural Networks from Scratch (NNFS) book code Code from the NNFS book (https://nnfs.io) separated by chapter.

Free Book about Deep-Learning approaches for Chess (like AlphaZero, Leela Chess Zero and Stockfish NNUE)
Free Book about Deep-Learning approaches for Chess (like AlphaZero, Leela Chess Zero and Stockfish NNUE)

Free Book about Deep-Learning approaches for Chess (like AlphaZero, Leela Chess Zero and Stockfish NNUE)

Python/Rust implementations and notes from Proofs Arguments and Zero Knowledge

What is this? This is where I'll be collecting resources related to the Study Group on Dr. Justin Thaler's Proofs Arguments And Zero Knowledge Book. T

Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose

Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

Local Similarity Pattern and Cost Self-Reassembling for Deep Stereo Matching Networks
Local Similarity Pattern and Cost Self-Reassembling for Deep Stereo Matching Networks

Local Similarity Pattern and Cost Self-Reassembling for Deep Stereo Matching Networks Contributions A novel pairwise feature LSP to extract structural

a spacial-temporal pattern detection system for home automation
a spacial-temporal pattern detection system for home automation

Argos a spacial-temporal pattern detection system for home automation. Based on OpenCV and Tensorflow, can run on raspberry pi and notify HomeAssistan

 Deep Halftoning with Reversible Binary Pattern
Deep Halftoning with Reversible Binary Pattern

Deep Halftoning with Reversible Binary Pattern ICCV Paper | Project Website | BibTex Overview Existing halftoning algorithms usually drop colors and f

Comments
  • Modify mixture-gaussians in the chapter10

    Modify mixture-gaussians in the chapter10

    Description

    This PR is only for the changes of chapter10/mixture-gaussians.ipynb. We fix following,

    1. added log function to calculate the determinant of $W$ in the each E-step
    2. In the 38th cell, modify the m0 to m_0

    Explanation

    As for the 1st change, according to the mathematical explanation in the notebook, to apply log function is consistent. In the 2nd change, the m0 is a typo. Without this change, one cannot choose any K except for K=6.

    These changes are tested by restarting the ipynb.

    opened by genkioffice 2
Owner
Gerardo Durán-Martín
PhD student in Bayesian methods and Machine Learning at Queen Mary University
Gerardo Durán-Martín
Code for the paper "MASTER: Multi-Aspect Non-local Network for Scene Text Recognition" (Pattern Recognition 2021)

MASTER-PyTorch PyTorch reimplementation of "MASTER: Multi-Aspect Non-local Network for Scene Text Recognition" (Pattern Recognition 2021). This projec

Wenwen Yu 255 Dec 29, 2022
[CVPR 21] Vectorization and Rasterization: Self-Supervised Learning for Sketch and Handwriting, IEEE Conf. on Computer Vision and Pattern Recognition (CVPR), 2021.

Vectorization and Rasterization: Self-Supervised Learning for Sketch and Handwriting, CVPR 2021. Ayan Kumar Bhunia, Pinaki nath Chowdhury, Yongxin Yan

Ayan Kumar Bhunia 44 Dec 12, 2022
Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition

Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition

null 107 Dec 2, 2022
Unified unsupervised and semi-supervised domain adaptation network for cross-scenario face anti-spoofing, Pattern Recognition

USDAN The implementation of Unified unsupervised and semi-supervised domain adaptation network for cross-scenario face anti-spoofing, which is accepte

null 11 Nov 3, 2022
Jittor Medical Segmentation Lib -- The assignment of Pattern Recognition course (2021 Spring) in Tsinghua University

THU模式识别2021春 -- Jittor 医学图像分割 模型列表 本仓库收录了课程作业中同学们采用jittor框架实现的如下模型: UNet SegNet DeepLab V2 DANet EANet HarDNet及其改动HarDNet_alter PSPNet OCNet OCRNet DL

null 48 Dec 26, 2022
BADet: Boundary-Aware 3D Object Detection from Point Clouds (Pattern Recognition 2022)

BADet: Boundary-Aware 3D Object Detection from Point Clouds (Pattern Recognition

Rui Qian 17 Dec 12, 2022
Experimental solutions to selected exercises from the book [Advances in Financial Machine Learning by Marcos Lopez De Prado]

Advances in Financial Machine Learning Exercises Experimental solutions to selected exercises from the book Advances in Financial Machine Learning by

Brian 1.4k Jan 4, 2023
Official repository of my book: "Deep Learning with PyTorch Step-by-Step: A Beginner's Guide"

This is the official repository of my book "Deep Learning with PyTorch Step-by-Step". Here you will find one Jupyter notebook for every chapter in the book.

Daniel Voigt Godoy 340 Jan 1, 2023
Code samples for my book "Neural Networks and Deep Learning"

Code samples for "Neural Networks and Deep Learning" This repository contains code samples for my book on "Neural Networks and Deep Learning". The cod

Michael Nielsen 13.9k Dec 26, 2022