Rating college basketball teams (with probabilistic programming!)
Posted on Tue 13 June 2017 in posts
%load_ext autoreload
%autoreload 2
import pymc3 as pm
import numpy as np
import pandas as pd
import scipy.stats
import RatingsHelper as helper
from scipy import optimize
import theano as thno
import theano.tensor as T
# data retrieval helper module
from general.DB import DB
import util
import statsmodels.api as sm
# plotting libraries
import matplotlib.pyplot as plt
import matplotlib.mlab as mlab
import seaborn as sns
%matplotlib inline
So lately I have been getting very interested in probabilistic programming, specifically probabilistic graphical models, and wondering how I can apply them to college basketball ratings. I really like the idea of being to able to specify data problems graphically through probability models. So I started looking around the internet for similar examples of probabilistic graphical models (PGMs) applied to sports ratings, specifically implementations using Python interfaces like PyMC.
With some success, I found a really nice write-up on building a hierarchical Bayesian model to rate 20 soccer teams of the Premier league. The post is actually (mostly) a reconstruction of work performed in a similar paper found here. Anyway, they both use relatively simple, intuitive models to describe how points (goals in this case) are produced in a soccer game. I'll adapt it here to build a similar process for college basketball games.
A scoring model for college basketball¶
There are many, many different approaches we could take to rating sports team's and, indeed, many have been applied in practice. Being able to better predict the outcomes of games that people care about and that people bet money on, it turns out, is quite appealing. One challenge that college basketball has, moreso than other sports, is that it is more difficult to measure a team's strength based off of traditional statistics that can be directly observed. We cannot simply look at wins/losses or points scored/allowed directly because college basketball team's play vastly different strengths of schedule. A team's observed output depends on the true skill of the team's that they have played. And the true skill of each team that they have played depends, in turn, on the true skill of the teams those teams have played. So for college basketball ratings we can't just take some stats ("advanced" or otherwise) from the box score, shove them into a feature matrix, and run some scikit-learn algorithm (well, we could, but it wouldn't be very good). We need to think a bit deeper.
To solve our issues here, let's not think about how what we observe determines team ratings, but about how team ratings determine what we observe. This is a latent variable problem. When two team's play their ratings, which are hidden to us, combine to determine (approximately) what the outcome will be.
To formulate the process, we say that each team possesses an "offensive skill" rating and a "defensive skill" rating. When team A playes team B, the expected points that team A will score is determined by team A's offensive skill and team B's defensive skill. But, as most college basketball fans (or sports fans in general) can tell you, if two team's play multiple games under exactly the same conditions, the actual score for team A will vary game-to-game. We in the data game like to call that randomness. So, a reasonable model for this randomness might be to assume that the true score is drawn from a normal distribution centered at the expected points scored by team A. This model will be slightly more interpretable if we add an intercept, such that the offensive and defensive "skills" can be interpreted as points above or below average.
For example, say the Bayes Ballers matchup versus Newton Netters where the two team's skills are:
pd.DataFrame([["Bayes Ballers", 5, 2], ["Newton Netters", -1, -3]], columns=["Team", "Off. Skill", "Def. Skill"])
We can interpret this as the Bayes Ballers scoring 5 points more than the league average and allowing 2 points more to opposing offenses than the league average. For the Newton Netters, they score 1 point less than the league average but allow 3 points less on defense. Assuming the league point average is 70 points, the expected points for each team are:
- Bayes Ballers expected points: 5 + -3 + 70 = 72
- Newton Netters expected points: -1 + 2 + 70 = 71
So, on average, we expect the Bayes Ballers to defeat the Newton Netters by a score of 72-71, a margin of one point. Still, that does not mean that the Newton Netters won't win from time to time. After all, the two team's seem pretty evenly matched and we know there is some randomness in the scores. Above, we said that the expected points are fully determined by the team's ratings, but the true points, i.e. the points that we actually observe, are noisy or have some randomness. We chose to model that by saying that the true points are drawn from a constant mean Gaussian distribution centered at each team's expected point totals.
We now have a model that allows us to explain the scores we see in college basketball games, and we know they are partly due to skill, and partly due to randomness. We can show this as a probabilistic graphical model via a DAG structure.
Note: We'll also add a home court advantage parameter to our model, which will come in handy using real data.
TODO
Cool, we have now described a Bayesian network structure and all we should have left to do is to dump it into PyMC(3) and hit the inference button!
Not so fast.
An old friend¶
Let's restate what we have here: we have a model where a linear combination of explanatory variables (offensive/defensive skills, intercept, home advantage) influences the expected value of the response variable, which is a random variable drawn from a normal distribution. Sound familiar? That's right, this is just the description of generalized linear model with a Gaussian family and identity link function! We got all excited to use our fancy probabilistic programming tools, equipped with our pretty graphical model, and all the while the dusty old linear model was sitting in the corner just waiting for us to notice.
In fact, it turns out that this type of ratings model was made prominent in the college basketball landscape by Kenneth Massey, who details such a model in this mathematical paper from 1997. Despite the wonky formatting, it's definitely worth a read for those looking for a gentle, mathematical introduction to sports ratings.
How shall we proceed then? We got all excited to use our PyMC inference button, only to realize that we had created a glorified linear regression that's been sitting in some pre-LaTeX era word document since 1997?! Despite our initial disappointment, it will be informative and even interesting to carry out this exercise using both the boring, old GLM and our PyMC inference button. To start, we'll work through an example with some made-up data using the Statsmodels Python package for the GLM, and PyMC3 for the Bayesian network. We'll use some helper functions to synthesize data for a number of games between 5 teams.
Validating models using simulated data¶
num_games, num_teams = 200, 5
off_skill, def_skill = helper.gen_ratings(num_teams)
print("Team true offensive skill ratings: %s" % off_skill)
print("Team true defensive skill ratings: %s" % def_skill)
# generate 200 random pairings between the 5 teams
matchups = helper.gen_matchups(num_games, num_teams)
intercept = 70  # mean score in units of points
home_advantage = 3  # home court advantage in units of points
true_std = 3  # constant standard deviation used in the actual score generation
games_df = helper.construct_games(off_skill, def_skill, matchups, intercept, home_advantage, true_std)
games_df.head()
For each team we made up an offensive and defensive skill rating, and then randomly created pairings of the teams as games. In each game, we compute an expected home score E[Home] and an expected away score E[Away] and then use these values as the means of normal distributions from which the true scores (Home Score and Away Score) are drawn. We chose the standard deviation for this normal distribution to be a constant (i.e. homoscedastic) value of 3. To verify this, we can plot the errors between actual and expected scores, which should be distributed according to $\mathcal{N}(0, 3)$
home_errors = games_df['Home Score'] - games_df['E[Home]']
away_errors = games_df['Away Score'] - games_df['E[Away]']
errors = np.append(home_errors.values, away_errors.values)
sns.distplot(errors)
print("Errors distributed with mean %1.2f and standard deviation %1.2f" % (np.mean(errors), np.std(errors)))
The data is pretty close to the normal distribution we'd expect, give or take some randomness. Now, to actually use this in a ratings model, we need to do some data wrangling. There are actually two sample points per row in the current dataframe, one for the home team and one for the away team. Let's "stack" the data which will double the number of rows, and drop some columns we don't need for the model.
feature_df = helper.construct_feature_df(games_df)
feature_df.head()
In our new feature dataframe, the first two rows correspond to game 1, which paired team 0 (home) vs team 1 (away), while the second game was team 4 (home) vs team 3 (away), and so on. Still, for use in a GLM model, we cannot simply use the "Off. Team" and "Def. Team" columns as features because they are categorical. Though these columns have numeric values, they are just team identifiers and carry no true numeric meaning. We can use pandas to generate dummy variables, or binary encodings, for our team columns
off_dummies = pd.get_dummies(feature_df['Off. Team'], prefix='off')
def_dummies = pd.get_dummies(feature_df['Def. Team'], prefix='def')
glm_df = pd.concat([feature_df, off_dummies, def_dummies], 1)
glm_df['const'] = np.ones(glm_df.shape[0])
glm_df.head()
Taking the subset of these columns that we care about, we end up with the following linear system:
$$ \begin{bmatrix} 1 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 1 & 0 & 1 & 1\\ 0 & 0 & 0 & 1 & 0 & 1 & 0 & 0 & 0 & 0 & -1 & 1\\ &&&&&&\vdots\\ \end{bmatrix} \begin{bmatrix} \beta^o_0\\ \beta^o_1\\ \vdots\\ \beta^d_0\\ \beta^d_1\\ \vdots\\ home\\ intercept\\ \end{bmatrix} = \begin{bmatrix} 76.223\\ 61.633\\ \vdots\\ \end{bmatrix} $$
A system of this form can be solved easily via the classical method of least squares using whatever one of the many solver packages you like. However, the astute reader will have detected a small (but absolutely critical!) problem with the system we have constructed. When we encoded the dummy variables, we did not drop any of the columns and so we are left with linearly dependent columns in our feature matrix. To be more explicit, one can determine, exactly, the fifth offensive rating column given any of the other four (likewise with the defense).
We can also view this slightly differently--since we have an intercept, we could add an arbitrary offset to all the offensive ratings and subtract the same from the intercept and still have a valid solution. So, we need to impose some identifiability constraints. We can do this simply by mandating that the offensive ratings all sum to zero (i.e. the average team has a zero offensive rating) and do the same for the defense. This can be interpreted as a constraint on the last columns of the offense and defense:
$$ \sum_{i=1}^{N} \beta_i^o = 0, \sum_{i=1}^{N} \beta_i^d = 0\\ -\sum_{i=1}^{N-1} \beta^o_i = \beta^o_N, \: -\sum_{i=1}^{N-1} \beta^d_i = \beta^d_N $$
Where a one appeared in the last column of our feature matrix before, we can replace it with -1 in all the other columns and we will have effectively enforced the sum to zero constraints. Our new dataframe is shown below:
off_dummies
glm_df = pd.concat([feature_df, helper.constrained_dummies(off_dummies), 
                    helper.constrained_dummies(def_dummies)], 1)
glm_df['const'] = np.ones(glm_df.shape[0])
glm_df.head()
We can now solve the linear system to find the maximum likelihood estimates of the team ratings. We'll use the statsmodels GLM API to solve the system and get some summary statistics about the model fit.
feature_columns = ['off_%s' % i for i in range(num_teams - 1)] + ['def_%s' % i for i in range(num_teams - 1)] + \
['Home'] + ['const']
X = glm_df[feature_columns].values
y = glm_df['Score'].values
res = sm.GLM(y, X).fit()
sm_params = helper.extract_coefs(res, num_teams)
print("(True value, MLE value)")
for true_coef, mle_coef in zip(sm_params['coefs']['off'], off_skill):
    print(true_coef, mle_coef)
Hmmmmm, well they certainly aren't dead on are they? But we shouldn't really expect them to be since there is some randomness and we only sampled 200 games (see also: central limit theorem). Since we're inferring the coefficients from random sample, we would expect them to vary from sample to sample. In fact, it is well established in theory that the regression coefficients have a sampling distribution, which can be computed analytically, and what we see here is just a single sample from that distribution (please do read more about this here). Statsmodels is so nice as to provide us with 95% confidence interval bounds as a part of the returned model summary. Instead of comparing directly to the sampled values, let's compare the true values to the confidence intervals.
for true_coef, bounds in zip(off_skill, sm_params['ci']['off']):
    print("The true coefficient %1.2f is %scontained within the confidence bounds [%1.2f, %1.2f]" % \
          (true_coef, "" if (true_coef < bounds[1] and true_coef > bounds[0]) else "not ", bounds[0], bounds[1]))
The true coefficient is contained within the confidence interval bounds that we computed from our linear model fit for each offensive coefficient. We should not, in general, expect every confidence interval to contain the true value of its respective parameter. These are 95% confidence intervals, so a non-negligible 5% of the time the value will be outside of the interval.
We now have a data model that we have validated with synthesized data and provides us with a sampling distribution for each of our parameters--I am quite certain we will find interesting ways to use this on real data. Still, I gotta admit, that wasn't much of a thrill. A linear model? C'mon, I'm a data adrenaline junkie and it's Bayesian networks that get my pulse pounding!
A Bayesian network ratings model in PyMC3¶
Well, luckily for us Pythonistas, PyMC3 happens to be a wonderful library for implementing directed graphical models in Python. Even though we might not need to implement this same model in PyMC3, it will be useful in future endeavors where we may expand our data model. It will also serve as a great way to get started with PyMC3 and probabilistic programming. Without further ado, we'll declare our model using PyMC3 below.
with pm.Model() as model:
    # declare some extremely wide priors on the skill ratings
    off_coefs = pm.Normal('off_coefs', 0, sd=100, shape=num_teams)
    def_coefs = pm.Normal('def_coefs', 0, sd=100, shape=num_teams)
    # impose a sum to zero constraint
    off_centered = pm.Deterministic('off_centered', off_coefs - T.mean(off_coefs))
    def_centered = pm.Deterministic('def_centered', def_coefs - T.mean(def_coefs))
    
    # uniform prior for the true standard deviation
    std = pm.Uniform('std', 0.01, 20)
    
    # weak prior centered at zero for home advantage
    home = pm.Normal('home', 0, sd=5)
    
    # weak prior centered at sample mean
    intercept = pm.Normal('intercept', np.mean(feature_df['Score']), sd=10)
    
    mus = off_centered[feature_df['Off. Team'].values] + def_centered[feature_df['Def. Team'].values] + intercept + \
        home * feature_df['Home'].values
    target = pm.Normal('target', mu=mus, sd=std, observed=feature_df['Score'].values)
    
    # find the Maximum a Posteriori point estimate and use it as a starting point
    # with weak priors, we should expect this to coincide with the MLE estimates computed above
    MAP_estimate = pm.find_MAP()
    # assign variables to the No-U-turn sampler
    step = pm.NUTS([off_coefs, def_coefs, std, intercept, off_centered, def_centered, home])
    traces = pm.sample(3000, step=step, start=MAP_estimate, progressbar=True)
What just happened here? First, we used PyMC's find_MAP() method to find the maximum a posteriori point estmate of the regression coefficients. That is, given the data we observed and our priors on the coefficients, this MAP estimate is the most likely point estimate for the regression parameters. We then used that MAP estimate as the starting point in our parameter space to begin taking samples from the posterior. The "how" of MCMC sampling is a deep subject and I couldn't even begin to do it justice in this small paragraph. For an excellent introduction to the subject of MCMC sampling, please take a look at Chapter 3 of "Bayesian Methods for Hackers" by Cam Davidson-Pilon; to take what you learn there a bit further, Thomas Wiecki has a really nice write-up on his blog, summarizing the inner workings of the Metropolis sampling method.
All we need to know here is that PyMC is generating 3000 points from the posterior - 3000 points in our parameter space where the true parameters are most likely to be. This will provide us with a histogram for each parameter, which we can interpret as an approximation to the true posterior probability distribution of each parameter.
PyMC provides the raw samples, usually called the "trace", from the model fit, but it also provides us with a nice summary table, seen here:
# summary of the last 1000 samples
bayes_summary = pm.df_summary(traces[-1000:], ['intercept', 'home', 'off_centered', 'def_centered'])
bayes_summary.head()
We see that for each parameter, we get the mean and standard deviation of the posterior distribution, as well as the 95% highest posterior density region, which for unimodal distributions corresponds to the 95% credible region. Let's check that the true values are within the credible regions for the offensive parameters.
off_idx = ['off_centered__%s' % i for i in range(num_teams)]
for true_coef, (lb, ub) in zip(off_skill, bayes_summary.loc[off_idx][['hpd_2.5', 'hpd_97.5']].values):
    print("The true coefficient %1.2f is %scontained within the credible bounds [%1.2f, %1.2f]" % \
          (true_coef, "" if (true_coef < ub and true_coef > lb) else "not ", lb, ub))
The results here and the interval bounds matchup nicely with those from the GLM model which is a good sign that our models agree. However, we still want to check the posterior distributions from PyMC and compare them with the sampling distributions from the GLM.
Validating the posterior distribution¶
As Bayesians, we seek out the posterior distribution of our model's parameters given the data observed. Combining our prior beliefs with actual data provides with a posterior belief about where the true values of the parameters might lie. In fact, we get an entire k-dimensional probability distribution for the parameter values which tells us not only the most likely posterior values of the parameter (the MAP estimate) but also provides us with measures of uncertainty. This is better than simply having a point estimate for a variety of reasons. In a college basketball context, the Bayesian posterior distribution can tell us the associated uncertainty in a prediction. A gambling man could use this certainty to select less risky bets to place on games.
But you might say, the GLM model above also provided us with a distribution on the parameters. Wrong! Err... sort of. We should be quite careful not to confuse the sampling distribution of the coefficients in a linear regression with the posterior distribution of the coefficients in a Bayesian linear regression. This is a matter of frequentist vs Bayesian viewpoints and the topic can become quite obscure rather quickly, but the difference mostly comes down to a fundamental difference in the interpretation of what probability actually means. I really must implore you to, at this point, run on over to Quora and read this nice explanation by Michael Hochster, "What is a confidence interval in layman's terms?". There's rather a lot to say on this subject, but I will say none of it here and leave it as a most gruesome exercise for the interested reader. (I also rather enjoyed reading this paper here on the matter)
Despite all this, the Bayesian posterior and the sampling distribution of the GLM coefficients do happen to match in this case. Let's now compare the sampling distributions from the GLMs with the posterior distributions from the Bayesian model. First, let's take a look at the offensive and defensive ratings.
fig, axs = plt.subplots(5, 2, figsize=(15, 12))
for i in range(axs.shape[0]):
    x, density = helper.get_gaussian(sm_params['coefs']['off'][i], sm_params['stds']['off'][i])
    axs[i, 0].plot(x, density)
    axs[i, 0].hist(traces['off_centered'][:, i], normed=True, bins=20)
    axs[i, 0].set_title("off_%s" % i)
    x, density = helper.get_gaussian(sm_params['coefs']['def'][i], sm_params['stds']['def'][i])
    axs[i, 1].plot(x, density)
    axs[i, 1].hist(traces['def_centered'][:, i], normed=True, bins=20)
    axs[i, 1].set_title("def_%s" % i)
Ah, warm fuzzies. The Bayesian model matches the GLM, and we cry tears of unadultered joy at the purity of our universe. Anyway, let's plug on and check the intercept and home court advantage as well.
fig, axs = plt.subplots(1, 2, figsize=(15, 6))
x, density = helper.get_gaussian(sm_params['coefs']['intercept'], sm_params['stds']['intercept'])
axs[0].plot(x, density)
axs[0].hist(traces['intercept'], normed=True, bins=20)
axs[0].set_title("Intercept")
x, density = helper.get_gaussian(sm_params['coefs']['home'], sm_params['stds']['home'])
axs[1].plot(x, density)
axs[1].hist(traces['home'], normed=True, bins=20)
_ = axs[1].set_title("Home")
We nailed it! At this point, we're feeling pretty good. We came up with a nice model for rating sports teams, implemented it in two separate ways that ought to provide equivalent results, and we validated those results against each other and the true, known values that we made up. I highly suggest starting any analysis, especially with probabilistic models, by generating synthetic data and validating that the results are as expected against known parameters. One point of caution, however, is that you should not expect, in general, to recover 100% of the true, known parameters inside of Bayesian credible intervals. Remember, these are 95% credible intervals such that if you have 100 parameters, you should expect that ~5 of those credible regions will not contain the true value.
Well, we've done our due diligence and we've thoroughly checked our models for completeness. I think we're finally ready to move on to using some real college basketball data in our analysis. First we'll rate. Then, we'll profit. I think.
Rating real college basketball teams in 2016¶
Ideally, I'd like to provide a way to get the data I've collected for anyone to use, but I don't have an easy solution in mind at the moment. For now, I'll load data from a local PostgreSQL database which contains box score information for recent seasons of college basketball. I'll also use a helper function from a utility class that will return the data in the format that we need. Additionally, I'll load in Ken Pomeroy's publicly available ratings for the 2016 season so that we have something to compare to. In general, we should not assume that these ratings will be better than the model we've come up with, but given that Kenpom's ratings are the result of years of work, we should probably suspect they are better than this simple model we'll use here.
# get the data we need from the database
year = 2016
all_teams = pd.read_sql("SELECT ncaa, ncaaid, kenpom, conf FROM teams", DB.conn)
games_df, stacked_games_df, teams = util.get_data(year)
teams['i_team'] = np.arange(teams.shape[0])
games_df = games_df.sort('dt').reset_index().drop('index', 1)  # sort by date ascending
stacked_games_df = stacked_games_df.sort('dt').reset_index().drop('index', 1)
kenpom = pd.read_sql("SELECT team, adjo, adjd FROM kenpom_ranks WHERE year = %s" % year, DB.conn)
teams = teams.merge(all_teams, left_on='team_id', right_on='ncaaid')
teams = teams.merge(kenpom, how='left', left_on='kenpom', right_on='team').drop(['team', 'kenpom', 'ncaaid'], 1)
num_teams = teams.shape[0]
print("Got data for %s games and %s teams, between %s and %s" % (games_df.shape[0], num_teams,
                                                   games_df['dt'].min(), games_df['dt'].max()))
Also note that instead of using actual point scores as our rating metric, we'll use points per possession (ppp) instead. You can read more on this topic here, but basically ppp is a metric that normalizes a team's score by the number of opportunities it actually had to score, which is a more apt representation of their skill.
Let's inspect the games dataframe.
games_df.head()
Some important columns:
- i_hteam,- i_ateam- a unique index for home and away teams, ranging from 0 to num_teams - 1
- hppp,- appp- home and away points per possessions for each game. Computed according to the description here.
- neutral- boolean indicating whether or not game was played on a neutral court (this will be useful in assigning home court advantage)
- hteam_id,- ateam_id- home and away team ids (these correspond to ids used on the website from which the data is collected)
Below, we perform similar data wrangling as before so that we can get the data in the form we need for both the linear model and the Bayesian model.
def get_home(neutral, teamid, homeid):
    if neutral:
        return 0
    elif teamid == homeid:
        return 1
    else:
        return -1
stacked_games_df['home'] = stacked_games_df.apply(lambda row: get_home(row.neutral, row.team_id, row.hteam_id), 1)
feature_df = stacked_games_df[['dt', 'i_team', 'i_opp', 'home', 'ppp']]
off_dummies = pd.get_dummies(feature_df['i_team'].astype(int), prefix='off')
def_dummies = pd.get_dummies(feature_df['i_opp'].astype(int), prefix='def')
glm_df = pd.concat([feature_df, helper.constrained_dummies(off_dummies), 
                    helper.constrained_dummies(def_dummies)], 1)
glm_df['const'] = 1
feature_df.head()
glm_df.head()
With our data prepared in nice formats for both models (GLM and Bayesian), we can now train each model on the data.
feature_columns = ['off_%s' % i for i in range(num_teams - 1)] + ['def_%s' % i for i in range(num_teams - 1)] + \
['home'] + ['const']
X = glm_df[feature_columns].values
y = glm_df['ppp'].values
res = sm.GLM(y, X).fit()
sm_params = helper.extract_coefs(res, num_teams)
# add MLE ratings to the team's dataframe
teams['ortg_MLE'] = teams['i_team'].map(lambda i: sm_params['coefs']['off'][i])
teams['drtg_MLE'] = teams['i_team'].map(lambda i: sm_params['coefs']['def'][i])
with pm.Model() as real_model:
    off_coefs = pm.Normal('off_coefs', 0, sd=10, shape=num_teams)
    def_coefs = pm.Normal('def_coefs', 0, sd=10, shape=num_teams)
    off_centered = pm.Deterministic('off_centered', off_coefs - T.mean(off_coefs))
    def_centered = pm.Deterministic('def_centered', def_coefs - T.mean(def_coefs))
    
    std = pm.Uniform('std', 0.01, 5)
    
    home = pm.Normal('home', 0, sd=1)
    intercept = pm.Normal('intercept', np.mean(feature_df['ppp']), sd=2)
    
    mus = off_centered[feature_df['i_team'].astype(int).values] + \
        def_centered[feature_df['i_opp'].values.astype(int)] + intercept + home * feature_df['home'].values
    target = pm.Normal('target', mu=mus, sd=std, observed=feature_df['ppp'].values)
    
    MAP_estimate = pm.find_MAP()
    step = pm.NUTS([off_coefs, def_coefs, std, intercept, off_centered, def_centered, home])
    traces = pm.sample(3000, step=step, start=MAP_estimate, progressbar=True)
# add bayesian ratings to teams dataframe
off_mean = np.mean(MAP_estimate['off_coefs'])
def_mean = np.mean(MAP_estimate['def_coefs'])
teams['ortg_bayes'] = teams['i_team'].map(lambda i: MAP_estimate['off_coefs'][i] - off_mean)
teams['drtg_bayes'] = teams['i_team'].map(lambda i: MAP_estimate['def_coefs'][i] - def_mean)
With both models trained, let's check the GLM sampling distributions versus the Bayesian posterior densities as we did with synthesized data.
fig, axs = plt.subplots(1, 2, figsize=(15, 6))
x, density = helper.get_gaussian(sm_params['coefs']['intercept'], sm_params['stds']['intercept'])
axs[0].plot(x, density)
axs[0].hist(traces['intercept'], normed=True, bins=20)
axs[0].set_title("Intercept")
x, density = helper.get_gaussian(sm_params['coefs']['home'], sm_params['stds']['home'])
axs[1].plot(x, density)
axs[1].hist(traces['home'], normed=True, bins=20)
_ = axs[1].set_title("Home")
fig, axs = plt.subplots(3, 2, figsize=(15, 12))
for i in range(axs.shape[0]):
    x, density = helper.get_gaussian(sm_params['coefs']['off'][i], sm_params['stds']['off'][i])
    axs[i, 0].plot(x, density)
    axs[i, 0].hist(traces['off_centered'][:, i], normed=True, bins=20)
    axs[i, 0].set_title("off_%s" % i)
    x, density = helper.get_gaussian(sm_params['coefs']['def'][i], sm_params['stds']['def'][i])
    axs[i, 1].plot(x, density)
    axs[i, 1].hist(traces['def_centered'][:, i], normed=True, bins=20)
    axs[i, 1].set_title("def_%s" % i)
Once again, the Bayesian posteriors are in agreement with the sampling distributions from the GLM, this time with a vastly increased number of parameters. Still, just because these two models agree with one another does not mean that they are correct. Before, we had true values to compare to because we generated the data ourselves, but this time we don't know the actual ratings (that's the entire point). Instead, we can compare to Ken Pomeroy's ratings - while these are not "true" values, they are a pretty good time-tested set of ratings to compare with.
Kenpom rankings validation¶
As a final inspection in this exercise, we will check that our ranking of each of the team's aligns with the Kenpom rankings. However, since we should not expect these to match up perfectly, it will help to compare against a baseline model. For now, we can just check that our rankings are better than simply ranking teams on their raw average output in each game. First, let's compute each team's raw average.
teams['avg_ortg'] = stacked_games_df.groupby('i_team').mean()['ppp'].values
teams['avg_drtg'] = stacked_games_df.groupby('i_opp').mean()['ppp'].values
It turns out that Kenpom's ratings do not contain one of our team's, Texas Pan American, and since we are comparing rankings we'll just drop it from our dataframe.
ranks = teams.dropna().rank(method='first', numeric_only=True, ascending=False)
cols = {'off_kp_avg': ranks['adjo'] - ranks['avg_ortg'],
        'def_kp_avg': ranks['adjd'] - ranks['avg_drtg'],
        'off_kp_GLM': ranks['adjo'] - ranks['ortg_MLE'],
        'def_kp_GLM': ranks['adjd'] - ranks['drtg_MLE'],
        'off_kp_bayes': ranks['adjo'] - ranks['ortg_bayes'],
        'def_kp_bayes': ranks['adjd'] - ranks['drtg_bayes']}
rank_dists = pd.DataFrame(cols)
rank_dists.describe()
fig, axs = plt.subplots(1, 2, figsize=(15, 6))
axs[0].scatter(ranks['adjo'], ranks['ortg_MLE'])
axs[0].set_xlabel("Kenpom Ranking")
axs[0].set_ylabel("GLM Ranking")
axs[1].scatter(ranks['adjo'], ranks['avg_ortg'])
axs[1].set_xlabel("Kenpom Ranking")
axs[1].set_ylabel("Season Average Ranking")
First, take a look at the summary statistics of the ranking distances dataframe. The 25% and 75% quantiles are in the 20-30 ranking spots range for the average ratings to kenpom ratings, while our GLM and Bayesian ratings have improved these to the 10-15 range. Additionally, the standard deviations of the distances are greatly reduced. Finally, we can inspect the scatter plots above to see that our ratings are much more tightly coupled to the Kenpom ratings than are the raw averages. We could go further still, but this should be enough to convince ourselves that our ratings are significantly better than our average baseiline ratings.
On a related note, there are many reasons that our ratings will not exactly match Ken Pomeroy's. To be more specific, there are many reasons why his ratings are better than this first version. For one, he applies a temporal weighting on games that essentially phases out really old games that aren't likely to reflect a team's current skill as well as recent games. He also reduces the weight of enormous blowouts such that a team that beats an inferior opponent by 60 does not get (much) more credit than a team that beats an inferior opponent by 20. There are other good reasons as well (hey, the guy's been doing this a while), but with some time and experimentation, our rating system here may get better. This brings me to my next point: what does "better" mean?
Most likely, we are rating sports teams because we'd like to be able to intelligently predict the outcome of a matchup before it happens. We might care about predicting the actual score, or just predicting the winner, but either way we will evaluate our ratings on how well they predict future data. In this exercise, we rated each of the team's in Division 1 college basketball after all the games had been played... this doesn't sound very useful! In a follow up post, I'll take a look at generating rankings throughout the season and applying them for prediction of past "future" games.
Conclusions¶
Saying that you used probabilistic programming to create a rating system for college basketball teams using a Bayesian network definitely sounds cool. But as we saw, a linear regression gave us all we needed to create a solid, effective rating system. So why did we bother with the Bayesian network? For one, it was a nice way to learn PyMC and probabilistic programming. Second, the Bayesian network will give us nice flexibility to extend our model in the future, and to also address some problems we haven't discussed. How should we rate teams in the beginning of the season when there is really very little data to work with? The Bayesian model will allow us to specify priors on the team ratings, which we could base off of a variety of things, the simplest being the previous year's ratings. Bayes nets also allow us to reason about the uncertainty in our ratings more clearly. We should be clear not to confuse the sampling distributions of the coefficients provided by the GLM with the posterior distribution on the parameters we get from the Bayesian model. Among other things, the Bayes net gives us the ability to say things like "team A's rating is between 0.9 and 1.1 with 95% probability," something we cannot say using frequentist methods.