- 21세기 통계학을 배우는 방법
- 통계는 숫자가 아니라 경험이 살린다
- Sample your data!
- 층화 추출(stratified sampling)
- qc 기준으로 층화 샘플링 하는 경우
- (query, query count) pair 생성 후 qc로 sort
- n개 구간으로 분리 후, k개씩 random choice
- 구간의 전체 개수가 k보다 작은 경우
- 추출 기간 증가
- 구간 개수 축소
- qc 기준으로 층화 샘플링 하는 경우
- MCMC sampling for dummies
- Importance sampling 방법
- Sampling Techniques
- Understanding Variance, Co-Variance, and Correlation
- 13 Great Articles and Tutorials about Correlation
- SERIAL CORRELATION IN TIME SERIES ANALYSIS
- What is Correlation?
- uniform random float
- A Decentralized Lie Detector
- 이정희 그리고 생일 역설
- Expectation and Variance from High School to Grad School
- Kernel Density Estimation(커널밀도추정)에 대한 이해
- The Price is Right Again
- Naive Bayesian, HMM, Maximum Entropy Model, CRF
- Maximum Likelihood and Maximum Entropy
- 손실함수 Binary Cross Entropy
- bcho.tistory.com/category/빅데이타/통계학이론
- P값; '영가설이 참이라고 가정할 때, 관찰된(또는 그보다 더 극단적인) 결과가 일어날 확률'로 정의
- Statistics: P values are just the tip of the iceberg
- p-value... 상관계수와 독립
- P-value
- “p값 개선하자”…과학자들, 연구가설 검정 ‘문턱값’ 강화 제안
- 미국 통계학회, P값의 오용(誤用)을 경고하는 성명서 발표
- Plot for distribution of common statistics and p-value
- P-value, 유의확률 | Hong's Data science
- Eyal Kazin - Everything That You Wanted To Know About P-Values But Were Afraid To Ask - YouTube
- Why We Need a Statistical Revolution
- Mean Shift Clustering
- Pattern Recognition
- The Extent and Consequences of P-Hacking in Science
- Exact computation of sums and means
- Why squared error?
- How to lie with statistics
- 정규분포
- 가우시안 분포(Gaussian Distribution) = 정규 분포(Normal Distribution)
- Gaussian Distributions are Soap Bubbles
- Gaussian Processes
- Industrial Gaussian Process Regression Introduction - 본 자료는 ICMLA Tutorial로 진행된 Gaussian Process Regression 내용을 정리
- Gaussian Process Regression Example in Sklearn Document
- Gaussian processing
- A Visual Exploration of Gaussian Processes
- Gaussian Process Practice (1) 1D | Pega Devlog
- Gaussian Process Practice (2) Kernels | Pega Devlog
- Gaussian Process Practice (3) Beware Boundaries | Pega Devlog
- Evaluating Splatoon's Ranking System
- Understanding the t-distribution and its normal approximation
- Statistics for Hackers by Jake VanderPlas
- Frequentism and Bayesianism: A Python-driven Primer
- 베이지언 러닝 15 - 빈도주의와 베이지언 차이점 이해하기 - YouTube
- Probability, Mathematical Statistics, Stochastic Processes
- A Simple Introduction to Complex Stochastic Processes
- Probabilistic algorithms for fun and pseudorandom profit
- 인지모델링 - 수리심리학 + 베이지안 인지모델링 + IT 모델링
- 자유도의 의미
- The Automatic Statistician - An artificial intelligence for data science
- Common Probability Distributions: The Data Scientist’s Crib Sheet
- 데이터 사이언스에 많이 사용되는 확률밀도함수들
- Bernoulli
- 동전의 앞/뒤처럼 이벤트가 0 또는 1밖에 일어나지 않는 분포
- 동전은 확률이 0.5/0.5 겠지만 다른 경우도 있을 수 있음
- Uniform
- 주사위처럼 모든 결과에 대한 확률이 동일한 확률분포
- Binomial
- 동전을 n번 던졌을 때 p번만큼 앞면이 나올 확률은?
- Binomial은 이렇게 0 또는 1이 나오는 이벤트(각각이 Bernoulli확률을 갖는 이벤트)에 대해 1이 발생활 횟수에 대한 확률
- Poisson
- 1시간에 평균 10번의 전화통화가 온다고 가정. 그렇다면 한시간에 12번 전화통화가 올 확률은? 이것이 바로 poisson(포아송) 확률
- 이것은, 예를 들어, 60분 중 48번의 실패(0)와 12번의 성공(1)을 하면 ok. 또는, 60분이 아니라 더 잘게 쪼개서 988번의 실패와 12번의 성공을 하면 ok
- 이처럼 시행횟수가 크고 이벤트가 일어날 확률이 작은 bionomial 분포가 바로 poisson 분포에 수렴(이 때문에 binomial의 근사로도 사용)
- Hypergeometric
- 까만공과 하얀공이 절반씩 있는데 그것을 여러번 뽑는다고 가정. 그럼 이것은 Binomial과 동일한가?
- 아님. 왜냐면 공을 뽑을 때 만약 그 공을 다시 채워넣지 않는다면 남아있는 공의 확률은 바뀌기 때문
- Binomial의 경우와 달리 replacement(다시 보충)를 허용하지 않는 것이 바로 hypergeometric 확률입니다.
- Geometric
- 주사위를 굴렸을 때 한번에 6이 나올 확률은? 두번만에 6이 나올 확률은? 세번만에, 네번만에...
- 이처럼 geometric 분포는 어떤 이벤트가 일어날 때까지의 횟수에 대한 확률
- 이벤트의 확률이 어떠하든 늘 "가장 첫번째"에 이벤트가 발생할 확률이 가장 크다
- Negative Binomial
- Geometric이 한번 성공할 때까지 걸리는 횟수에 대한 분포라면 negative binominal은 n번 성공할 때까지 걸리는 횟수에 대한 분포 비슷하게 안지은거야?;;)
- Exponential
- bionomial의 연속버전이 poisson이었다면, geometric의 연속버전이 exponential분포
- 다시말해 "평균 5분만에 전화가 걸려온다고 할 때 다음 전화가 7분 후에 걸려올 확률은?"
- Weibull
- exponential이 "다음 이벤트가 성공할 때 까지의 실패구간은"에 대한 함수였다면 반대로 Weibull은 "첫 실패가 발생할 때까지 이번 이벤트가 성공할 구간"에 대한 확률
- Gaussian (Normal)
- 너무 유명한 확률분포
- 특히 매우 많은 수의 동일 확률분포를 가진 샘플들의 산술평균은 그 샘플들이 어떤 분포를 따르든(binomial이든 exponential이든 아님 다른거든) 결국 Gaussian 분포로 수렴한다는 "중심극한정리"가 매우 유용하기에 매우 많은 곳에 적용 가능
- Log-normal
- 변수의 log 값이 Gaussian을 나타내는 분포
- 다시말해 Gaussian을 exponential 한 함수
- Student’s t-distribution
- 정규분포의 mean 값에 대한 판단을 내릴 떄 사용하는 확률분포
- Chi-squared distribution
- Gaussian 분포를 가진 확률변수의 제곱들의 합에 대한 분포
- 예를 들어 k자유도의 chi-squared는 k개의 독립적인 Gaussian들에 대한 합의 확률분포
- Bernoulli
- 데이터 사이언스에 많이 사용되는 확률밀도함수들
- 중심극한정리에 대한 오해, 많으면 무조건 정규분포 OK???
- 통컨(통계컨설팅) :: 우선 확률분포 4가지(싸가지?) 만 알면 됩니다
- (2) 통계기법 4가지 알기-t검정,ANOVA,상관분석/회귀분석, 카이제곱법 :: 통컨(통계컨설팅)
- Statistical Methods for HCI Research
- Statistics for everyone
- 변동계수 평균 + 분산값 통합 평가
- 통계학 입문 수준의 공부방법 및 추천 서적
- 피셔정확검정을 통한 고객군 상품구매액평균 순위 분석
- 실시간 데이터의 평균을 효율적으로 구하기
- math7.tistory.com/m/category/통계
- Three common misuses of P values
- LEARNING STATISTICS ON YOUTUBE
- 만화로 쉽게 보는 통계분석 - 확률의 공리 편 -
- 딥러닝 예제로 보는 개발자를 위한 통계 최재걸
- 정확한 처리 효과 분석을 위한 성향점수분석(PSA)
- STAT 501
- statground.org 수리통계학 pdf 자료 받은 곳
- R Codes for "허명회 (2001), <수리통계학 강의>"
- 아빠가 들려주는 통계
- 자료 정리의 중요성
- 엑셀 자료 정리 팁
- P값의 이해와 샘플 수 계산의 이해
- chi-square goodness of fit test 카이제곱 적합도 검정
- 다중 검정의 위험: 회귀분석의 예에서
- Prediction Model & NIR, cfNIR, IDI
- Cox-Stuart test for trend
- Curve fitting 추세선 편집
- Heat Map의 대안들
- 데이터 시각화 dot bar chart
- 무작위 추출 연습
- step line chart 계단 차트
- brick chart 벽돌 차트
- 예측하기
- brick chart 2
- 파이차트 선버스트 도넛차트
- 제주 공항 승객수 예측
- dot violin boxplot
- densitogram
- Common Probability Distributions: The Data Scientist’s Crib Sheet
- 보이지 않는 총알 자국 - 남들을 뛰어넘는 생각의 차이(아브라함 발드)
- www.medicine.mcgill.ca/epidemiology/hanley/software
- seeing theory
- practice - 조건부 확률 문제
- Why Mean Squared Error and L2 regularization? A probabilistic justification
- 데이터가 zero mean Gaussian 분포를 띌때, maximizing probability의 과정에서 L2 loss function(MSE)이 유도될 수 있음
- 또한 L2 regularization도 도출 가능
- 데이터가 라플라스 분포를 띌때는 L1 loss function 및 L1 regularization을 얻을 수 있음
- Why not Mean Squared Error(MSE) as a loss function for Logistic Regression?
- Introduction to Logistic Regression
- L2 Regularization and Batch Norm
- Agreement, Reliability를 보는 Krippendorff’s alpha
- 통계학에서의 추정법
- So You Think You Can Stats
- 평균, 표준편차, 표준정규분포의 이해와 활용
- 독립사건 (independent event), 종속사건 (dependent event), 조건부 확률(conditional probability), 결합 확률 (joint probability)
- 확률에서는 직관을 조심 해야 합니다. (feat.오징어 게임, 도박, 주식) - YouTube 독립사건
- 지나치게 자세한 수리통계(원)
- Frequency diagrams: A first look at Bayes
- 통계에 사용되는 기초 공식들
- 시리즈 | 기초 확률론 - 수학하는 수달의 벨로그
- CHOOSING THE CORRECT STATISTICAL TEST IN SAS, STATA, SPSS AND R
- 확률변수 함수의 분포를 알아보자 - Delta method에 대하여 (1)
- 확률변수와 패러미터 ( feat. 베르누이) #10통계 - YouTube
- 😱 예비수학 교사도 모르고 있는 확률변수! 🤔
P([X=1])
의 의미를 찾아서.. - Propensity Score Matching (PSM) 기법 요약
- 모수적 방법과 비모수적 방법
- Statistical Rethinking - Lecture 01
- 데이터의 표본 편향(Sample Bias), 그리고 생존 편향(Survivorship Bias)
- Fair and Balanced? Thoughts on Bias in Probabilistic Modeling
- The 10 Statistical Techniques Data Scientists Need to Master
- Bias-Variance Tradeoff
- 4. Variance Bias Trade Off(분산-편향의 관계)
- 통컨(통계컨설팅) :: 분산을 구할 때 n으로 안 나누고 왜 (n-1)로 나누지?
- Predicting NYC Real Estate Prices with Probabilistic Programming
- Degrees of Freedom
- Statistics 110 : Probability
- ChoiFran's Analogy (최프란의 비유) 한국어 버전
- Skewness Formula
- Kurtosis Formula
- practice - 통계적으로 유의미한 차이 vs 현실적으로 유의미한 차이
- The 5 Basic Statistics Concepts Data Scientists Need to Know
- 멋지게 데이터 분석을 하려고 했는데 이론이 딸린다
- Understanding Boxplots
- Derivation of the Multivariate Normal Distribution
- Statistical-Inference
- Statistics for people in a hurry
- Statistical Significance Explained
- 아빠가 들려주는 예측모형
- Dongjin | Basic Statistics(1)
- Dongjin | Basic Statistics(2)
- "표본은 적어도 30개"는 어쩌다 국룰이 되었는가
- 비슷한 듯 다른 모집단과 표본공간! 차이가 뭘까?🧐 모집단 vs 표본공간 (Feat. CLT)
- 코호트란 무엇인가?
- How percentile approximation works (and why it's more useful than averages)
- Linear Regression and Linear Models - YouTube
- Hajime Takeda - Media Mix Modeling:How to Measure the Effectiveness of Advertising - YouTube
- 통계, 기본 개념을 정리해보자
- 어떨 때 어떤 통계를 써야 할까?
- 통계, t-test에 대해 알아보자(R)
- 통계, paired t-test에 대해 알아보자(R)
- 통계, ANOVA에 대해 알아보자(R)
- 쉽게 이해하는 베이즈 정리
- 가장 쉽게 이해하는 베이즈 정리(Bayes' Law)
- 베이지언 확률
- 베이시안 통계 첫걸음!
- 베이시안 통계 둘째 걸음!
- 베이지안 추론 - 1편
- Intro to Bayes stat 베이지안 통계학 입문서 및 절차, 도구 소개
- Bayes 101
- Bayesian Statistics explained to Beginners in Simple English
- The Bayesian Trap
- www.countbayesie.com
- The Bayesian Case Model: A Generative Approach for Case-Based Reasoning and Prototype Classification
- Bayes’ Theorem, Predictions and Confidence Intervals
- Bayesian truth serum
- Kalman and Bayesian Filters in Python
- Kalman Filter textbook using Ipython Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions
- Kalman and Bayesian Filters in Python
- How a Kalman filter works, in pictures
- 칼만 필터를 이용하여 위치에서 속도를 구하는 예제
- How a Kalman filter works, in pictures
- FilterPy - a Python library that implements a number of Bayesian filters, most notably Kalman filters
- Bayesian Inference : Kalman filter 에서 Optimization 까지 - 김홍배 박사님
- 공학자를 위한 Python 사용법 25 - Quaternion을 이용한 자세 추정 칼만 필터
- Is the Kalman filter a low-pass filter? Sometimes!
- Using naive bayes to predict movie review sentiment
- Continuous Bayes
- A Case Study in Empirical Bayes
- BAYESIAN STATISTICS AS A WAY TO INTEGRATE INTUITION AND DATA
- 나이브 베이즈 분류 (Naive Bayesian classification) #1 - 소개
- 베이지안 네트워크
- Think Bayes
- Proper postulates
- Probabilistic Programming and Bayesian Methods for Hackers
- An intro to Bayesian methods and probabilistic programming from a computation/understanding-first, mathematics-second point of view
- BAYESIAN INFERENCE OF A BINOMIAL PROPORTION - THE ANALYTICAL APPROACH
- 집단지성프로그래밍 ch6. 문서 필터링
- An Intuitive Explanation of Bayes' Theorem
- Probabilistic Programming & Bayesian Methods for Hackers
- 메르스 바로 알기: 양성일 때 메르스 환자일 확률은 얼마나 될까?
- 베이지언이 되자~!
- Bayes’ Theorem
- A Tutorial on Learning With Bayesian Networks
- Basic MCMC and Bayesian statistics in... BASIC!
- Bayesian과 MCMC 알고리즘 (Gibbs and Metropolis-Hastings Algorithm)
- Bayesian Financial Models
- Bayesian Cookies
- In praise of Bayes
- A Brief Introduction to Graphical Models and Bayesian Networks
- Bayesian democracy
- The Bayesian Reproducibility Project
- Using Bayes Factors to Get the Most out of Linear Regression: A Practical Guide Using R
- 베이즈 이론이 푸리에 정리를 만났을 때
- Naive Bayesian Classification(나이브 베이즈 분류)
- Bayes Theorem and Naive Bayes
- SigOpt for ML: Unsupervised Learning with Even Less Supervision Using Bayesian Optimization
- bayes.js - MCMC and Bayes in the browser
- Human-level concept learning through probabilistic program induction Bayesian Program Learning (BPL) model for one-shot learning
- Bayesian reasoning implicated in some mental disorders
- Bayesian Deep Learning
- Bayesian Machine Learning, Explained
- 어떻게 하면 싱싱한 데이터를 모형에 바로 적용할 수 있을까? – Bayesian Online Leaning
- Conditional probability explained visually (Bayes Theorem formula)
- Bayesian Machine Learning, Explained
- Machine learning - Bayesian optimization and multi-armed bandits
- How Bayesian inference works
- A visual guide to Bayesian thinking
- Introduction to Bayesian Statistics, part 1: The basic concepts
- Introduction to Bayesian Statistics, part 2: MCMC and the Metropolis Hastings algorithm
- Learning to Love Bayesian Statistics
- Bayesian statistics made (as) simple (as possible)
- Bayesian statistics syllabus
- Bayesian Deep Learning NIPS 2016 Workshop
- bayesian_linear_regression.ipynb
- Introduction to Bayesian Linear Regression
- Bayesian Linear Regression in Python: Using Machine Learning to Predict Student Grades
- 시뮬레이션이 다해주실거야
- 베이지안통계
- Stan을 이용한 베이지안 회귀분석
- Bayesian Deep Learning and Black Box Variational Inference
- The Power and Danger of Bayes’ Theorem
- How To Build a Simple Spam-Detecting Machine Learning Classifier
- Bayesian Statistics Course Overview.ipynb
- Thomas Huijskens - Bayesian optimisation with scikit-learn
- Bayesian Nonparametric Models
- Introduction to Bayesian Thinking: from Bayes theorem to Bayes networks
- Conditional probability explained visually (Bayes' Theorem)
- Statistical Computing for Scientists and Engineers
- Monty Hall & Bayes Thm
- Probability concepts explained
- Underestimating Estimation
- Chapter2: Likelihood-based approach
- Maximum Likelihood, Maximum a Posteriori, and Bayesian Parameter Estimation
- 최대사후확률(Maximum a Posterior)
- StatQuest: Probability vs Likelihood
- Bayes’ Rule Applied - Using Bayesian Inference on a real-world problem
- How Bayesian statistics convinced me to hit the gym
- Naive Bayes Algorithm In Python
- 베이즈 정리 Bayes' Theorem - rel. 신호와 소음
- Bayes’ Theorem: The Holy Grail of Data Science
- 베이시안 통계 첫째걸음
- 베이지안 사후 확율 분포(posterior probability distribution) 분석은 '백선생 김치 볶음밥 간맞추기'이다 | 최프란의 비유 - 측정 통계 데이터 분석
- Bayes theorem, and making probability intuitive
- False positives/negatives and Bayes rule for COVID-19 testing
- 스탠코리아 StanKorea 베이즈 통계학 소개 Introduction to Bayesian Statistics | 베이즈 정리 & 베이즈 추론 | 베이지안이 되어야 할 이유 - YouTube
- How Bayesian statistics works in updating probabilities | by Giovanni Organtini | Jul, 2022 | Towards Data Science
- 베이지언 러닝(Bayesian Learning) - YouTube
- Thomas Wiecki - Solving Real-World Business Problems with Bayesian Modeling | PyData London 2022 - YouTube
- Quan Nguyen - Bayesian Optimization- Fundamentals, Implementation, and Practice | PyData Global 2022 - YouTube
- 기초부터 응용까지 무료 통계학 eBook 19선 + α
- 인과추론의 두가지 도구 - The Book of Why
- 더북(TheBook): 프로그래머를 위한 베이지안 with 파이썬 1~2장만
- An Adventure in STATISTICS
- An Introduction to Statistical Learning with Applications in R
- github.com/hyunblee/ISLR-with-Python Introduction to Statistical Learning in R (ISLR)을 Python으로
- Bayes Rules! An Introduction to Applied Bayesian Modeling
- Understanding The New Statistics: Effect Sizes, Confidence Intervals, and Meta-Analysis (Multivariate Applications Series)
- Introduction to the New Statistics: Estimation, Open Science, and Beyond
- Think Stats 2e python + statistics, free download
- Computer Age Statistical Inference: Algorithms, Evidence and Data Science
- naked statistics (책 추천) 벌거벗은 통계학 | 이상현 IN 베를린
- Practical Statistics for Data Scientists - Chapter 1 - Exploratory Data Analysis - YouTube
- project mosaic book Computer-savvy textbooks on statistics and data science
- Statistics and Machine Learning in Python
- 경제통계학
- 통계교육원
- pubdata.tistory.com/category/Lecture_Statistics
- Engineering Statistics
- Introduction to Missing data framework for applied statistical model - YouTube
- CS109: Probability for Computer Scientists 강의노트, 슬라이드, 데모 제공
- stat_rethinking_2022: Statistical Rethinking course winter 2022
- Javascript library for the visualization of statistical distributions
- KOSIS 국가통계포털
- Stan is a probabilistic programming language implementing full Bayesian statistical inference
- Understanding Waiting Times Between Events with the Poisson and Exponential Distributions
- Predicting the Frequency of Asteroid Impacts with a Poisson Processes
- 푸아송 분포의 아이디어와 유도 과정에 대한 구체적인 원리
- Poisson's Equation is the Most Powerful Tool not yet in your Toolbox
- Probability Cheatsheet
- Probability Cheat Sheet - Harvard University - Data Science Central
- Foundations of probability theory
- Heuristic models for marginal probability assessment updates
- Probability concepts explained: Marginalisation
- Statistics 110: Probability
- Probability.ipynb at main · norvig/pytudes
- What is probabilistic programming?
- Anglican - a open source, just-in-time-compiled probabilistic programming language
- An intro to Bayesian methods and probabilistic programming from a computation/understanding-first, mathematics-second point of view
- Probabilistic Programming for Anomaly Detection
- probabilistic graphical models
- Thomas Wiecki: The State of the Art for Probabilistic Programming | PyData Global 2022 - YouTube
- The State of the Art for Probabilistic Programming - YouTube
- Infer.NET - a framework for running Bayesian inference in graphical models. It can also be used for probabilistic programming
- 원래 유료였는데 오픈소스로 바뀌었다고 함
- pyro.ai Deep Universal Probabilistic Programming
- 딥러닝과 베이지안 모델링을 아우르는 Deep Probablistic Modeling을 위해 만들었다고 함
- Uber AI Labs Open Sources Pyro, a Deep Probabilistic Programming Language
- An intro to Probabilistic Programming with Ubers Pyro
- Financial forecasting with probabilistic programming and Pyro
- How To Implement These 5 Powerful Probability Distributions In Python
- An Introduction to Statistics with Python
- Computational Statistics in Python
- 통계적 사고: 파이썬을 이용한 탐색적 자료 분석
- Fitting Multivariate Normal Distributions
- 파이썬 확률과 통계 기초 이해하기
- Eric J Ma Bayesian Statistical Analysis with Python PyCon 2017
- Christine Waigl The Next Step Finding Model Parameters With Random Walks PyCon 2017
- Python For Sport Scientists: Descriptive Statistics 기초 내용 설명
- Statistical Modeling In Python
- 확률 분포 튜토리얼
- Christopher Fonnesbeck - Introduction to Statistical Modeling with Python - PyCon 2017
- Estimating Probabilities with Bayesian Modeling in Python
- A Random Walk & Monte Carlo Simulation || Python Tutorial || Learn Python Programming
- Survival Analysis (생존분석) 어떤 사건의 발생 확률을 시간이란 변수와 함께 생각하는 통계 분석 및 예측 기법
- Survival Analysis (2/3)
- Bayesian optimization
- 30명이면 된다고? 회의에서 당당하게, 설문조사를 알아보자
- Statistics Tutorial with Python - YouTube
- Statistics Tutorial 2 Real World Example - YouTube
- Moment Generating Function for Probability Distribution with Python | by Towards AI Team | Towards AI — Multidisciplinary Science Journal | Sep, 2020 | Medium
- Computational Survival Analysis - Allen Downey | PyData Global 2021 - YouTube
- Let's Implement Bayesian Ordered Logistic Regression - Marco Edward Gorelli | PyData Global 2021 - YouTube
- Some Attention for Attenuation Bias - Ruben Mak | PyData Global 2021 - YouTube
- bayesianPy
- DRL Monte Carlo Mothods
- ISLR-python
- m2cgen - Transform ML models into a native code (Java, C, Python, Go) with zero dependencies
- pomegranate - a package for graphical models and Bayesian statistics for Python, implemented in cython
- 확률분포, GMM, HMM, Naive Bayes, Bayes Classifiers, Markov Chains 등을 지원
- powerlaw - Toolbox for testing if a probability distribution fits a power law
- PyMC: Bayesian Stochastic Modelling in Python http://pymc-devs.github.com/pymc
- Probabilistic Programming & Bayesian Methods for Hackers
- A/B Testing with Hierarchical Models in Python
- Bayesian Methods for Hackers - Using Python and PyMC
- Torsten Scholak, Diego Maniloff Intro to Bayesian Machine Learning with PyMC3 and Edward
- Christopher Fonnesbeck Probabilistic Programming with PyMC3 PyCon 2017
- Markov Chain Monte Carlo in Python - A Complete Real-World Implementation
- Probabilistic Programming: A Modern Bayesian Workflow || Peadar Coyle
- Hands On Bayesian Statistics with Python, PyMC3 & ArviZ
- Supercharging Decision Making with Bayes - YouTube
- Practicing Python With CSV Files and Extracting Values With "filter" | Real Python Podcast #66 - YouTube
- BAYESIAN A/B TESTING WITH EXPECTED LOSS
- The State of the Art for Probabilistic Programming - Thomas Wiecki | PyData Global 2021 - YouTube
- BayPiggies April 2021: Data Formats and PyMC3 - YouTube
- Probabilistic Python: An Introduction to Bayesian Modeling with PyM || Chris Fonnesbeck - YouTube
- Statistics Using Python Tutorial
- ThinkBayes (IPython notebook included)