Bayes vs. the Invaders! Part Three: The Parallax View

[This article was first published on Weird Data Science, and kindly contributed to R-bloggers]. (You can report issue about the content on this page here)
Want to share your content on R-bloggers? click here if you have a blog, or here if you don't.

The Parallax View

In the previous post of this series unveiling the relationship between UFO sightings and population, we crossed the threshold of normality underpinning linear models to construct a generalised linear model based on the more theoretically satisfying Poisson distribution.

On inspection, however, this model revealed itself to be less well suited to the data than we had, in our tragic ignorance, hoped. While it appeared, on visual inspection, to capture some features of the data, the predictive posterior density plot demonstrated that it still fell short of addressing the subtleties of the original.

In this post, we will seek to overcome this sad lack in two ways: firstly, we will subject our models to pitiless mathematical scrutiny to assess their ability to describe the data. With our eyes irrevocably opened to these techniques, we will construct an ever more complex armillary with which to approach the unknowable truth.

Critical Omissions of Information

Our previous post showed the different fit of the Poisson model to the data from the simple Gaussian linear model. When presented with a grim array of potential models, however, it is crucial to have reliable and quantitative mechanisms to select amongst them.

The eldritch procedure most suited to this purpose, model selection, in our framework, draws on information criteria that express the relative effectiveness of models at creating sad mockeries of the original data. The original and most well-known such criterion is the Akaike Information Criterion, which has, in turn, spawned a multitude of successors applicable in different situations and with different properties. Here, we will make use of Leave-One-Out Cross Validation (LOO-CV)2. The negative elpd_diff of the compare function supports the first of the two models, and the magnitude being over twelve times greater than the standard error leaves little doubt that the difference is significant. We must, it seems, look further.

With these techniques for selecting between models in hand, then, we can move on to constructing ever more complex attempts to dispel the darkness.

Trials without End

The Poisson distribution, whilst appropriate for many forms of count data, suffers from fundamental limits to its understanding. The single parameter of the Poisson, \(\lambda\), enforces that the mean and variance of the data are equal. When such comforting falsehoods wither in the pale light of reality, we must move beyond the gentle chains in which the Poisson binds us.

The next horrific evolution, then, is the negative binomial distribution, which similarly speaks to count data, but presents a dispersion parameter (\(\phi\)) that allows the variance to exceed the mean3.

With our arcane theoretical library suitably expanded, we can now transplant the still-beating Poisson heart of our earlier generalised linear model with the more complex machinery of the negative binomial:

$$\begin{eqnarray}
y &\sim& \mathbf{NegBinomial}(\mu, \phi)\\
\log(\mu) &\sim& \alpha + \beta x\\
\alpha &\sim& \mathcal{N}(0, 1)\\
\beta &\sim& \mathcal{N}(0, 1)\\
\phi &\sim& \mathbf{HalfCauchy}(2)
\end{eqnarray}$$

As with the Poisson, our negative binomial generalised linear model employs a log link function to transform the linear predictor. The Stan code for this model is given below.

Show negative binomial model specification code.

population_model_negbinomial.stan


data {

	// Number of rows (observations)
	int<lower=1> observations;

	// Predictor (population of state)
	vector[ observations ] population_raw;

	// Response (counts)
	int<lower=0> counts[observations];

}

transformed data {

	// Center and scale the predictor
	vector[ observations ] population;
	population = ( population_raw - mean( population_raw ) ) / sd( population_raw );

}

parameters {

	// Negative binomial dispersion parameter
	real phi;

	// Intercept
	real a;

	// Slope
	real b;

}

transformed parameters {

	vector<lower=0>[observations] mu;
	mu = a + b*population;

}

model {

	// Priors
	a ~ normal( 0, 1 );
	b ~ normal( 0, 1 );
	phi ~ cauchy( 0, 5 );

	// Model
	// Uses the log version of the neg_binomial_2 to avoid
	// manual exponentiation of the linear predictor.
	// (This avoids numerical problems in the calculations.)
	counts ~ neg_binomial_2_log( mu, phi );

}

generated quantities {

	vector[observations] counts_pred;
	vector[observations] log_lik;

	for (n in 1:observations) {

		log_lik[n] = neg_binomial_2_log_lpmf( counts[n] | mu[n], phi );
		counts_pred[n] = neg_binomial_2_log_rng( mu[n], phi );

	}
		
}


With this model fit, we can compare its whispered falsehoods against both the original linear Gaussian model and the Poisson GLM:

Show LOO-CV comparison code.

Code snippet for calculating the LOO-CV elpd for three models. The full R code for building and comparing all models is listed at the end of this post.


...
# Compare models with LOO
log_lik_normal <- extract_log_lik(fit_ufo_pop_normal, merge_chains = FALSE)
r_eff_normal <- relative_eff(exp(log_lik_normal))
loo_normal <- loo(log_lik_normal, r_eff = r_eff_normal, cores = 2)

log_lik_poisson <- extract_log_lik(fit_ufo_pop_poisson, merge_chains = FALSE)
r_eff_poisson <- relative_eff(exp(log_lik_poisson))
loo_poisson <- loo(log_lik_poisson, r_eff = r_eff_poisson, cores = 2)

log_lik_negbinom <- extract_log_lik(fit_ufo_pop_negbinom, merge_chains = FALSE)
r_eff_negbinom <- relative_eff(exp(log_lik_negbinom))
loo_negbinom <- loo(log_lik_negbinom, r_eff = r_eff_negbinom, cores = 2)
...
> compare( loo_poisson, loo_negbinom )
elpd_diff        se 
   8880.8     721.9 

With the first comparison, it is clear that the sinuous flexibility offered by the dispersion parameter, \(\phi\), of the negative binomial allows that model to mould itself much more effectively to the data than the Poisson. The elpd_diff score is positive, indicating that the second of the two compared models is favoured; the difference is over twelve times the standard error, giving us confidence that the negative binomial model is meaningfully more effective than the Poisson.

Whilst superior to the Poisson, does this adaptive capacity allow the negative binomial model to render the naïve Gaussian linear model obsolete?

> compare( loo_normal, loo_negbinom )
elpd_diff        se 
    304.7      30.9 

The negative binomial model subsumes the Gaussian with little effort. The elpd_diff is almost ten times the standard error in favour of the negative binomial GLM, giving us confidence in choosing it. From here on, we will rely on the negative binomial as the core of our schemes.

Overlapping Realities

The improvements we have seen with the negative binomial model allow us to discard the Gaussian and Poisson models with confidence. It is not, however, sufficient to fill the gaping void induced by our belief that the sightings of abnormal aerial phenomena in differing US states vary differently with their human population.

To address this question we must ascertain whether allowing our models to unpick the individual influence of states will improve their predictive ability. This, in turn, will lead us into the gnostic insanity of hierarchical models, in which we group predictors in our models to account for their shadowy underlying structures.

Limpid Pools

The first step on this path is to allow part of the linear function underpinning our model, specifically the intercept value, \(\alpha\), to vary between different US states. In a simple linear model, this causes the line of best fit for each state to meet the y-axis at a different point, whilst maintaining a constant slope for all states. In such a model, the result is a set of parallel lines of fit, rather than a single global truth.

This varying intercept can describe a range of possible phenomena for which the rate of change remains constant, but the baseline value varies. In such hierarchical models we employ a concept known as partial pooling to extract as much forbidden knowledge from the reluctant data as possible.

A set of entirely separate models, such as the per-state set of linear regressions presented in the first post of this series, employs a no pooling approach: the data of each state is treated separately, with an entirely different model fit to each. This certainly considers each the uniqueness of each state, but cannot benefit from insights drawn from the broader range of data we have available, which we may reasonably assume to have some relevance.

By contrast, the global Gaussian, Poisson, and negative binomial models presented so far represent complete pooling, in which the entire set of data is considered a formless, protean amalgam without meaningful structure. This mindless, groping approach causes the unique features of each state to be lost amongst the anarchy and chaos.

A partial pooling approach instead builds a global mean intercept value across the dataset, but allows the intercept value for each individual state to deviate according to a governing probability distribution. This both accounts for the individuality of each group of observations, in our case the state, but also draws on the accumulated wisdom of the whole.

We now construct a partially-pooled varying intercept model, in which the parameters and observations for each US state in our dataset is individually indexed:

$$\begin{eqnarray}
y &\sim& \mathbf{NegBinomial}(\mu, \phi)\\
\log(\mu) &\sim& \alpha_i + \beta x\\
\alpha_i &\sim& \mathcal{N}(\mu_\alpha, \sigma_\alpha)\\
\beta &\sim& \mathcal{N}(0, 1)\\
\phi &\sim& \mathbf{HalfCauchy}(2)
\end{eqnarray}$$

Note that the intercept parameter, \(\alpha\), in the second line is now indexed by the state, represented here by the subscript \(i\). The slope parameter, \(\beta\), remains constant across all states.

This model can be rendered in Stan code as follows:

Show Gaussian model specification code.

population_model_negbinomial_var_intercept.stan


data {

	// Number of rows (observations)
	int<lower=1> observations;

	// Number of states
	int< lower=0 > states;

	// Vector detailing the US state in which each observation (count of
	// counts in a year) occurred
	int< lower=1, upper=states > state[ observations ];

	// Predictor (population of state)
	vector[ observations ] population_raw;

	// Response (counts)
	int<lower=0> counts[ observations ];


}

transformed data {

	// Center and scale the predictor
	vector[ observations ] population;
	population = ( population_raw - mean( population_raw ) ) / sd( population_raw );

}


parameters {

	// Per-state intercepts
	vector[ states ] a;

	// Mean and SD of distribution from which per-state intercepts are drawn
	real< lower=0 > mu_a;
	real< lower=0 > sigma_a;

	// Negative binomial dispersion parameter
	real< lower=0 > phi;

	// Slope
	real b;

}

transformed parameters {

	// Calculate location parameter for negative binomial incorporating
	// per-state indicator.
	vector[ observations ] eta;

	for( i in 1:observations ) {
		eta[i] = a[ state[i] ] + population[i] * b;
	}
}

model {
	
	mu_a ~ normal(0, 1);
	sigma_a ~ cauchy(0, 2);

	// Priors
	a ~ normal ( mu_a, sigma_a );
	b ~ normal( 0, 1 );
	phi ~ cauchy( 0, 2 );

	// Model
	counts ~ neg_binomial_2_log( eta, phi );

}

generated quantities {

	vector[observations] counts_pred;
	vector[observations] log_lik;

	vector[observations] mu;
	mu = exp( eta );

	for (n in 1:observations) {

		log_lik[n] = neg_binomial_2_log_lpmf( counts[n] | eta[n], phi );
		counts_pred[n] = neg_binomial_2_log_rng( eta[n], phi );

	}

}

Once the model has twisted itself into the most appropriate form for our data, we can now compare it against our previous completely-pooled model:

Show LOO-CV comparison code.

Code snippet for comparing models via LOO-CV. Full code at the end of this post.

...
# Compare models with LOO
log_lik_negbinom_var_intercept <- extract_log_lik(fit_ufo_pop_negbinom_var_intercept, merge_chains = FALSE)
r_eff_negbinom_var_intercept <- relative_eff(exp(log_lik_negbinom_var_intercept))
loo_negbinom_var_intercept <- loo(log_lik_negbinom_var_intercept, r_eff = r_eff_negbinom_var_intercept, cores = 2)
...
> compare( loo_negbinom, loo_negbinom_var_intercept )
elpd_diff        se 
    363.2      28.8 

Our transcendent journey from the statistical primordial ooze continues: the varying intercept model is favoured over the completely-pooled model by a significant margin.

Sacred Geometry

Now that our minds have apprehended a startling glimpse of the implications of the varying intercept model, it is natural to consider taking a further terrible step and allowing both the slope and the intercept to vary4.

With both the intercept and slope of the underlying linear predictor varying, an additional complexity raises its head: can we safely assume that these parameters, the intercept and slope, vary independently of each other, or may there be arcane correlations between them? Do states with a higher intercept also experience a higher slope in general, or is the opposite the case? Without prior knowledge to the contrary, we must allow our model to determine these possible correlations, or we are needlessly throwing away potential information in our model.

For a varying slope and intercept model, therefore, we must now include a correlation matrix, \(\Omega\), between the parameters of the linear predictor for each state in our model. This correlation matrix, as with all parameters in a Bayesian framework, must be expressed with a prior distribution from which the model can begin its evaluation of the data.

With deference to the authoritative quaint and curious volume of forgotten lore we will use an LKJ prior for the correlation matrix without further discussion of the reasoning behind it.

$$\begin{eqnarray}
y &\sim& \mathbf{NegBinomial}(\mu, \phi)\\
\log(\mu) &\sim& \alpha_i + \beta x_i\\
\begin{bmatrix}
\alpha_i\\
\beta_i
\end{bmatrix} &\sim& \mathcal{N}(
\begin{bmatrix}
\mu_\alpha\\
\mu_\beta
\end{bmatrix}, \Omega )\\
\Omega &\sim& \mathbf{LKJCorr}(2)\\
\phi &\sim& \mathbf{HalfCauchy}(2)
\end{eqnarray}$$

This model has grown and gained a somewhat twisted complexity compared with the serene austerity of our earliest linear model. Despite this, each further step in the descent has followed its own perverse logic, and the progression should clear. The corresponding Stan code follows:

Show negative binomial varying intercept and slope model specification code.

population_model_negbinomial_var_intercept_slope.stan


data {

	// Number of rows (observations)
	int<lower=1> observations;

	// Number of states
	int< lower=0 > states;

	// Vector detailing the US state in which each observation (count of
	// counts in a year) occurred
	int< lower=1, upper=states > state[ observations ];

	// Predictor (population of state)
	vector[ observations ] population_raw;

	// Response (counts)
	int<lower=0> counts[ observations ];

}

transformed data {

	// Center and scale the predictor
	vector[ observations ] population;
	population = ( population_raw - mean( population_raw ) ) / sd( population_raw );

}

parameters {

	// Per-state intercepts and slopes
	vector[ states ] state_intercept;
	vector[ states ] state_slope;

	// Baseline intercept and slope from which each group deviates.
	real pop_intercept;
	real pop_slope;

	// Per-state standard deviations for intercept and slope
	vector< lower=0 >[2] state_sigma;

	// Negative binomial dispersion parameter
	real< lower=0 > phi;

	// Parameter correlation matrix
	corr_matrix[2] omega;

}

transformed parameters {

	vector[2] vec_intercept_slope[ states ];
	vector[2] mu_intercept_slope;

	// Location parameter
	vector[observations] eta;
	
	// Per-state intercepts and slopes
	for( i in 1:states ) {

		vec_intercept_slope[ i, 1] = state_intercept[i];
		vec_intercept_slope[ i, 2] = state_slope[i];

	}

	// Population slope and intercept
	mu_intercept_slope[1] = pop_intercept;
	mu_intercept_slope[2] = pop_slope;

	// Calculation negbinomial location parameter	
	for( i in 1:observations ) {
		eta[i] = state_intercept[ state[i] ] + state_slope[ state[i]] * population[ i ];
	}

}

model {
	
	// Priors
	omega ~ lkj_corr(2);
	phi ~ cauchy(0, 3 );
	state_sigma ~ cauchy( 0, 3 );

	pop_intercept ~ normal( 0, 1 );
	pop_slope ~ normal( 0, 1 );

	vec_intercept_slope ~ multi_normal( mu_intercept_slope, quad_form_diag( omega, state_sigma ) );

	// Model
	counts ~ neg_binomial_2_log( eta, phi );

}

generated quantities {

	vector[observations] counts_pred;
	vector[observations] log_lik;

	for (n in 1:observations) {

		log_lik[n] = neg_binomial_2_log_lpmf( counts[n] | eta[n], phi );
		counts_pred[n] = neg_binomial_2_log_rng( eta[n], phi );

	}

}

The ultimate test of our faith, then, is whether the added complexity of the partially-pooled varying slope, varying intercept model is justified. Once again, we turn to the ruthless judgement of the LOO-CV:

Show LOO-CV comparison code.
Code snippet for calculating the LOO-CV elpd. The full R code for building and comparing all models in this post is listed at the end.

...
log_lik_negbinom_var_intercept_slope <- extract_log_lik(fit_ufo_pop_negbinom_var_intercept_slope, merge_chains = FALSE)
r_eff_negbinom_var_intercept_slope <- relative_eff(exp(log_lik_negbinom_var_intercept_slope))
loo_negbinom_var_intercept_slope <- loo(log_lik_negbinom_var_intercept_slope, r_eff = r_eff_negbinom_var_intercept_slope, cores = 2)
...
> compare( loo_negbinom_var_intercept, loo_negbinom_var_intercept_slope )
elpd_diff        se 
     13.3       2.4 

In this final step we can see that our labours in the arcane have been rewarded. The final model is once again a significant improvement over its simpler relatives. Whilst the potential for deeper and more perfect models never ends, we will settle for now on this.

Mortal Consequences

With our final model built, we can now begin to examine its mortifying implications. We will leave the majority of the subjective analysis for the next, and final, post in this series. For now, however, we can reinforce our quantitative analysis with visual assessment of the posterior predictive distribution output of our final model.

Posterior predictive density plot of varying intercept, varying slope negative binomial GLM of UFO sightings. (PDF Version)

Show posterior predictive plotting code.

bayes_plots.r
(Includes code to generate traceplot and posterior predictive distribution plot.)


library( tidyverse )
library( magrittr )
library( lubridate )

library( ggplot2 )
library( showtext )
library( cowplot )

library( rstan )
library( bayesplot )
library( tidybayes )

# Load UFO data
ufo_population_sightings <-
	readRDS("work/ufo_population_sightings.rds")

# UFO reporting font
font_add( "main_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
font_add( "bold_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
showtext_auto()

# Plots, posterior predictive checking, LOO. 

# (Visualisations only produced for varying slope/intercept model, as a result
# of LOO checking.

# Bayesplot needs to be told which theme to use as a default.
theme_set( theme_weird() )

# Read the fitted model
fit_ufo_pop_negbinom_var_intercept_slope <- 
	readRDS( "work/fit_ufo_pop_negbinom_var_intercept_slope.rds" )

## Model checking visualisations

# Extract posterior estimates from the fit (from the generated quantities of the stan model)
counts_pred_negbinom_var_intercept_slope <- as.matrix( fit_ufo_pop_negbinom_var_intercept_slope, pars = "counts_pred" )

# First, as always, a traceplot
tp <- 
	traceplot( 
				 fit_ufo_pop_negbinom_var_intercept_slope, 
				 pars = c("pop_intercept", "pop_slope", "phi" ), 
				 ncol=1 ) +
	scale_colour_viridis_d( name="Chain", direction=-1 ) +
	theme_weird()

title <- 
	ggdraw() + 
	draw_label("Traceplot of Key Parameters", fontfamily="main_font", colour = "#cccccc", size=20, hjust=0, vjust=1, x=0.02, y=0.88) +
	draw_label("http://www.weirddatascience.net | @WeirdDataSci", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.40) 

titled_tp <- 
	plot_grid(title, tp, ncol=1, rel_heights=c(0.1, 1)) +
	theme( 
			panel.background = element_rect(fill = "#222222", colour = "#222222"),
			plot.background = element_rect(fill = "#222222", colour = "#222222"),
	) 

save_plot("output/traceplot.pdf",
			 titled_tp,
			 base_width = 16,
			 base_height = 9,
			 base_aspect_ratio = 1.78 )


# Posterior predictive density. (Visual representation of goodness of fit.)
gp_ppc <- 
	ppc_dens_overlay( 
						  y = extract2( ufo_population_sightings, "count" ), 
						  yrep = counts_pred_negbinom_var_intercept_slope  ) +
	theme_weird()

title <- 
	ggdraw() + 
	draw_label("Posterior Predictive Density Plot", fontfamily="main_font", colour = "#cccccc", size=20, hjust=0, vjust=1, x=0.02, y=0.88) +
	draw_label("http://www.weirddatascience.net | @WeirdDataSci", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.40) 

titled_gp_ppc <- 
	plot_grid(title, gp_ppc, ncol=1, rel_heights=c(0.1, 1)) +
	theme( 
			panel.background = element_rect(fill = "#222222", colour = "#222222"),
			plot.background = element_rect(fill = "#222222", colour = "#222222"),
	) 

save_plot("output/posterior_predictive.pdf",
			 titled_gp_ppc,
			 base_width = 16,
			 base_height = 9,
			 base_aspect_ratio = 1.78 )


In comparison with earlier attempts, the varying intercept and slope model visibly captures the overall shape of the distribution with terrifying ease. As our wary confidence mounts in the mindless automaton we have fashioned, we can now examine its predictive ability on our original data.

Varying intercept and slope negative binomial GLM of UFO sightings against population. (PDF Version)

Show negative binomial varying intercept and slope plot code.

population_plot.r


library( tidyverse )
library( magrittr )
library( lubridate )

library( ggplot2 )
library( showtext )
library( cowplot )

library( rstan )
library( bayesplot )
library( tidybayes )
library( modelr )

# Load UFO data and model
ufo_population_sightings <-
	readRDS("work/ufo_population_sightings.rds")

fit_ufo_pop_negbinom_var_intercept_slope <-
	readRDS("work/fit_ufo_pop_negbinom_var_intercept_slope.rds")
	#readRDS("work/fit_ufo_pop_normal_var_intercept_slope.rds")

# UFO reporting font
font_add( "main_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
font_add( "bold_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
showtext_auto()

# Plots, posterior predictive checking, LOO
theme_set( theme_weird() )

## Model checking visualisations

# Extract posterior estimates from the fit (from the generated quantities of the stan model)
counts_pred_negbinom_var_intercept_slope <- as.matrix( fit_ufo_pop_negbinom_var_intercept_slope, pars = "counts_pred" )

## Create per-state predictive fit plots

# Convert fitted model (stanfit) object to a tibble
fit_tbl <- 
	summary(fit_ufo_pop_negbinom_var_intercept_slope)$summary %>% 
	as.data.frame() %>% 
	mutate(variable = rownames(.)) %>% 
	select(variable, everything()) %>% 
	as_tibble()

counts_predicted <- 
	fit_tbl %>% 
	filter( str_detect(variable,'counts_pred') ) 

ufo_population_sightings_pred <-
	ufo_population_sightings %>%
	ungroup() %>%
	mutate( count_mean = counts_predicted$mean, 
			 lower = counts_predicted$`25%`,
			 upper = counts_predicted$`75%`) 

# (Using mean and SD of fit summary)
predictive_plot <-
	ggplot( ufo_population_sightings_pred ) + 
	geom_point( aes( x=population, y=count, colour=state ), size=0.6, alpha=0.8 ) +
	geom_line(aes( x=population, y=count_mean, colour=state )) + 
	geom_ribbon(aes(x=population, ymin = lower, ymax = upper, fill=state), alpha = 0.25) +
	labs( x="Population (Thousands)", y="Annual Sightings" ) +
	scale_fill_viridis_d( name="State" ) +
	scale_colour_viridis_d( name="State" ) +
	theme(
			axis.title.y = element_text( angle=90 ),
			legend.position = "none" )


# Construct full plot, with title and backdrop.
title <- 
	ggdraw() + 
	draw_label("UFO Sightings against State Population (1990-2014)", fontfamily="main_font", colour = "#cccccc", size=20, hjust=0, vjust=1, x=0.02, y=0.88) +
	draw_label("Negative Binomial Hierarchical GLM. Varying slope and intercept. 50% credible intervals.", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.48) +
	draw_label("http://www.weirddatascience.net | @WeirdDataSci", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.16) 


data_label <- ggdraw() +
	draw_label("Data: http://www.nuforc.org | Tool: http://www.mc-stan.org", fontfamily="main_font", colour = "#cccccc", size=12, hjust=1, x=0.98 ) 

predictive_plot_titled <- 
	plot_grid(title, predictive_plot, data_label, ncol=1, rel_heights=c(0.1, 1, 0.1)) +
	theme( 
			panel.background = element_rect(fill = "#222222", colour = "#222222"),
			plot.background = element_rect(fill = "#222222", colour = "#222222"),
	) 

save_plot("output/predictive_plot.pdf",
			 predictive_plot_titled,
			 base_width = 16,
			 base_height = 9,
			 base_aspect_ratio = 1.78 )

The purpose of our endeavours is to show whether or not the frequency of extraterrestrial visitations is merely a sad reflection of the number of unsuspecting humans living in each state. After seemingly endless cryptic calculations, our statistical machinery implies that there are deeper mysteries here: allowing the relationship between sightings and the underlying linear predictors to vary by state more perfectly predicts the data. There are clearly other, hidden, factors in play.

More than that, however, our final model allows us to quantify these differences. We can now retrieve from the very bowels of our inferential process the per-state distribution of paremeters for both the slope and intercept of the linear predictor.

Varying slope and intercept negative binomial GLM parameter plot for UFO sightings model. (PDF Version)

Show per-state intercept and slope plotting code.

slope_intercept_plot.r


library( tidyverse )
library( magrittr )
library( lubridate )

library( ggplot2 )
library( showtext )
library( cowplot )

library( rstan )
library( bayesplot )
library( tidybayes )
library( modelr )

# Load UFO data and model
ufo_population_sightings <-
	readRDS("work/ufo_population_sightings.rds")

fit_ufo_pop_negbinom_var_intercept_slope <-
	readRDS("work/fit_ufo_pop_negbinom_var_intercept_slope.rds")
	#readRDS("work/fit_ufo_pop_normal_var_intercept_slope.rds")

# UFO reporting font
font_add( "main_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
font_add( "bold_font", "/usr/share/fonts/TTF/weird/Tox Typewriter.ttf")
showtext_auto()

# Plots, posterior predictive checking, LOO
theme_set( theme_weird() )

# Use teal colour scheme
color_scheme_set( "teal")

## Model checking visualisations

# Extract posterior estimates from the fit (from the generated quantities of the stan model)
counts_pred_negbinom_var_intercept_slope <- as.matrix( fit_ufo_pop_negbinom_var_intercept_slope, pars = "counts_pred" )

# US state data
us_state_factors <-
	levels( factor( ufo_population_sightings$state ) )

# US state names for nice plotting
# Data: <https://www.50states.com/abbreviations.htm>
state_code_data <- 
	read_csv( file="data/us_states.csv" ) %>%
	filter( code %in% us_state_factors ) 

# Rename variables back to state names
posterior_intercepts <- 
	as.data.frame( fit_ufo_pop_negbinom_var_intercept_slope ) %>%
	as_tibble %>%
	select(starts_with('state_intercept') ) %>%
	rename_all( ~us_state_factors ) %>%
	rename_all( ~extract2( state_code_data, "us_state" ) )

# Rename variables back to state names
posterior_slopes <- 
	as.data.frame( fit_ufo_pop_negbinom_var_intercept_slope ) %>%
	as_tibble %>%
	select(starts_with('state_slope') ) %>%
	rename_all( ~us_state_factors ) %>%
	rename_all( ~extract2( state_code_data, "us_state" ) )

# Posterior draws combined
posterior_slopes_long <-
	posterior_slopes %>% 
	gather( value = "slope" )

posterior_intercepts_long <-
	posterior_intercepts %>% 
	gather( value = "intercept" )

posterior_draws_long <- 
	bind_cols( posterior_intercepts_long, posterior_slopes_long ) %>%
	select( -key1 ) %>%
	transmute( state = key, intercept, slope )


# Interval plots (slope and intervals)
# Plot intercept parameters for varying intercept and slope model
gp_intercept <-
	mcmc_intervals( posterior_intercepts ) +
	ggtitle( "Intercepts" ) +
	theme_weird() 

# Plot slope parameters for varying intercept and slope model
# (Remove y-axis labels as this will be aligned with the intercept plot.)
gp_slope <-
	mcmc_intervals( posterior_slopes ) +
	ggtitle( "Slopes" ) +
	theme_weird() +
	theme(
			axis.text.y = element_blank()
			)

gp_slope_intercept <-
	plot_grid( gp_intercept, gp_slope, ncol=2 )

# Construct full plot, with title and backdrop.
title <- 
	ggdraw() + 
	draw_label("Per-State UFO Intercepts and Slopes", fontfamily="main_font", colour = "#cccccc", size=20, hjust=0, vjust=1, x=0.02, y=0.88) +
	draw_label("Mean value, 50% credible interval, and 95% credible interval shown.", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.48) +
	draw_label("http://www.weirddatascience.net | @WeirdDataSci", fontfamily="main_font", colour = "#cccccc", size=12, hjust=0, vjust=1, x=0.02, y=0.16) 

data_label <- ggdraw() +
	draw_label("Data: http://www.nuforc.org | Tool: http://www.mc-stan.org", fontfamily="main_font", colour = "#cccccc", size=12, hjust=1, x=0.98 ) 


data_label <- ggdraw() +
	draw_label("Data: http://www.nuforc.org | Tool: http://www.mc-stan.org", fontfamily="main_font", colour = "#cccccc", size=12, hjust=1, x=0.98 ) 

data_label <- ggdraw() +
	draw_label("Data: http://www.nuforc.org | Tool: http://www.mc-stan.org", fontfamily="main_font", colour = "#cccccc", size=12, hjust=1, x=0.98 ) 

gp_slope_intercept_titled <- 
	plot_grid(title, gp_slope_intercept, data_label, ncol=1, rel_heights=c(0.1, 1, 0.1)) +
	theme( panel.background = element_rect(fill = "#222222", colour = "#222222"),
			plot.background = element_rect(fill = "#222222", colour = "#222222")) 

save_plot("output/ufo_per-state_intercepts-slopes.pdf",
			 gp_slope_intercept_titled,
			 base_width = 16,
			 base_height = 9,
			 base_aspect_ratio = 1.78 )

It is important to note that, while we are still referring to the \(\alpha\) and \(\beta\) parameters as the slope and intercept, their interpretation is more complex in a generalised linear model with a \(\log\) link function than in the simple linear model. For now, however, this diagram is sufficient to show that the horror visited on innocent lives by our interstellar visitors is not purely arbitrary, but depends at least in part on geographical location.

With this malign inferential process finally complete we will turn, in the next post, to a trembling interpretation of the model and its dark implications for our collective future.

Model Fitting and Comparison Code Listing

Show full model fitting and LOO-CV comparison code.

This code fits the range of models developed in this series, relying on the individual Stan source code files, and runs the LOO-CV comparisons discussed in this post.

population_model.r

library( tidyverse )
library( magrittr )

library( ggplot2 )
library( showtext )

library( rstan )
library( tidybayes )
library( loo )

# Load UFO data
ufo_population_sightings <-
	readRDS("work/ufo_population_sightings.rds")

## Simple Models
## Complete Pooling -- all states considered identical. 

# Fit model of UFO sightings (Normal)
if( not( file.exists( "work/fit_ufo_pop_normal.rds" ) ) ) {

	message("Fitting basic Normal model.")

	fit_ufo_pop_normal <-
		stan( file="model/population_model_normal.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" )
			  )
		)

	saveRDS( fit_ufo_pop_normal, "work/fit_ufo_pop_normal.rds" )

	message("Basic Normal model fitted.")

} else {

	fit_ufo_pop_normal <- readRDS( "work/fit_ufo_pop_normal.rds" )

}

# Fit model of UFO sightings (Poisson)
if( not( file.exists( "work/fit_ufo_pop_poisson.rds" ) ) ) {

	message("Fitting basic Poisson model.")

	fit_ufo_pop_poisson <-
		stan( file="model/population_model_poisson.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population_raw = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" )
			  )
		)

	saveRDS( fit_ufo_pop_poisson, "work/fit_ufo_pop_poisson.rds" )

	message("Basic Poisson model fitted.")

} else {

	fit_ufo_pop_poisson <- readRDS( "work/fit_ufo_pop_poisson.rds" )

}

# Fit model of UFO sightings (Negative Binomial)
if( not( file.exists( "work/fit_ufo_pop_negbinom.rds" ) ) ) {

	message("Fitting basic negative binomial model.")

	fit_ufo_pop_negbinom <-
		stan( file="model/population_model_negbinomial.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population_raw = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" ) )
		)

	saveRDS( fit_ufo_pop_negbinom, "work/fit_ufo_pop_negbinom.rds" )

	message("Basic negative binomial model fitted.")

} else {

	fit_ufo_pop_negbinom <- readRDS( "work/fit_ufo_pop_negbinom.rds" )

}

## Multilevel Models
## Partial Pooling (Varying Intercept)

if( not( file.exists( "work/fit_ufo_pop_negbinom_var_intercept.rds" ) ) ) {

	message("Fitting varying intercept negative binomial model.")

	fit_ufo_pop_negbinom_var_intercept <-
		stan( file="model/population_model_negbinomial_var_intercept.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population_raw = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" ),
							states = length( unique( ufo_population_sightings$state ) ),
							state = as.numeric( factor( ufo_population_sightings$state ) )
							),
			  chains=4, iter=2000,
			  control = list(max_treedepth = 15, adapt_delta=0.9)
		)

	saveRDS( fit_ufo_pop_negbinom_var_intercept, "work/fit_ufo_pop_negbinom_var_intercept.rds" )

	message("Varying intercept negative binomial model fitted.")

} else {

	fit_ufo_pop_negbinom_var_intercept <- readRDS( "work/fit_ufo_pop_negbinom_var_intercept.rds" )

}

### Partial Pooling (Varying intercept and slope.)

if( not( file.exists( "work/fit_ufo_pop_negbinom_var_intercept_slope.rds" ) ) ) {

	message("Fitting varying intercept and slope negative binomial model")

	fit_ufo_pop_negbinom_var_intercept_slope <-
		stan( file="model/population_model_negbinomial_var_intercept_slope.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population_raw = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" ),
							states = length( unique( ufo_population_sightings$state ) ),
							state = as.numeric( factor( ufo_population_sightings$state ) )
							),
			  chains=4, iter=2000,
			  control = list(max_treedepth = 12, adapt_delta=0.8)
		)

	saveRDS( fit_ufo_pop_negbinom_var_intercept_slope, "work/fit_ufo_pop_negbinom_var_intercept_slope.rds" )

	message("Varying intercept and slope negative binomial model fitted.")

} else {

	fit_ufo_pop_negbinom_var_intercept_slope <- readRDS( "work/fit_ufo_pop_negbinom_var_intercept_slope.rds" )

}

# Hierarchical normal. (Linear regression)
if( not( file.exists( "work/fit_ufo_pop_normal_var_intercept_slope.rds" ) ) ) {

	message("Fitting varying intercept and slope normal model")

	fit_ufo_pop_normal_var_intercept_slope <-
		stan( file="model/population_model_normal_var_intercept_slope.stan",
			  data=list(
							observations = nrow( ufo_population_sightings ),
							population_raw = extract2( ufo_population_sightings, "population" ),
							counts = extract2( ufo_population_sightings, "count" ),
							states = length( unique( ufo_population_sightings$state ) ),
							state = as.numeric( factor( ufo_population_sightings$state ) )
							),
			  chains=4, iter=2000,
			  control = list(max_treedepth = 15, adapt_delta=0.9)
		)

	saveRDS( fit_ufo_pop_normal_var_intercept_slope, "work/fit_ufo_pop_normal_var_intercept_slope.rds" )

	message("Varying intercept and slope normal model fitted.")

} else {

	fit_ufo_pop_normal_var_intercept_slope <- readRDS( "work/fit_ufo_pop_normal_var_intercept_slope.rds" )

}

## Notify by text
message("All models fit.")

# Compare models with LOO
log_lik_normal <- extract_log_lik(fit_ufo_pop_normal, merge_chains = FALSE)
r_eff_normal <- relative_eff(exp(log_lik_normal))
loo_normal <- loo(log_lik_normal, r_eff = r_eff_normal, cores = 2)

log_lik_poisson <- extract_log_lik(fit_ufo_pop_poisson, merge_chains = FALSE)
r_eff_poisson <- relative_eff(exp(log_lik_poisson))
loo_poisson <- loo(log_lik_poisson, r_eff = r_eff_poisson, cores = 2)

log_lik_negbinom <- extract_log_lik(fit_ufo_pop_negbinom, merge_chains = FALSE)
r_eff_negbinom <- relative_eff(exp(log_lik_negbinom))
loo_negbinom <- loo(log_lik_negbinom, r_eff = r_eff_negbinom, cores = 2)# Compare models with LOO

log_lik_negbinom_var_intercept <- extract_log_lik(fit_ufo_pop_negbinom_var_intercept, merge_chains = FALSE)
r_eff_negbinom_var_intercept <- relative_eff(exp(log_lik_negbinom_var_intercept))
loo_negbinom_var_intercept <- loo(log_lik_negbinom_var_intercept, r_eff = r_eff_negbinom_var_intercept, save_psis = TRUE)

log_lik_negbinom_var_intercept_slope <- extract_log_lik(fit_ufo_pop_negbinom_var_intercept_slope, merge_chains = FALSE)
r_eff_negbinom_var_intercept_slope <- relative_eff(exp(log_lik_negbinom_var_intercept_slope))
loo_negbinom_var_intercept_slope <- loo(log_lik_negbinom_var_intercept_slope, r_eff = r_eff_negbinom_var_intercept_slope, save_psis = TRUE)

normal_poisson_comparison <- compare( loo_normal, loo_poisson )
poiss_negbinom_comparison <- compare( loo_poisson, loo_negbinom )
negbinom_negbinom_var_intercept_comparison <- compare( loo_negbinom, loo_negbinom_var_intercept )
negbinom_var_intercept_negbinom_var_intercept_slope_comparison <- compare( loo_negbinom_var_intercept, loo_negbinom_var_intercept_slope )

saveRDS( normal_poisson_comparison, "work/normal_poisson_comparison.rds" )
saveRDS( poiss_negbinom_comparison, "work/poiss_negbinom_comparison.rds" )
saveRDS( negbinom_negbinom_var_intercept_comparison, "work/negbinom_negbinom_var_intercept_comparison.rds" )
saveRDS( negbinom_var_intercept_negbinom_var_intercept_slope_comparison, "work/negbinom_var_intercept_negbinom_var_intercept_slope_comparison.rds" )

Footnotes

To leave a comment for the author, please follow the link and comment on their blog: Weird Data Science.

R-bloggers.com offers daily e-mail updates about R news and tutorials about learning R and many other topics. Click here if you're looking to post or find an R/data-science job.
Want to share your content on R-bloggers? click here if you have a blog, or here if you don't.

Never miss an update!
Subscribe to R-bloggers to receive
e-mails with the latest R posts.
(You will not see this message again.)

Click here to close (This popup will not appear again)