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
Owner
Gerardo Durán-Martín
PhD student in Bayesian methods and Machine Learning at Queen Mary University
Gerardo Durán-Martín
A simple program for training and testing vit

Vit This is a simple program for training and testing vit. Key requirements: torch, torchvision and timm. Dataset I put 5 categories of the cub classi

xiezhenyu 2 Oct 11, 2022
An implementation of paper `Real-time Convolutional Neural Networks for Emotion and Gender Classification` with PaddlePaddle.

简介 通过PaddlePaddle框架复现了论文 Real-time Convolutional Neural Networks for Emotion and Gender Classification 中提出的两个模型,分别是SimpleCNN和MiniXception。利用 imdb_crop

8 Mar 11, 2022
[IROS2021] NYU-VPR: Long-Term Visual Place Recognition Benchmark with View Direction and Data Anonymization Influences

NYU-VPR This repository provides the experiment code for the paper Long-Term Visual Place Recognition Benchmark with View Direction and Data Anonymiza

Automation and Intelligence for Civil Engineering (AI4CE) Lab @ NYU 22 Sep 28, 2022
Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting

QAConv Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting This PyTorch code is proposed in

Shengcai Liao 166 Dec 28, 2022
The comma.ai Calibration Challenge!

Welcome to the comma.ai Calibration Challenge! Your goal is to predict the direction of travel (in camera frame) from provided dashcam video. This rep

comma.ai 697 Jan 05, 2023
A tutorial showing how to train, convert, and run TensorFlow Lite object detection models on Android devices, the Raspberry Pi, and more!

A tutorial showing how to train, convert, and run TensorFlow Lite object detection models on Android devices, the Raspberry Pi, and more!

Evan 1.3k Jan 02, 2023
Code repository for our paper regarding the L3D dataset.

The Large Labelled Logo Dataset (L3D): A Multipurpose and Hand-Labelled Continuously Growing Dataset Website: https://lhf-labs.github.io/tm-dataset Da

LHF Labs 9 Dec 14, 2022
The repo for the paper "I3CL: Intra- and Inter-Instance Collaborative Learning for Arbitrary-shaped Scene Text Detection".

I3CL: Intra- and Inter-Instance Collaborative Learning for Arbitrary-shaped Scene Text Detection Updates | Introduction | Results | Usage | Citation |

33 Jan 05, 2023
From this paper "SESNet: A Semantically Enhanced Siamese Network for Remote Sensing Change Detection"

SESNet for remote sensing image change detection It is the implementation of the paper: "SESNet: A Semantically Enhanced Siamese Network for Remote Se

1 May 24, 2022
(CVPR2021) DANNet: A One-Stage Domain Adaptation Network for Unsupervised Nighttime Semantic Segmentation

DANNet: A One-Stage Domain Adaptation Network for Unsupervised Nighttime Semantic Segmentation CVPR2021(oral) [arxiv] Requirements python3.7 pytorch==

W-zx-Y 85 Dec 07, 2022
[NeurIPS2021] Exploring Architectural Ingredients of Adversarially Robust Deep Neural Networks

Exploring Architectural Ingredients of Adversarially Robust Deep Neural Networks Code for NeurIPS 2021 Paper "Exploring Architectural Ingredients of A

Hanxun Huang 26 Dec 01, 2022
PyTorch implementation of Off-policy Learning in Two-stage Recommender Systems

Off-Policy-2-Stage This repo provides a PyTorch implementation of the MovieLens experiments for the following paper: Off-policy Learning in Two-stage

Jiaqi Ma 25 Dec 12, 2022
A robotic arm that mimics hand movement through MediaPipe tracking.

La-Z-Arm A robotic arm that mimics hand movement through MediaPipe tracking. Hardware NVidia Jetson Nano Sparkfun Pi Servo Shield Micro Servos Webcam

Alfred 1 Jun 05, 2022
Tzer: TVM Implementation of "Coverage-Guided Tensor Compiler Fuzzing with Joint IR-Pass Mutation (OOPSLA'22)“.

Artifact • Reproduce Bugs • Quick Start • Installation • Extend Tzer Coverage-Guided Tensor Compiler Fuzzing with Joint IR-Pass Mutation This is the s

12 Dec 29, 2022
Official code for Spoken ObjectNet: A Bias-Controlled Spoken Caption Dataset

Official code for our Interspeech 2021 - Spoken ObjectNet: A Bias-Controlled Spoken Caption Dataset [1]*. Visually-grounded spoken language datasets c

Ian Palmer 3 Jan 26, 2022
Conditional Generative Adversarial Networks (CGAN) for Mobility Data Fusion

This code implements the paper, Kim et al. (2021). Imputing Qualitative Attributes for Trip Chains Extracted from Smart Card Data Using a Conditional Generative Adversarial Network. Transportation Re

Eui-Jin Kim 2 Feb 03, 2022
Script that attempts to force M1 macs into RGB mode when used with monitors that are defaulting to YPbPr.

fix_m1_rgb Script that attempts to force M1 macs into RGB mode when used with monitors that are defaulting to YPbPr. No warranty provided for using th

Kevin Gao 116 Jan 01, 2023
POPPY (Physical Optics Propagation in Python) is a Python package that simulates physical optical propagation including diffraction

POPPY: Physical Optics Propagation in Python POPPY (Physical Optics Propagation in Python) is a Python package that simulates physical optical propaga

Space Telescope Science Institute 132 Dec 15, 2022
ADSPM: Attribute-Driven Spontaneous Motion in Unpaired Image Translation

ADSPM: Attribute-Driven Spontaneous Motion in Unpaired Image Translation This repository provides a PyTorch implementation of ADSPM. Requirements Pyth

24 Jul 24, 2022
Robust Video Matting in PyTorch, TensorFlow, TensorFlow.js, ONNX, CoreML!

Robust Video Matting in PyTorch, TensorFlow, TensorFlow.js, ONNX, CoreML!

Peter Lin 6.5k Jan 04, 2023