#
uncertainty
Here are 133 public repositories matching this topic...
Sensitivity Analysis Library in Python (Numpy). Contains Sobol, Morris, Fractional Factorial and FAST methods.
python
numpy
uncertainty
uncertainty-quantification
sensitivity-analysis
morris
sensitivity-analysis-library
sobol
global-sensitivity-analysis
salib
joss
-
Updated
Aug 13, 2020 - Python
(ICCV 2019) Uncertainty-aware Face Representation and Recognition
-
Updated
Aug 8, 2019 - Python
[ICCV 2019] Official implementation of "MonoLoco: Monocular 3D Pedestrian Localization and Uncertainty Estimation" in PyTorch + Social Distancing
machine-learning
computer-vision
deep-learning
pytorch
uncertainty
object-detection
human-pose-estimation
pose-estimation
3d-vision
kitti
3d-deep-learning
3d-detection
3d-object-detection
nuscenes
iccv2019
-
Updated
Aug 10, 2020 - Python
Self-Supervised Learning for OOD Detection (NeurIPS 2019)
-
Updated
Apr 22, 2020 - Python
"What Uncertainties Do We Need in Bayesian Deep Learning for Computer Vision?", NIPS 2017 (unofficial code).
-
Updated
Dec 19, 2019 - Python
My implementation of the paper "Simple and Scalable Predictive Uncertainty estimation using Deep Ensembles"
-
Updated
Jan 15, 2018 - Python
Implementation and evaluation of different approaches to get uncertainty in neural networks
-
Updated
Feb 16, 2018 - Jupyter Notebook
Bayesian dessert for Lasagne
lasagne
theano
deep-learning
neural-network
uncertainty
bayesian-inference
variational-inference
gelato
-
Updated
Jun 25, 2017 - Python
Pitfalls of In-Domain Uncertainty Estimation and Ensembling in Deep Learning, ICLR 2020
-
Updated
May 30, 2020 - Jupyter Notebook
Visualizations of distributions and uncertainty
-
Updated
Jul 24, 2020 - R
Density estimation using Gaussian mixtures in the presence of noisy, heterogeneous and incomplete data
-
Updated
Oct 15, 2019 - Python
PyTorch Implementation of QuickNAT and Bayesian QuickNAT, a fast brain MRI segmentation framework with segmentation Quality control using structure-wise uncertainty
machine-learning
quality-control
ai
computer-vision
deep-learning
pytorch
uncertainty
medical-imaging
segmentation
bayesian
convolutional-neural-networks
mri-images
brain-imaging
neuroanatomy
biomarkers
-
Updated
Mar 2, 2020 - Python
Pre-Training Buys Better Robustness and Uncertainty Estimates (ICML 2019)
uncertainty
calibration
ai-safety
robustness
adversarial-examples
pretrained
data-corruption
out-of-distribution-detection
-
Updated
May 15, 2019 - Python
Official pytorch implementation of the paper "Deep Kernel Transfer in Gaussian Processes for Few-shot Learning"
kernel
deep-learning
paper
regression
uncertainty
bayesian-methods
classification
kernel-methods
one-shot-learning
uncertainty-quantification
gaussian-processes
shot-learning
deep-kernel-learning
few-shot-learning
gpytorch
-
Updated
Aug 13, 2020 - Python
Some notebooks
machine-learning
reinforcement-learning
deep-learning
genetic-algorithm
q-learning
artificial-intelligence
uncertainty
-
Updated
Apr 26, 2020 - Jupyter Notebook
Multi Task Learning Implementation with Homoscedastic Uncertainty in Tensorflow
deep-learning
neural-network
tensorflow
uncertainty
estimator
uncertainties
multi-task-learning
homoscedastic
homoskedastic
-
Updated
Sep 1, 2018 - Jupyter Notebook
[ICCV'19] Calibration Wizard: A Guidance System for Camera Calibration Based on Modelling Geometric and Corner Uncertainty
-
Updated
Apr 1, 2020 - C++
Uncertainty Propagation for R Vectors
-
Updated
Jun 13, 2020 - R
Airport Surface Simulator and Evaluation Tool 2
-
Updated
Dec 1, 2018 - Python
Code for "Depth Uncertainty in Neural Networks" (https://arxiv.org/abs/2006.08437)
machine-learning
deep-learning
reproducible-research
pytorch
uncertainty
neural-networks
expectation-maximization
uncertainty-neural-networks
bayesian-inference
uncertainty-quantification
variational-inference
bayesian-neural-networks
robustness
neural-architecture-search
bayesian-deep-learning
probabilistic-inference
reproducible-paper
probabilistic-neural-network
learnt-depth
network-depths
-
Updated
Jun 20, 2020 - Jupyter Notebook
implementing "recurrent attentive neural processes" to forecast power usage (w. LSTM baseline, MCDropout)
prediction
pytorch
uncertainty
rnn
attention
anp
neural-processes
attentive-neural-processes
anp-rnn
-
Updated
Jul 20, 2020 - Jupyter Notebook
This repo contains a PyTorch implementation of the paper: "Evidential Deep Learning to Quantify Classification Uncertainty"
paper
pytorch
uncertainty
mnist
classification
mnist-classification
uncertainty-neural-networks
torchvision
evidential-deep-learning
dirichlet-distributions
-
Updated
Jul 2, 2020 - Python
Belief functions theory (Dempster-Shafer theory) implementation in C++
-
Updated
Oct 18, 2017 - C++
Survival analysis in health economic evaluation Contains a suite of functions to systematise the workflow involving survival analysis in health economic evaluation. survHE can fit a large range of survival models using both a frequentist approach (by calling the R package flexsurv) and a Bayesian perspective.
uncertainty
survival-analysis
rstan
health-economic-evaluation
inla
hamiltonian-monte-carlo
survival-models
frequentist
plotting-survival-curves
-
Updated
Aug 17, 2020 - C++
A random forest
random-forest
machine-learning-algorithms
regression
uncertainty
classification
jackknife-variance-estimates
-
Updated
May 17, 2020 - Scala
Artificial Intelligence Course - Summaries, Exams, Minitests and Comic Sans
neural-network
genetic-algorithm
artificial-intelligence
uncertainty
summary
search-algorithm
heuristics
induction
feup
feup-iart
iart
-
Updated
Jun 15, 2018 - Prolog
Sklearn-compatible interpretability implementations and demos. Accompanying slides: https://bit.ly/2xxA2Lx
python
data-science
demo
machine-learning
tutorial
statistics
ai
scikit-learn
ml
artificial-intelligence
uncertainty
interpretability
ml-tutorial
machine-learning-tutorial
bayesian-rule-lists
optimal-classification-tree
rulefit
sparse-linear-model
-
Updated
Aug 5, 2020 - Jupyter Notebook
tools for dealing with physical quantities: uncertainty propagation and unit conversion
jupyter
ipython
python3
uncertainty
unit-conversion
curve-fitting
unit-converter
monte-carlo-simulation
uncertainty-propagation
error-propagation
metrology
uncertainties
uncertainty-analysis
uncertainty-visualisation
-
Updated
May 7, 2020 - Python
Improve this page
Add a description, image, and links to the uncertainty topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the uncertainty topic, visit your repo's landing page and select "manage topics."


Hi @JavierAntoran @stratisMarkou,
First of all, thanks for making all of this code available - it's been great to look through!
Im currently spending some time trying to work through the Weight Uncertainty in Neural Networks in order to implement Bayes-by-Backprop. I was struggling to understand the difference between your implementation of `Bayes-by-Bac