In this vignette we will present the inlabru
implementation of
the covariance-based rational SPDE approach. For further technical
details on the covariance-based approach, see the Rational approximation with the rSPDE
package vignette and Xiong,
Simas, and Bolin (2022).
We begin by providing a step-by-step illustration on how to use our implementation. To this end we will consider a real world data set that consists of precipitation measurements from the Paraná region in Brazil.
After the initial model fitting, we will show how to change some parameters of the model. In the end, we will also provide an example in which we have replicates.
The examples in this vignette are the same as those in the R-INLA implementation of the rational SPDE
approach vignette. As in that case, it is important to mention that
one can improve the performance by using the PARDISO solver. Please, go
to https://www.pardiso-project.org/r-inla/#license to apply
for a license. Also, use inla.pardiso()
for instructions on
how to enable the PARDISO sparse library.
To illustrate our implementation of rSPDE
in inlabru
we will consider a
dataset available in R-INLA
. This data has
also been used to illustrate the SPDE approach, see for instance the
book Advanced
Spatial Modeling with Stochastic Partial Differential Equations Using R
and INLA and also the vignette Spatial
Statistics using R-INLA and Gaussian Markov random fields. See also
Lindgren, Rue, and Lindström (2011) for
theoretical details on the standard SPDE approach.
The data consist of precipitation measurements from the Paraná region in Brazil and were provided by the Brazilian National Water Agency. The data were collected at 616 gauge stations in Paraná state, south of Brazil, for each day in 2011.
We will follow the vignette Spatial
Statistics using R-INLA and Gaussian Markov random fields. As
precipitation data are always positive, we will assume it is Gamma
distributed. R-INLA
uses the following parameterization of the Gamma distribution, \[\Gamma(\mu, \phi): \pi (y) =
\frac{1}{\Gamma(\phi)} \left(\frac{\phi}{\mu}\right)^{\phi} y^{\phi - 1}
\exp\left(-\frac{\phi y}{\mu}\right) .\] In this
parameterization, the distribution has expected value \(E(x) = \mu\) and variance \(V(x) = \mu^2/\phi\), where \(1/\phi\) is a dispersion parameter.
In this example \(\mu\) will be modelled using a stochastic model that includes both covariates and spatial structure, resulting in the latent Gaussian model for the precipitation measurements \[\begin{align} y_i\mid \mu(s_i), \theta &\sim \Gamma(\mu(s_i),c\phi)\\ \log (\mu(s)) &= \eta(s) = \sum_k f_k(c_k(s))+u(s)\\ \theta &\sim \pi(\theta) \end{align},\]
where \(y_i\) denotes the
measurement taken at location \(s_i\),
\(c_k(s)\) are covariates, \(u(s)\) is a mean-zero Gaussian Matérn
field, and \(\theta\) is a vector
containing all parameters of the model, including smoothness of the
field. That is, by using the rSPDE
model we will also be
able to estimate the smoothness of the latent field.
We will be using inlabru
. The
inlabru
package is available on CRAN and also on GitHub.
We begin by loading some libraries we need to get the data and build the plots.
library(ggplot2)
library(INLA)
library(inlabru)
library(splancs)
library(viridis)
Let us load the data and the border of the region
data(PRprec)
data(PRborder)
The data frame contains daily measurements at 616 stations for the year 2011, as well as coordinates and altitude information for the measurement stations. We will not analyze the full spatio-temporal data set, but instead look at the total precipitation in January, which we calculate as
<- rowMeans(PRprec[, 3 + 1:31]) Y
In the next snippet of code, we extract the coordinates and altitudes and remove the locations with missing values.
<- !is.na(Y)
ind <- Y[ind]
Y <- as.matrix(PRprec[ind, 1:2])
coords <- PRprec$Altitude[ind] alt
Let us build a plot for the precipitations:
ggplot() +
geom_point(aes(
x = coords[, 1], y = coords[, 2],
colour = Y
size = 2, alpha = 1) +
), geom_path(aes(x = PRborder[, 1], y = PRborder[, 2])) +
geom_path(aes(x = PRborder[1034:1078, 1], y = PRborder[
1034:1078,
2
colour = "red") +
]), scale_color_viridis()
The red line in the figure shows the coast line, and we expect the distance to the coast to be a good covariate for precipitation.
This covariate is not available, so let us calculate it for each observation location:
<- apply(spDists(coords, PRborder[1034:1078, ],
seaDist longlat = TRUE
1, min) ),
Now, let us plot the precipitation as a function of the possible covariates:
par(mfrow = c(2, 2))
plot(coords[, 1], Y, cex = 0.5, xlab = "Longitude")
plot(coords[, 2], Y, cex = 0.5, xlab = "Latitude")
plot(seaDist, Y, cex = 0.5, xlab = "Distance to sea")
plot(alt, Y, cex = 0.5, xlab = "Altitude")
par(mfrow = c(1, 1))
To use the inlabru
implementation of the rSPDE
model we need to load the
functions:
library(rSPDE)
To create a rSPDE
model, one would the
rspde.matern()
function in a similar fashion as one would
use the inla.spde2.matern()
function.
We can use R-INLA
for creating the mesh. Let us create a mesh which is based on a
non-convex hull to avoid adding many small triangles outside the domain
of interest:
<- inla.nonconvex.hull(coords, -0.03, -0.05, resolution = c(100, 100))
prdomain <- inla.mesh.2d(boundary = prdomain, max.edge = c(0.45, 1), cutoff = 0.2)
prmesh plot(prmesh, asp = 1, main = "")
lines(PRborder, col = 3)
points(coords[, 1], coords[, 2], pch = 19, cex = 0.5, col = "red")
In place of a inla.stack
, we can set up a
data.frame()
to use inlabru
. We refer the reader
to vignettes in https://inlabru-org.github.io/inlabru/index.html for
further details.
<- data.frame(long = coords[,1], lat = coords[,2],
prdata seaDist = inla.group(seaDist), y = Y)
coordinates(prdata) <- c("long","lat")
To set up an rSPDE
model, all we need is the mesh. By
default it will assume that we want to estimate the smoothness parameter
\(\nu\) and to do a covariance-based
rational approximation of order 2.
Later in this vignette we will also see other options for setting up
rSPDE
models such as keeping the smoothness parameter fixed
and/or increasing the order of the covariance-based rational
approximation.
Therefore, to set up a model all we have to do is use the
rspde.matern()
function:
<- rspde.matern(mesh = prmesh) rspde_model
Notice that this function is very reminiscent of R-INLA
’s
inla.spde2.matern()
function.
We will assume the following linkage between model components and observations \[\eta(s) \sim A x(s) + A \text{ Intercept} + \text{seaDist}.\] \(\eta(s)\) will then be used in the observation-likelihood, \[y_i\mid \eta(s_i),\theta \sim \Gamma(\exp(\eta (s_i)), c\phi).\]
We will build a model using the distance to the sea \(x_i\) as a covariate through an improper
CAR(1) model with \(\beta_{ij}=1(i\sim
j)\), which R-INLA
calls a random
walk of order 1. We will fit it in inlabru
’s style:
<- y ~ Intercept(1) + distSea(seaDist, model="rw1") +
cmp field(coordinates, model = rspde_model)
To fit the model we simply use the bru()
function:
<- bru(cmp, data = prdata,
rspde_fit family = "Gamma",
options = list(
control.inla = list(int.strategy = "eb"),
verbose = FALSE)
)
We can look at some summaries of the posterior distributions for the parameters, for example the fixed effects (i.e. the intercept) and the hyper-parameters (i.e. dispersion in the gamma likelihood, the precision of the RW1, and the parameters of the spatial field):
summary(rspde_fit)
## inlabru version: 2.7.0
## INLA version: 23.01.12
## Components:
## Intercept: main = linear(1)
## distSea: main = rw1(seaDist)
## field: main = cgeneric(coordinates)
## Likelihoods:
## Family: 'Gamma'
## Data class: 'SpatialPointsDataFrame'
## Predictor: y ~ .
## Time used:
## Pre = 3.52, Running = 11.5, Post = 0.0952, Total = 15.1
## Fixed effects:
## mean sd 0.025quant 0.5quant 0.975quant mode kld
## Intercept 1.943 0.052 1.84 1.943 2.046 1.943 0
##
## Random effects:
## Name Model
## distSea RW1 model
## field CGeneric
##
## Model hyperparameters:
## mean sd 0.025quant
## Precision parameter for the Gamma observations 13.248 0.904 11.519
## Precision for distSea 10076.588 7538.312 2450.317
## Theta1 for field -1.477 0.152 -1.787
## Theta2 for field -0.014 0.336 -0.641
## Theta3 for field -0.438 0.921 -2.146
## 0.5quant 0.975quant mode
## Precision parameter for the Gamma observations 13.232 15.08 13.226
## Precision for distSea 8012.140 30096.37 5321.865
## Theta1 for field -1.473 -1.19 -1.459
## Theta2 for field -0.027 0.68 -0.076
## Theta3 for field -0.477 1.48 -0.633
##
## Deviance Information Criterion (DIC) ...............: 2501.62
## Deviance Information Criterion (DIC, saturated) ....: 699.67
## Effective number of parameters .....................: 85.26
##
## Watanabe-Akaike information criterion (WAIC) ...: 2504.04
## Effective number of parameters .................: 77.32
##
## Marginal log-Likelihood: -1262.47
## is computed
## Posterior summaries for the linear predictor and the fitted values are computed
## (Posterior marginals needs also 'control.compute=list(return.marginals.predictor=TRUE)')
Let \(\theta_1 = \textrm{Theta1}\), \(\theta_2=\textrm{Theta2}\) and \(\theta_3=\textrm{Theta3}\). In terms of the SPDE \[(\kappa^2 I - \Delta)^{\alpha/2}(\tau u) = \mathcal{W},\] where \(\alpha = \nu + d/2\), we have that \[\tau = \exp(\theta_1),\quad \kappa = \exp(\theta_2), \] and by default \[\nu = 4\Big(\frac{\exp(\theta_3)}{1+\exp(\theta_3)}\Big).\] The number 4 comes from the upper bound for \(\nu\), which is discussed in R-INLA implementation of the rational SPDE approach vignette.
In general, we have \[\nu = \nu_{UB}\Big(\frac{\exp(\theta_3)}{1+\exp(\theta_3)}\Big),\] where \(\nu_{UB}\) is the value of the upper bound for the smoothness parameter \(\nu\).
Another choice for prior for \(\nu\) is a truncated lognormal distribution and is also discussed in R-INLA implementation of the rational SPDE approach vignette.
We can obtain outputs with respect to parameters in the original
scale by using the function rspde.result()
:
<- rspde.result(rspde_fit, "field", rspde_model)
result_fit summary(result_fit)
## mean sd 0.025quant 0.5quant 0.975quant mode
## std.dev 0.230956 0.0348282 0.168015 0.229275 0.304398 0.226752
## range 1.043220 0.3689280 0.529886 0.971506 1.960340 0.846184
## nu 1.218190 0.5759570 0.320003 1.143500 2.434650 0.847655
We can also plot the posterior densities. To this end we will use the
gg_df()
function, which creates ggplot2
user-friendly data frames:
<- gg_df(result_fit)
posterior_df_fit
ggplot(posterior_df_fit) + geom_line(aes(x = x, y = y)) +
facet_wrap(~parameter, scales = "free") + labs(y = "Density")
Let us now obtain predictions (i.e. do kriging) of the expected precipitation on a dense grid in the region.
We begin by creating the grid in which we want to do the predictions.
To this end, we can use the inla.mesh.projector()
function:
<- c(150, 100)
nxy <- inla.mesh.projector(prmesh,
projgrid xlim = range(PRborder[, 1]),
ylim = range(PRborder[, 2]), dims = nxy
)
This lattice contains 150 × 100 locations. One can easily change the
resolution of the kriging prediction by changing nxy
. Let
us find the cells that are outside the region of interest so that we do
not plot the estimates there.
<- inout(projgrid$lattice$loc, cbind(PRborder[, 1], PRborder[, 2])) xy.in
Let us plot the locations that we will do prediction:
<- projgrid$lattice$loc[xy.in, ]
coord.prd plot(coord.prd, type = "p", cex = 0.1)
lines(PRborder)
points(coords[, 1], coords[, 2], pch = 19, cex = 0.5, col = "red")
Let us now create a data.frame()
of the coordinates:
<- data.frame(x1 = coord.prd[,1],
coord.prd.df x2 = coord.prd[,2])
coordinates(coord.prd.df) <- c("x1", "x2")
Since we are using distance to the sea as a covariate, we also have
to calculate this covariate for the prediction locations. Finally, we
add the prediction location to our prediction data.frame()
,
namely, coord.prd.df
:
<- apply(spDists(coord.prd,
seaDist.prd 1034:1078, ],
PRborder[longlat = TRUE
1, min)
), $seaDist <- seaDist.prd coord.prd.df
<- predict(rspde_fit, coord.prd.df,
pred_obs ~exp(Intercept + field + distSea))
Let us now build the data frame with the results:
<- pred_obs@data
pred_df <- cbind(pred_df, pred_obs@coords) pred_df
Finally, we plot the results. First the predicted mean:
ggplot(pred_df, aes(x = x1, y = x2, fill = mean)) +
geom_raster() +
scale_fill_viridis()
Then, the std. deviations:
ggplot(pred_df, aes(x = x1, y = x2, fill = sd)) +
geom_raster() + scale_fill_viridis()
For this example we will simulate a data with replicates. We will use
the same example considered in the Rational
approximation with the rSPDE
package vignette (the only
difference is the way the data is organized). We also refer the reader
to this vignette for a description of the function
matern.operators()
, along with its methods (for instance,
the simulate()
method).
Let us consider a simple Gaussian linear model with 30 independent replicates of a latent spatial field \(x(\mathbf{s})\), observed at the same \(m\) locations, \(\{\mathbf{s}_1 , \ldots , \mathbf{s}_m \}\), for each replicate. For each \(i = 1,\ldots,m,\) we have
\[\begin{align} y_i &= x_1(\mathbf{s}_i)+\varepsilon_i,\\ \vdots &= \vdots\\ y_{i+29m} &= x_{30}(\mathbf{s}_i) + \varepsilon_{i+29m}, \end{align}\]
where \(\varepsilon_1,\ldots,\varepsilon_{30m}\) are iid normally distributed with mean 0 and standard deviation 0.1.
We use the basis function representation of \(x(\cdot)\) to define the \(A\) matrix linking the point locations to
the mesh. We also need to account for the fact that we have 30
replicates at the same locations. To this end, the \(A\) matrix we need can be generated by
inla.spde.make.A()
function. The reason being that we are
sampling \(x(\cdot)\) directly and not
the latent vector described in the introduction of the Rational approximation with the rSPDE
package vignette.
We begin by creating the mesh:
<- 200
m <- matrix(runif(m * 2), m, 2)
loc_2d_mesh <- inla.mesh.2d(
mesh_2d loc = loc_2d_mesh,
cutoff = 0.05,
offset = c(0.1, 0.4),
max.edge = c(0.05, 0.5)
)plot(mesh_2d, main = "")
points(loc_2d_mesh[, 1], loc_2d_mesh[, 2])
We then compute the \(A\) matrix, which is needed for simulation, and connects the observation locations to the mesh:
<- 30
n.rep <- inla.spde.make.A(
A mesh = mesh_2d,
loc = loc_2d_mesh,
index = rep(1:m, times = n.rep),
repl = rep(1:n.rep, each = m)
)
Notice that for the simulated data, we should use the \(A\) matrix from
inla.spde.make.A()
function.
We will now simulate a latent process with standard deviation \(\sigma=1\) and range \(0.1\). We will use \(\nu=0.5\) so that the model has an
exponential covariance function. To this end we create a model object
with the matern.operators()
function:
<- 0.5
nu <- 1
sigma <- 0.1
range <- sqrt(8 * nu) / range
kappa <- sqrt(gamma(nu) / (sigma^2 * kappa^(2 * nu) * (4 * pi) * gamma(nu + 1)))
tau <- 2
d <- matern.operators(
operator_information mesh = mesh_2d,
nu = nu,
kappa = kappa,
sigma = sigma,
m = 2
)
More details on this function can be found at the Rational approximation with the rSPDE package vignette.
To simulate the latent process all we need to do is to use the
simulate()
method on the operator_information
object. We then obtain the simulated data \(y\) by connecting with the \(A\) matrix and adding the gaussian
noise.
set.seed(1)
<- simulate(operator_information, nsim = n.rep)
u <- as.vector(A %*% as.vector(u)) +
y rnorm(m * n.rep) * 0.1
The first replicate of the simulated random field as well as the observation locations are shown in the following figure.
<- inla.mesh.projector(mesh_2d, dims = c(100, 100))
proj
<- data.frame(x = proj$lattice$loc[,1],
df_field y = proj$lattice$loc[,2],
field = as.vector(inla.mesh.project(proj,
field = as.vector(u[, 1]))),
type = "field")
<- data.frame(x = loc_2d_mesh[, 1],
df_loc y = loc_2d_mesh[, 2],
field = y[1:m],
type = "locations")
<- rbind(df_field, df_loc)
df_plot
ggplot(df_plot) + aes(x = x, y = y, fill = field) +
facet_wrap(~type) + xlim(0,1) + ylim(0,1) +
geom_raster(data = df_field) +
geom_point(data = df_loc, aes(colour = field),
show.legend = FALSE) +
scale_fill_viridis() + scale_colour_viridis()
## Warning: Removed 7648 rows containing missing values (`geom_raster()`).
Let us then use the rational SPDE approach to fit the data.
We begin by creating the model object.
<- rspde.matern(mesh = mesh_2d,
rspde_model.rep parameterization = "spde")
Let us now create the data.frame()
and the vector with
the replicates indexes:
<- data.frame(y = y, x1 = rep(loc_2d_mesh[,1], 30),
rep.df x2 = rep(loc_2d_mesh[,2], 30))
coordinates(rep.df) <- c("x1", "x2")
<- rep(1:30, each=200) repl
Let us create the component and fit. It is extremely important not to
forget the replicate
when fitting model with the
bru()
function. It will not produce warning and might fit
some meaningless model.
<-
cmp.rep ~ -1 + field(coordinates,
y model = rspde_model.rep,
replicate = repl
)
<-
rspde_fit.rep bru(cmp.rep,
data = rep.df,
family = "gaussian"
)
We can get the summary:
summary(rspde_fit.rep)
## inlabru version: 2.7.0
## INLA version: 23.01.12
## Components:
## field: main = cgeneric(coordinates), replicate = iid(repl)
## Likelihoods:
## Family: 'gaussian'
## Data class: 'SpatialPointsDataFrame'
## Predictor: y ~ .
## Time used:
## Pre = 3.49, Running = 109, Post = 8.53, Total = 121
## Random effects:
## Name Model
## field CGeneric
##
## Model hyperparameters:
## mean sd 0.025quant 0.5quant
## Precision for the Gaussian observations 89.52 1.297 87.00 89.50
## Theta1 for field -2.93 0.064 -3.11 -2.94
## Theta2 for field 3.11 0.012 3.08 3.11
## Theta3 for field -1.34 0.032 -1.42 -1.33
## 0.975quant mode
## Precision for the Gaussian observations 92.29 89.41
## Theta1 for field -2.76 -2.93
## Theta2 for field 3.14 3.11
## Theta3 for field -1.25 -1.34
##
## Deviance Information Criterion (DIC) ...............: -5798.83
## Deviance Information Criterion (DIC, saturated) ....: 10424.19
## Effective number of parameters .....................: 4443.74
##
## Watanabe-Akaike information criterion (WAIC) ...: -6618.09
## Effective number of parameters .................: 2664.93
##
## Marginal log-Likelihood: -4403.21
## is computed
## Posterior summaries for the linear predictor and the fitted values are computed
## (Posterior marginals needs also 'control.compute=list(return.marginals.predictor=TRUE)')
and the summary in the user’s scale:
<- rspde.result(rspde_fit.rep, "field", rspde_model.rep)
result_fit_rep summary(result_fit_rep)
## mean sd 0.025quant 0.5quant 0.975quant mode
## tau 0.0533313 0.00341146 0.046865 0.0532423 0.0602406 0.053074
## kappa 22.3899000 0.27174000 21.867000 22.3862000 22.9341000 22.380100
## nu 0.6247460 0.01582410 0.594410 0.6244850 0.6565640 0.623782
<- data.frame(
result_df parameter = c("tau", "kappa", "nu"),
true = c(tau, kappa, nu),
mean = c(
$summary.tau$mean,
result_fit_rep$summary.kappa$mean,
result_fit_rep$summary.nu$mean
result_fit_rep
),mode = c(
$summary.tau$mode,
result_fit_rep$summary.kappa$mode,
result_fit_rep$summary.nu$mode
result_fit_rep
)
)print(result_df)
## parameter true mean mode
## 1 tau 0.08920621 0.05333128 0.05307395
## 2 kappa 20.00000000 22.38990788 22.38007955
## 3 nu 0.50000000 0.62474626 0.62378157
Our goal now is to show how one can fit model with non-stationary \(\sigma\) (std. deviation) and non-stationary \(\rho\) (a range parameter). One can also use the parameterization in terms of non-stationary SPDE parameters \(\kappa\) and \(\tau\).
For this example we will consider simulated data.
Let us consider a simple Gaussian linear model with a latent spatial field \(x(\mathbf{s})\), defined on the rectangle \((0,10) \times (0,5)\), where the std. deviation and range parameter satisfy the following log-linear regressions: \[\begin{align} \log(\sigma(\mathbf{s})) &= \theta_1 + \theta_3 b(\mathbf{s}),\\ \log(\rho(\mathbf{s})) &= \theta_2 + \theta_3 b(\mathbf{s}), \end{align}\] where \(b(\mathbf{s}) = (s_1-5)/10\). We assume the data is observed at \(m\) locations, \(\{\mathbf{s}_1 , \ldots , \mathbf{s}_m \}\). For each \(i = 1,\ldots,m,\) we have
\[y_i = x_1(\mathbf{s}_i)+\varepsilon_i,\]
where \(\varepsilon_1,\ldots,\varepsilon_{m}\) are iid normally distributed with mean 0 and standard deviation 0.1.
We begin by defining the domain and creating the mesh:
<- cbind(c(0, 1, 1, 0, 0) * 10, c(0, 0, 1, 1, 0) * 5)
rec_domain
<- inla.mesh.2d(loc.domain = rec_domain, cutoff = 0.1,
mesh max.edge = c(0.5, 1.5), offset = c(0.5, 1.5))
We follow the same structure as INLA
. However,
INLA
only allows one to specify B.tau
and
B.kappa
matrices, and, in INLA
, if one wants
to parameterize in terms of range and standard deviation one needs to do
it manually. Here we provide the option to directly provide the matrices
B.sigma
and B.range
.
The usage of the matrices B.tau
and B.kappa
are identical to the corresponding ones in
inla.spde2.matern()
function. The matrices
B.sigma
and B.range
work in the same way, but
they parameterize the stardard deviation and range, respectively.
The columns of the B
matrices correspond to the same
parameter. The first column does not have any parameter to be estimated,
it is a constant column.
So, for instance, if one wants to share a parameter with both
sigma
and range
(or with both tau
and kappa
), one simply let the corresponding column to be
nonzero on both B.sigma
and B.range
(or on
B.tau
and B.kappa
).
We will assume \(\nu = 0.8\), \(\theta_1 = 0, \theta_2 = 1\) and \(\theta_3=1\). Let us now build the model
with the rspde.matern()
function:
<- 0.8
nu <- c(0,1, 1)
true_theta = cbind(0, 1, 0, (mesh$loc[,1] - 5) / 10)
B.sigma = cbind(0, 0, 1, (mesh$loc[,1] - 5) / 10)
B.range
# SPDE model
<- rspde.matern(mesh,
rspde_nonstat_sample B.sigma = B.sigma,
B.range = B.range,
start.theta = true_theta,
nu = nu)
In order to sample the data, we will obtain the precision matrix:
<- precision(rspde_nonstat_sample) prec_mat
Let us now sample the data with inla.qsample()
function:
<- as.vector(inla.qsample(1, prec_mat, seed = 123)) u
Let us now obtain 600 random locations on the rectangle and compute the \(A\) matrix:
<-600
m <- cbind(runif(m) * 10, runif(m) * 5)
loc_mesh
<- rspde.make.A(
Abar mesh = mesh,
loc = loc_mesh
)
We can now generate the response vector y
:
<- as.vector(Abar %*% as.vector(u)) + rnorm(m) * 0.1 y
Let us then use the rational SPDE approach to fit the data.
We begin by creating the model object. We are creating a new one so that we do not start the estimation at the true values.
<- rspde.matern(mesh = mesh,
rspde_model_nonstat B.sigma = B.sigma,
B.range = B.range)
Let us now create the data.frame()
and the vector with
the replicates indexes:
<- data.frame(y = y, x1 = loc_mesh[,1],
nonstat_df x2 = loc_mesh[,2])
coordinates(nonstat_df) <- c("x1", "x2")
Let us create the component and fit. It is extremely important not to
forget the replicate
when fitting model with the
bru()
function. It will not produce warning and might fit
some meaningless model.
<-
cmp_nonstat ~ -1 + field(coordinates,
y model = rspde_model_nonstat
)
<-
rspde_fit_nonstat bru(cmp_nonstat,
data = nonstat_df,
family = "gaussian"
)
We can get the summary:
summary(rspde_fit_nonstat)
## inlabru version: 2.7.0
## INLA version: 23.01.12
## Components:
## field: main = cgeneric(coordinates)
## Likelihoods:
## Family: 'gaussian'
## Data class: 'SpatialPointsDataFrame'
## Predictor: y ~ .
## Time used:
## Pre = 3.18, Running = 39.9, Post = 0.556, Total = 43.7
## Random effects:
## Name Model
## field CGeneric
##
## Model hyperparameters:
## mean sd 0.025quant 0.5quant
## Precision for the Gaussian observations 121.106 12.120 98.440 120.716
## Theta1 for field -0.118 0.119 -0.345 -0.121
## Theta2 for field 0.933 0.160 0.641 0.927
## Theta3 for field 0.847 0.199 0.414 0.854
## Theta4 for field -1.002 0.156 -1.340 -0.996
## 0.975quant mode
## Precision for the Gaussian observations 146.162 120.283
## Theta1 for field 0.125 -0.133
## Theta2 for field 1.281 0.887
## Theta3 for field 1.212 0.901
## Theta4 for field -0.715 -0.960
##
## Deviance Information Criterion (DIC) ...............: -801.76
## Deviance Information Criterion (DIC, saturated) ....: 955.89
## Effective number of parameters .....................: 357.59
##
## Watanabe-Akaike information criterion (WAIC) ...: -843.64
## Effective number of parameters .................: 238.01
##
## Marginal log-Likelihood: 11.55
## is computed
## Posterior summaries for the linear predictor and the fitted values are computed
## (Posterior marginals needs also 'control.compute=list(return.marginals.predictor=TRUE)')
We can obtain outputs with respect to parameters in the original
scale by using the function rspde.result()
:
<- rspde.result(rspde_fit_nonstat, "field", rspde_model_nonstat)
result_fit_nonstat summary(result_fit_nonstat)
## mean sd 0.025quant 0.5quant 0.975quant mode
## Theta1.matern -0.117851 0.1190880 -0.344584 -0.120843 0.125497 -0.132657
## Theta2.matern 0.933283 0.1599330 0.641293 0.926541 1.280780 0.886790
## Theta3.matern 0.846613 0.1993580 0.413836 0.853524 1.212350 0.900668
## nu 0.809235 0.0902197 0.627785 0.812279 0.979176 0.824699
Let us compare the mean to the true values of the parameters:
<- summary(result_fit_nonstat)
summ_res_nonstat <- data.frame(
result_df parameter = result_fit_nonstat$params,
true = c(true_theta, nu),
mean = summ_res_nonstat[,1],
mode = summ_res_nonstat[,6]
)print(result_df)
## parameter true mean mode
## 1 Theta1.matern 0.0 -0.117851 -0.132657
## 2 Theta2.matern 1.0 0.933283 0.886790
## 3 Theta3.matern 1.0 0.846613 0.900668
## 4 nu 0.8 0.809235 0.824699
We can also plot the posterior densities. To this end we will use the
gg_df()
function, which creates ggplot2
user-friendly data frames:
<- gg_df(result_fit_nonstat)
posterior_df_fit
ggplot(posterior_df_fit) + geom_line(aes(x = x, y = y)) +
facet_wrap(~parameter, scales = "free") + labs(y = "Density")
inlabru
implementationThere are several additional options that are available. For
instance, it is possible to change the order of the rational
approximation, the upper bound for the smoothness parameter (which may
speed up the fit), change the priors, change the type of the rational
approximation, among others. These options are described in the “Further
options of the rSPDE
-INLA
implementation”
section of the R-INLA implementation of the
rational SPDE approach vignette. Observe that all these options are
passed to the model through the rspde.matern()
function,
and therefore the resulting model object can directly be used in the
bru()
function, in an identical manner to the examples
above.