
Rational approximation with the rSPDE package
David Bolin, Alexandre B. Simas, Zhen Xiong
Created: 2021-12-04. Last modified: 2025-04-26.
Source:vignettes/rspde_cov.Rmd
      rspde_cov.RmdIntroduction
In this vignette we will introduce the covariance-based rational SPDE approach and illustrate how to perform statistical inference with it.
The covariance-based approach is an efficient alternative to the operator-based rational SPDE approach by Bolin and Kirchner (2020) which works when one has SPDE driven by Gaussian white noise. We refer the reader to Bolin, Simas, and Xiong (2023) for the theoretical details of the approach.
Details about the operator-based rational SPDE approach are given in
the Operator-based rational approximation
vignette. For the R-INLA and
inlabru implementations of the covariance-based rational
SPDE approach we refer the reader to the vignettes R-INLA implementation of the rational SPDE
approach and inlabru implementation of
the rational SPDE approach respectively.
Covariance-based rational SPDE approach
Let us first present the idea behind the approach. In the SPDE approach, introduced in Lindgren, Rue, and Lindström (2011) we model as the solution of the following SPDE: where and is the standard Gaussian white noise. Here, , and are the parameters of the model. In the standard SPDE approach, needs to be fixed to an integer value, where is the usual default value. In the rational SPDE approach we can use any value of and also estimate it from data.
The main idea of the covariance-based rational SPDE approach is to perform the rational approximation of the covariance operator . To this end, we begin by obtaining an approximation of the random field , which is the solution of the SPDE above, by using the finite element method (FEM): where are stochastic weights and are fixed piecewise linear and continuous basis functions obtained from a triangulation of the spatial domain. We then obtain a FEM approximation of the operator , which is given by , and the covariance operator of is given by .
Now, by using the rational approximation on , we can approximate covariance operator as where denotes the integer part of , is the order of rational approximation, and , with and being known coefficients obtained from a rational approximation of the function .
The next step is to perform a partial fraction decomposition of the rational function , which yields the representation Based on the above operator equation, we can write the covariance matrix of the stochastic weights , where , as where , , is the mass matrix, , , , is the stiffness matrix, and
The above representation shows that we can express as where , and is the precision matrix of , which is given by
We, then, replace the Matérn latent field by the latent vector given above, which has precision matrix given by We thus have a Markov approximation which can be used for computationally efficient inference. For example, assume that we observe where are iid measurement noise. Then, we have that This can be written in a matrix form as where , , and We then arrive at the following hierarchical model:
With these elements, we can, for example, use R-INLA to compute the
posterior distribution of the three parameters we want to estimate.
Constructing the approximation
In this section, we explain how to to use the function
matern.operators() with the default argument
type, that is, type="covariance", which is
constructs the covariance-based rational approximation. We will also
illustrate the usage of several methods and functions related to the
covariance-based rational approximation. We will use functions to sample
from Gaussian fields with stationary Matérn covariance function, compute
the log-likelihood function, and do spatial prediction.
The first step for performing the covariance-based rational SPDE
approximation is to define the FEM mesh. We will also illustrate how
spatial models can be constructed if the FEM implementation of the
fmesher package is used. When using the R-INLA package, we also
recommend the usage of our R-INLA implementation of
the rational SPDE approach. For more details, see the R-INLA implementation of the rational SPDE
approach vignette.
We begin by loading the rSPDE package:
Assume that we want to define a model on the interval . We then start by defining a vector with mesh nodes where the basis functions are centered.
s <- seq(from = 0, to = 1, length.out = 101)We can now use matern.operators() to construct a
rational SPDE approximation of order
for a Gaussian random field with a Matérn covariance function on the
interval. We also refer the reader to the Operator-based rational approximation for a
similar comparison made for the operator-based rational
approximation.
kappa <- 20
sigma <- 2
nu <- 0.8
r <- sqrt(8*nu)/kappa #range parameter
op_cov <- matern.operators(loc_mesh = s, nu = nu,
  range = r, sigma = sigma, d = 1, m = 2, parameterization = "matern"
)The object op_cov contains the matrices needed for
evaluating the distribution of the stochastic weights
.
If we want to evaluate
at some locations
,
we need to multiply the weights with the basis functions
evaluated at the locations. For this, we can construct the observation
matrix
,
with elements
,
which links the FEM basis functions to the locations. This matrix can be
constructed using the function fm_basis() from the
fmesher package. However, as observed in the introduction
of this vignette, we have decomposed the stochastic weights
into a vector of latent variables. Thus, the
matrix for the covariance-based rational approximation, which we will
denote by
,
is actually given by the
-fold
horizontal concatenation of these
matrices, where
is the order of the rational approximation. 
To evaluate the accuracy of the approximation, let us compute the
covariance function between the process at
and all other locations in s and compare with the true
Matérn covariance function. The covariances can be calculated by using
the cov_function_mesh() method. 
c_cov.approx <- op_cov$cov_function_mesh(0.5)Let us now compute the true Matérn covariance function on the interval , which is the folded Matérn, see Theorem 1 in An explicit link between Gaussian fields and Gaussian Markov random fields: the stochastic partial differential equation approach for further details.
c.true <- folded.matern.covariance.1d(rep(0.5, length(s)), 
                                      abs(s), kappa, nu, sigma)The covariance function and the error compared with the Matérn covariance are shown in the following figure.
opar <- par(
  mfrow = c(1, 2), mgp = c(1.3, 0.5, 0),
  mar = c(2, 2, 0.5, 0.5) + 0.1
)
plot(s, c.true,
  type = "l", ylab = "C(|s-0.5|)", xlab = "s", ylim = c(0, 5),
  cex.main = 0.8, cex.axis = 0.8, cex.lab = 0.8
)
lines(s, c_cov.approx, col = 2)
legend("topright",
  bty = "n",
  legend = c("Matérn", "Rational"),
  col = c("black", "red"),
  lty = rep(1, 2), ncol = 1,
  cex = 0.8
)
plot(s, c.true - c_cov.approx,
  type = "l", ylab = "Error", xlab = "s",
  cex.main = 0.8, cex.axis = 0.8, cex.lab = 0.8
)
par(opar)
To improve the approximation we can increase the degree of the
polynomials, by increasing
,
and/or increase the number of basis functions used for the FEM
approximation. Let us, for example, compute the approximation with
using the same mesh, as well as the approximation when we increase the
number of basis functions and use
and
.
We will also load the fmesher package to use the
fm_basis() and fm_mesh_1d() functions to map
between the meshes.
library(fmesher)
op_cov2 <- matern.operators(
  range = r, sigma = sigma, nu = nu,
  loc_mesh = s, d = 1, m = 4,
  parameterization = "matern"
)
c_cov.approx2 <- op_cov2$cov_function_mesh(0.5)
s2 <- seq(from = 0, to = 1, length.out = 501)
op_cov <- matern.operators(
  range = r, sigma = sigma, nu = nu,
  loc_mesh = s2, d = 1, m = 2,
  parameterization = "matern"
)
mesh_s2 <- fm_mesh_1d(s2)
# Map the mesh s2 to s
A2 <- fm_basis(mesh_s2, s)
c_cov.approx3 <- A2 %*% op_cov$cov_function_mesh(0.5)
op_cov <- matern.operators(
  range = r, sigma = sigma, nu = nu,
  loc_mesh = s2, d = 1, m = 4,
  parameterization = "matern"
)
c_cov.approx4 <- A2 %*% op_cov$cov_function_mesh(0.5)The resulting errors are shown in the following figure.
opar <- par(mgp = c(1.3, 0.5, 0), mar = c(2, 2, 0.5, 0.5) + 0.1)
plot(s, c.true - c_cov.approx,
  type = "l", ylab = "Error", xlab = "s", col = 1,
  cex.main = 0.8, cex.axis = 0.8, cex.lab = 0.8
)
lines(s, c.true - c_cov.approx2, col = 2)
lines(s, c.true - c_cov.approx3, col = 3)
lines(s, c.true - c_cov.approx4, col = 4)
legend("bottomright",
  bty = "n",
  legend = c("m=2 coarse mesh", "m=4 coarse mesh", 
             "m=2 fine mesh", "m=4 fine mesh"),
  col = c(1, 2, 3, 4),
  lty = rep(1, 2), ncol = 1,
  cex = 0.8
)
par(opar)
Since the error induced by the rational approximation decreases exponentially in , there is in general rarely a need for an approximation with a large value of . This is good because the size of increases with , which makes the approximation more computationally costly to use. To illustrate this, let us compute the norm of the approximation error for different .
# Mapping s2 to s
A2 <- fm_basis(mesh_s2, s)
errors <- rep(0, 4)
for (i in 1:4) {
  op_cov <- matern.operators(
    range = r, sigma = sigma, nu = nu,
    loc_mesh = s2, d = 1, m = i,
    parameterization = "matern"
  )
  c_cov.approx <- A2 %*% op_cov$cov_function_mesh(0.5)
  errors[i] <- norm(c.true - c_cov.approx)
}
print(errors)## [1] 2.72288321 0.58558875 0.16311776 0.05787784We see that the error decreases very fast when we increase from to , without any numerical instability. This is an advantage of the covariance-based rational approximation when compared to the operator-based rational approximation. See Operator-based rational approximation for details on the numerical instability of the operator-based rational approximation.
Using the approximation
When we use the function matern.operators(), we can
simulate from the model using the simulate() method. To
such an end we simply apply the simulate() method to the
object returned by the matern.operators() function:
u <- simulate(op_cov)If we want replicates, we simply set the argument nsim
to the desired number of replicates. For instance, to generate two
replicates of the model, we simply do:
u.rep <- simulate(op_cov, nsim = 2)Fitting a model
There is built-in support for computing log-likelihood functions and
performing kriging prediction in the rSPDE package. To
illustrate this, we use the simulation to create some noisy observations
of the process. For this, we first construct the observation matrix
linking the FEM basis functions to the locations where we want to
simulate. We first randomly generate some observation locations and then
construct the matrix.
set.seed(1)
s <- seq(from = 0, to = 1, length.out = 501)
n.obs <- 200
obs.loc <- runif(n.obs)
mesh_s <- fm_mesh_1d(s)
A <- fm_basis(x = mesh_s, loc = obs.loc)We now generate the observations as , where is Gaussian measurement noise, is a covariate giving the observation location. We will assume that the latent process has a Matérn covariance with and :
kappa <- 20
sigma <- 1.3
nu <- 0.8
r <- sqrt(8*nu)/kappa
op_cov <- matern.operators(
  loc_mesh = s, nu = nu,
  range = r, sigma = sigma, d = 1, m = 2,
  parameterization = "matern"
)
u <- simulate(op_cov)
sigma.e <- 0.3
x1 <- obs.loc
Y <- 2 - x1 + as.vector(A %*% u + sigma.e * rnorm(n.obs))
Y <- as.vector(A%*% u + sigma.e * rnorm(n.obs))
df_data <- data.frame(y = Y, loc = obs.loc, x1 = x1)Let us create a new object to fit the model:
op_cov_est <- matern.operators(
  loc_mesh = s, d = 1, m = 2,
  parameterization = "matern"
)Let us now fit the model. To this end we will use the
rspde_lme() function:
fit <- rspde_lme(y~x1, model = op_cov_est,
                    data = df_data, loc = "loc")## Warning in rspde_lme(y ~ x1, model = op_cov_est, data = df_data, loc = "loc"):
## optim method L-BFGS-B failed to provide a positive-definite Hessian. Another
## optimization method was used.We can get a summary of the fit with the summary()
method:
summary(fit)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ x1, loc = "loc", data = df_data, model = op_cov_est)
## 
## Fixed effects:
##             Estimate Std.error z-value Pr(>|z|)
## (Intercept)  -0.6116    1.0479  -0.584    0.559
## x1            0.1310    1.8206   0.072    0.943
## 
## Random effects:
##       Estimate Std.error z-value
## nu     0.75447   0.02009   37.56
## sigma  1.40599   0.25378    5.54
## range  0.12996   0.03703    3.51
## 
## Random effects (SPDE parameterization):
##        Estimate Std.error z-value
## alpha  1.254474  0.020085  62.457
## tau    0.047723  0.005287   9.026
## kappa 18.904397  5.182850   3.647
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev   0.3108    0.0231   13.46
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -152.0273 
## Number of function calls by 'optim' = 501
## Optimization method used in 'optim' = Nelder-Mead
## 
## Time used to:     fit the model =  8.27339 secsLet us compare the parameters of the latent model:
print(data.frame(
  nu = c(nu, fit$coeff$random_effects["nu"]),
  sigma = c(sigma, fit$coeff$random_effects["sigma"]), 
  range = c(r, fit$coeff$random_effects["range"]),
  row.names = c("Truth", "Estimates")
))##                  nu    sigma     range
## Truth     0.8000000 1.300000 0.1264911
## Estimates 0.7544743 1.405989 0.1299584
# Total time
print(fit$fitting_time)## Time difference of 8.273392 secsLet us take a glance at the fit:
glance(fit)## # A tibble: 1 × 8
##    nobs sigma logLik   AIC   BIC deviance df.residual model                     
##   <int> <dbl>  <dbl> <dbl> <dbl>    <dbl>       <dbl> <chr>                     
## 1   200 0.311  -152.  316.  336.     304.         194 Covariance-Based Matern S…We can also speed up the optimization by setting
parallel=TRUE (which uses implicitly the
optimParallel function):
fit_par <- rspde_lme(y~x1, model = op_cov_est,
                    data = df_data, loc = "loc", parallel = TRUE)Here is the summary:
summary(fit_par)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ x1, loc = "loc", data = df_data, model = op_cov_est, 
##     parallel = TRUE)
## 
## Fixed effects:
##             Estimate Std.error z-value Pr(>|z|)
## (Intercept)  -0.9356    1.0700  -0.874    0.382
## x1            0.8143    1.8434   0.442    0.659
## 
## Random effects:
##       Estimate Std.error z-value
## nu      0.7429       NaN     NaN
## sigma   1.4509    0.2718   5.337
## range   0.1318       NaN     NaN
## 
## Random effects (SPDE parameterization):
##        Estimate Std.error z-value
## alpha  1.242855        NA      NA
## tau    0.048891  0.005413   9.032
## kappa 18.490777  5.445846   3.395
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.30979   0.01949    15.9
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -151.9017 
## Number of function calls by 'optim' = 119
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  17.58324 secs 
##   set up the parallelization = 2.49014 secsLet us compare with the true values and compare the time:
print(data.frame(
  sigma = c(sigma, fit_par$coeff$random_effects["sigma"]), 
  range = c(r, fit_par$coeff$random_effects["range"]),
  nu = c(nu, fit_par$coeff$random_effects["nu"]),
  row.names = c("Truth", "Estimates")
))##              sigma     range        nu
## Truth     1.300000 0.1264911 0.8000000
## Estimates 1.450857 0.1318384 0.7428554
# Total time (time to fit plus time to set up the parallelization)
total_time <- fit_par$fitting_time + fit_par$time_par
print(total_time)## Time difference of 20.0734 secsKriging
Finally, we compute the kriging prediction of the process
at the locations in s based on these observations.
Let us create the data.frame with locations in which we
want to obtain the predictions. Observe that we also must provide the
values of the covariates.
df_pred <- data.frame(loc = s, x1 = s)We can now perform kriging with the predict()
method:
u.krig <- predict(fit, newdata = df_pred, loc = "loc")The simulated process, the observed data, and the kriging prediction are shown in the following figure.
opar <- par(mgp = c(1.3, 0.5, 0), mar = c(2, 2, 0.5, 0.5) + 0.1)
plot(obs.loc, Y,
  ylab = "u(s)", xlab = "s",
  ylim = c(min(c(min(u), min(Y))), max(c(max(u), max(Y)))),
  cex.main = 0.8, cex.axis = 0.8, cex.lab = 0.8
)
lines(s, u.krig$mean, col = 2)
par(opar)
We can also use the augment() function and pipe the
results into a plot:
library(ggplot2)
library(dplyr)
augment(fit, newdata = df_pred, loc = "loc") %>% ggplot() + 
                aes(x = loc, y = .fitted) +
                geom_line(col="red") + 
                geom_point(data = df_data, aes(x = loc, y=Y))
Fitting a model with replicates
Let us illustrate how to simulate a dataset with replicates and then
fit a model to such data. Recall that to simulate a latent model with
replicates, all we do is set the nsim argument to the
number of replicates.
We will use the CBrSPDEobj object (returned from the
matern.operators() function) from the previous example,
namely op_cov.
Now, let us generate the observed values :
Note that
is a matrix with 20 columns, each column containing one replicate. We
need to turn y into a vector and create an auxiliary vector
repl indexing the replicates of y:
y_vec <- as.vector(Y.rep)
repl <- rep(1:n.rep, each = n.obs)
df_data_repl  <- data.frame(y = y_vec, loc = rep(obs.loc, n.rep))We can now fit the model in the same way as before by using the
rspde_lme() function:
fit_repl <- rspde_lme(y_vec ~ -1, model = op_cov_est, repl = repl, 
      data = df_data_repl, loc = "loc", parallel = TRUE)## Warning in rspde_lme(y_vec ~ -1, model = op_cov_est, repl = repl, data =
## df_data_repl, : The optimization failed to provide a numerically
## positive-definite Hessian. You can try to obtain a positive-definite Hessian by
## setting 'improve_hessian' to TRUE or by setting 'parallel' to FALSE, which
## allows other optimization methods to be used.## Warning in sqrt(diag(inv_fisher)): NaNs producedLet us see a summary of the fit:
summary(fit_repl)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y_vec ~ -1, loc = "loc", data = df_data_repl, 
##     model = op_cov_est, repl = repl, parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##       Estimate Std.error z-value
## nu    0.715847       NaN     NaN
## sigma 1.283286  0.054241   23.66
## range 0.139788  0.007767   18.00
## 
## Random effects (SPDE parameterization):
##        Estimate Std.error z-value
## alpha  1.215847        NA      NA
## tau    0.063960  0.001625   39.36
## kappa 17.119289  1.179470   14.51
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.29920   0.00469    63.8
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -2760.392 
## Number of function calls by 'optim' = 54
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  20.7669 secs 
##   set up the parallelization = 2.58195 secsand glance:
glance(fit_repl)## # A tibble: 1 × 8
##    nobs sigma logLik   AIC   BIC deviance df.residual model                     
##   <int> <dbl>  <dbl> <dbl> <dbl>    <dbl>       <dbl> <chr>                     
## 1  4000 0.299 -2760. 5529. 5554.    5521.        3996 Covariance-Based Matern S…Let us compare with the true values:
  print(data.frame(
    sigma = c(sigma, fit_repl$coeff$random_effects["sigma"]), 
    range = c(r, fit_repl$coeff$random_effects["range"]),
    nu = c(nu, fit_repl$coeff$random_effects["nu"]),
    row.names = c("Truth", "Estimates")
  ))##              sigma     range        nu
## Truth     1.300000 0.1264911 0.8000000
## Estimates 1.283286 0.1397878 0.7158468
# Total time
print(fit_repl$fitting_time)## Time difference of 20.7669 secsWe can obtain better estimates of the Hessian by setting
improve_hessian to TRUE, however this might
make the process take longer:
fit_repl2 <- rspde_lme(y_vec ~ -1, model = op_cov_est, repl = repl, 
      data = df_data_repl, loc = "loc", parallel = TRUE, 
      improve_hessian = TRUE)Let us get a summary:
summary(fit_repl2)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y_vec ~ -1, loc = "loc", data = df_data_repl, 
##     model = op_cov_est, repl = repl, parallel = TRUE, improve_hessian = TRUE)## 
## No fixed effects.## 
## Random effects:
##       Estimate Std.error z-value
## nu     0.71585   0.04549   15.74
## sigma  1.28329   0.05437   23.61
## range  0.13979   0.01344   10.40
## 
## Random effects (SPDE parameterization):
##        Estimate Std.error z-value
## alpha  1.215847  0.045492   26.73
## tau    0.063960  0.001625   39.36
## kappa 17.119289  1.179473   14.51
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev 0.299198  0.005509   54.31
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -2760.392 
## Number of function calls by 'optim' = 54
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  18.04474 secs 
##   compute the Hessian = 6.51164 secs 
##   set up the parallelization = 2.56735 secsSpatial data and parameter estimation
The functions used in the previous examples also work for spatial
models. We then need to construct a mesh over the domain of interest and
then compute the matrices needed to define the operator. These tasks can
be performed, for example, using the fmesher package. Let
us start by defining a mesh over
and compute the mass and stiffness matrices for that mesh.
We consider a simple Gaussian linear model with 30 independent replicates of a latent spatial field , observed at the same locations, , for each replicate. For each we have
where are iid normally distributed with mean 0 and standard deviation 0.1.
Let us create the FEM mesh:
n_loc <- 500
loc_2d_mesh <- matrix(runif(n_loc * 2), n_loc, 2)
mesh_2d <- fm_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 can now use this mesh to define a rational SPDE approximation of
order
for a Matérn model in the same fashion as we did above in the
one-dimensional case. We now simulate a latent process with standard
deviation
and range
.
We will use
so that the model has an exponential covariance function. To this end we
create a model object with the matern.operators()
function:
nu <- 0.7
sigma <- 1.3
range <- 0.15
d <- 2
op_cov_2d <- matern.operators(
  mesh = mesh_2d,
  nu = nu,
  range = range,
  sigma = sigma,
  m = 2,
  parameterization = "matern"
)
tau <- op_cov_2d$tauNow let us simulate some noisy data that we will use to estimate the
parameters of the model. To construct the observation matrix, we use the
function fm_basis() from the fmesher package.
Recall that we will simulate the data with 30 replicates.
n.rep <- 30
u <- simulate(op_cov_2d, nsim = n.rep)
A <- fm_basis(
  x = mesh_2d,
  loc = loc_2d_mesh
)
sigma.e <- 0.1
Y <- A %*% u + matrix(rnorm(n_loc * n.rep), ncol = n.rep) * sigma.eThe first replicate of the simulated random field as well as the observation locations are shown in the following figure.
library(viridis)
library(ggplot2)
proj <- fm_evaluator(mesh_2d, dims = c(70, 70))
df_field <- data.frame(x = proj$lattice$loc[,1],
                        y = proj$lattice$loc[,2],
                        field = as.vector(fm_evaluate(proj, 
                        field = as.vector(u[, 1]))),
                        type = "field")
df_loc <- data.frame(x = loc_2d_mesh[, 1],
                      y = loc_2d_mesh[, 2],
                      field = as.vector(Y[,1]),
                      type = "locations")
df_plot <- rbind(df_field, df_loc)
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()
Let us now create a new object to fit the model:
op_cov_2d_est <- matern.operators(
  mesh = mesh_2d,
  m = 2
)We can now proceed as in the previous cases. We set up a vector with
the response variables and create an auxiliary replicates vector,
repl, that contains the indexes of the replicates of each
observation, and then we fit the model:
y_vec <- as.vector(Y)
repl <- rep(1:n.rep, each = n_loc)
df_data_2d <- data.frame(y = y_vec, x_coord = loc_2d_mesh[,1],
                      y_coord = loc_2d_mesh[,2])
fit_2d <- rspde_lme(y ~ -1, model = op_cov_2d_est, 
          data = df_data_2d, repl = repl,
          loc = c("x_coord", "y_coord"), parallel = TRUE)Let us get a summary:
summary(fit_2d)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_2d, 
##     model = op_cov_2d_est, repl = repl, parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##        Estimate Std.error z-value
## alpha  1.597605  0.004863  328.52
## tau    0.055376  0.001267   43.71
## kappa 14.381421  0.458797   31.35
## 
## Random effects (Matern parameterization):
##       Estimate Std.error z-value
## nu    0.597605  0.004863  122.89
## sigma 1.339541  0.014051   95.33
## range 0.152037  0.004815   31.58
## 
## Measurement error:
##           Estimate Std.error z-value
## std. dev 0.1004194 0.0008793   114.2
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -5657.679 
## Number of function calls by 'optim' = 69
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  2.90163 mins 
##   set up the parallelization = 2.60517 secsand glance:
glance(fit_2d)## # A tibble: 1 × 8
##    nobs sigma logLik    AIC    BIC deviance df.residual model                   
##   <int> <dbl>  <dbl>  <dbl>  <dbl>    <dbl>       <dbl> <chr>                   
## 1 15000 0.100 -5658. 11323. 11354.   11315.       14996 Covariance-Based Matern…Let us compare the estimated results with the true values:
print(data.frame(
  sigma = c(sigma, fit_2d$alt_par_coeff$coeff["sigma"]), 
  range = c(range, fit_2d$alt_par_coeff$coeff["range"]),
  nu = c(nu, fit_2d$alt_par_coeff$coeff["nu"]),
  row.names = c("Truth", "Estimates")
))##              sigma     range        nu
## Truth     1.300000 0.1500000 0.7000000
## Estimates 1.339541 0.1520373 0.5976046
# Total time
print(fit_2d$fitting_time)## Time difference of 2.901637 minsLet us now plot the prediction for replicate 3 by using the
augment function. We begin by creating the
data.frame we want to do prediction:
df_pred <- data.frame(x = proj$lattice$loc[,1],
                        y = proj$lattice$loc[,2])
augment(fit_2d, newdata = df_pred, loc = c("x","y"), which_repl = 3) %>% ggplot() +
              geom_raster(aes(x=x, y=y, fill = .fitted)) + xlim(0,1) + ylim(0,1) + 
              scale_fill_viridis()## Warning: Removed 3744 rows containing missing values or values outside the scale range
## (`geom_raster()`).
Further details on rspde_lme
The rspde_lme function provides flexibility in model
fitting by allowing users to fix certain parameters at specific values
or set custom starting values for the optimization process. This can be
useful when you have prior knowledge about some parameters or when you
want to improve convergence by providing better starting points.
Fixing parameters
Parameters can be fixed by using the model_options
argument with elements of the form fix_parname = value,
where parname is the name of the parameter you want to fix.
For stationary models, the parameters that can be fixed in the
model_options list are:
- 
fix_sigma_e: Fix the standard deviation of the noise parameter
- 
fix_nu: Fix the smoothness parameter ν
- 
fix_sigma: Fix the standard deviation parameter σ
- 
fix_range: Fix the range parameter
- 
fix_tau: Fix the precision parameter τ (when using the SPDE parameterization)
- 
fix_kappa: Fix the scale parameter κ (when using the SPDE parameterization)
- 
fix_alpha: Fix the fractional power α (when using the SPDE parameterization)
Setting starting values
Similarly, you can set starting values for parameters using elements
of the form start_parname = value in the
model_options list. This is particularly useful when the
default starting values might be far from the optimal values, which
could lead to slow convergence or convergence to a local minimum. For
example, to set a starting value for the range parameter, you would use
model_options = list(start_range = 0.15).
- 
start_sigma_e: Starting value for the standard deviation of the noise parameter
- 
start_nu: Starting value for the smoothness parameter ν
- 
start_sigma: Starting value for the standard deviation parameter σ
- 
start_range: Starting value for the range parameter
- 
start_tau: Starting value for the precision parameter τ (when using the SPDE parameterization)
- 
start_kappa: Starting value for the scale parameter κ (when using the SPDE parameterization)
- 
start_alpha: Starting value for the fractional power α (when using the SPDE parameterization)
Example: Fixing and setting starting values
Let us demonstrate how to use these parameters with our 2D spatial example. We will fix the smoothness parameter ν to 0.8, fix the standard deviation σ to 1, and set the starting value for the range parameter to 0.15.
# Create a new model fit with fixed ν and σ, and a starting value for range
fit_2d_fixed <- rspde_lme(y ~ -1, model = op_cov_2d_est, 
                         data = df_data_2d, repl = repl,
                         loc = c("x_coord", "y_coord"),, 
                         model_options = list(
                           fix_nu = 0.8,      # Fix ν to 0.8
                           fix_sigma = 1,     # Fix σ to 1
                           start_range = 0.15 # Set starting value for range
                         ),
                         parallel = TRUE)Let us get a summary of the fit:
summary(fit_2d_fixed)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_2d, 
##     model = op_cov_2d_est, repl = repl, model_options = list(fix_nu = 0.8, 
##         fix_sigma = 1, start_range = 0.15), parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##               Estimate Std.error z-value
## nu (fixed)    0.800000        NA      NA
## sigma (fixed) 1.000000        NA      NA
## range         0.119443  0.001593      75
## 
## Random effects (SPDE parameterization):
##       Estimate Std.error z-value
## alpha  1.80000        NA      NA
## tau    0.02742        NA      NA
## kappa 21.18021        NA      NA
## 
## Measurement error:
##           Estimate Std.error z-value
## std. dev 0.1016883 0.0009017   112.8
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -6104.864 
## Number of function calls by 'optim' = 8
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  16.44207 secs 
##   set up the parallelization = 2.58306 secsNotice in the summary that ν and σ are fixed at the specified values, and only the range parameter is estimated. When parameters are fixed, they do not appear in the parameter estimates section, but rather are treated as constants.
Let us compare this fit with our previous fit where all parameters were estimated:
# Compare the log-likelihoods
logLik_full <- logLik(fit_2d)
logLik_fixed <- logLik(fit_2d_fixed)
cat("Log-likelihood with all parameters estimated:", logLik_full, "\n")## Log-likelihood with all parameters estimated: -5657.679
cat("Log-likelihood with fixed nu and sigma:", logLik_fixed, "\n")## Log-likelihood with fixed nu and sigma: -6104.864Using a previous fit to initialize the optimization
You can use a previous fit to initialize the optimization by using
the start_from_previous argument. For example, to use the
previous fit to initialize the optimization, you would use
start_from_previous = fit_2d.
fit_2d_start <- rspde_lme(y ~ -1, model = op_cov_2d_est, 
                         data = df_data_2d, repl = repl,
                         loc = c("x_coord", "y_coord"),, 
                         previous_fit = fit_2d)## Warning in rspde_lme(y ~ -1, model = op_cov_2d_est, data = df_data_2d, repl =
## repl, : optim method L-BFGS-B failed to provide a positive-definite Hessian.
## Another optimization method was used.Let us get a summary of the fit:
summary(fit_2d_start)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_2d, 
##     model = op_cov_2d_est, repl = repl, previous_fit = fit_2d)## 
## No fixed effects.## 
## Random effects:
##        Estimate Std.error z-value
## alpha 1.712e+00 5.722e-03  299.13
## tau   3.554e-02 9.076e-04   39.16
## kappa 1.602e+01 4.561e-01   35.13
## 
## Random effects (Matern parameterization):
##       Estimate Std.error z-value
## nu    0.711696  0.005722  124.37
## sigma 1.306607  0.013810   94.61
## range 0.148917  0.004209   35.38
## 
## Measurement error:
##           Estimate Std.error z-value
## std. dev 0.1004172 0.0008793   114.2
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -5657.875 
## Number of function calls by 'optim' = 125
## Optimization method used in 'optim' = Nelder-Mead
## 
## Time used to:     fit the model =  1.64411 minsAn example with a non-stationary model
Our goal now is to show how one can fit model with non-stationary (std. deviation) and non-stationary (a range parameter). One can also use the parameterization in terms of non-stationary SPDE parameters and .
For this example we will consider simulated data.
Simulating the data
Let us consider a simple Gaussian linear model with a latent spatial field , defined on the rectangle , where the std. deviation and range parameter satisfy the following log-linear regressions: where . We assume the data is observed at locations, . For each we have
where are iid normally distributed with mean 0 and standard deviation 0.1.
We begin by defining the domain and creating the mesh:
rec_domain <- cbind(c(0, 1, 1, 0, 0) * 10, c(0, 0, 1, 1, 0) * 5)
mesh <- fm_mesh_2d(loc.domain = rec_domain, cutoff = 0.1, 
  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
,
and
.
Let us now build the model with the spde.matern.operators()
function:
nu <- 0.8
true_theta <- c(0,1, 1)
B.sigma = cbind(0, 1, 0, (mesh$loc[,1] - 5) / 10)
B.range = cbind(0, 0, 1, (mesh$loc[,1] - 5) / 10)
alpha <- nu + 1 # nu + d/2 ; d = 2
# SPDE model
op_cov_ns <- spde.matern.operators(mesh = mesh, 
  theta = true_theta,
  nu = nu,
  B.sigma = B.sigma, 
  B.range = B.range,
  parameterization = "matern")Let us now sample the data with the simulate()
method:
Let us now obtain 600 random locations on the rectangle and compute the matrix:
We can now generate the response vector y:
Let us now create the object to fit the data:
op_cov_ns_est <- op_cov_ns <- spde.matern.operators(mesh = mesh, 
  B.sigma = B.sigma, 
  B.range = B.range,
  parameterization = "matern")Let us also create the data.frame() that contains the
data and the locations:
df_data_ns <- data.frame(y= y, x_coord = loc_mesh[,1], y_coord = loc_mesh[,2])Fitting the non-stationary rSPDE model
fit_ns <- rspde_lme(y ~ -1, model = op_cov_ns_est, 
          data = df_data_ns, loc = c("x_coord", "y_coord"), 
          parallel = TRUE)Let us get the summary:
summary(fit_ns)## 
## Latent model - Generalized Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_ns, 
##     model = op_cov_ns_est, parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##        Estimate Std.error z-value
## nu      0.87846   0.02253  38.988
## theta1 -0.23610   0.10187  -2.318
## theta2  0.79453   0.26150   3.038
## theta3  1.78561   0.36328   4.915
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.30996   0.01358   22.83
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -379.6413 
## Number of function calls by 'optim' = 42
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  10.56129 secs 
##   set up the parallelization = 2.6413 secsLet us now compare with the true values:
print(data.frame(
  theta1 = c(true_theta[1], fit_ns$coeff$random_effects[2]), 
  theta2 = c(true_theta[2], fit_ns$coeff$random_effects[3]),
  theta3 = c(true_theta[3], fit_ns$coeff$random_effects[4]), 
  nu = c(alpha-1, fit_ns$coeff$random_effects[1])),
  row.names = c("Truth", "Estimates"))##              theta1    theta2   theta3        nu
## Truth      0.000000 1.0000000 1.000000 0.8000000
## Estimates -0.236097 0.7945311 1.785615 0.8784613Fixing parameters in non-stationary models
In non-stationary models, the parameters are labeled as theta1,
theta2, etc., corresponding to the coefficients in the B matrices.
Similar to the stationary case, we can fix individual parameters or set
starting values, but these options must be set in the
model_options list argument using fix_theta1,
fix_theta2, etc., or start_theta1,
start_theta2, etc.
For example, if we want to fix the first coefficient theta1 to 0:
fit_ns_fixed_theta1 <- rspde_lme(y ~ -1, model = op_cov_ns_est, 
          data = df_data_ns, loc = c("x_coord", "y_coord"), 
          model_options = list(fix_theta1 = 0),  # Fix theta1 to 0
          parallel = TRUE)
summary(fit_ns_fixed_theta1)## 
## Latent model - Generalized Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_ns, 
##     model = op_cov_ns_est, model_options = list(fix_theta1 = 0), 
##     parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##                Estimate Std.error z-value
## nu             0.627515  0.007208  87.054
## theta1 (fixed) 0.000000        NA      NA
## theta2         1.155768  0.233188   4.956
## theta3         1.017623  0.185325   5.491
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.30425   0.01284    23.7
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -382.8119 
## Number of function calls by 'optim' = 69
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  11.98548 secs 
##   set up the parallelization = 2.70379 secsWe can also fix the entire theta vector at once using the
fix_theta parameter. This is particularly useful when we
have strong prior knowledge about all the parameters:
fit_ns_fixed_all <- rspde_lme(y ~ -1, model = op_cov_ns_est, 
          data = df_data_ns, loc = c("x_coord", "y_coord"), 
          model_options = list(fix_theta = c(0, 1, 1)),  # Fix the entire theta vector
          parallel = TRUE)
summary(fit_ns_fixed_all)## 
## Latent model - Generalized Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_ns, 
##     model = op_cov_ns_est, model_options = list(fix_theta = c(0, 
##         1, 1)), parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##                Estimate Std.error z-value
## nu               0.6605    0.0067   98.59
## theta1 (fixed)   0.0000        NA      NA
## theta2 (fixed)   1.0000        NA      NA
## theta3 (fixed)   1.0000        NA      NA
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.30295   0.01228   24.66
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -382.8519 
## Number of function calls by 'optim' = 94
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  9.27133 secs 
##   set up the parallelization = 2.62086 secsSimilarly, we can provide starting values for the entire theta vector
with start_theta:
fit_ns_start <- rspde_lme(y ~ -1, model = op_cov_ns_est, 
          data = df_data_ns, loc = c("x_coord", "y_coord"), 
          model_options = list(start_theta = c(0, 1, 1)),  # Starting values for theta vector
          parallel = TRUE)
summary(fit_ns_start)## 
## Latent model - Generalized Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_ns, 
##     model = op_cov_ns_est, model_options = list(start_theta = c(0, 
##         1, 1)), parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##        Estimate Std.error z-value
## nu      0.87947   0.01740  50.550
## theta1 -0.24668   0.09975  -2.473
## theta2  0.78163   0.26468   2.953
## theta3  1.79631   0.37894   4.740
## 
## Measurement error:
##          Estimate Std.error z-value
## std. dev  0.31015   0.01362   22.77
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -379.649 
## Number of function calls by 'optim' = 46
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  11.49327 secs 
##   set up the parallelization = 2.65939 secsChanging the type and the order of the rational approximation
We have three rational approximations available. The BRASIL algorithm Hofreither (2021), and two “versions” of the Clenshaw-Lord Chebyshev-Pade algorithm, one with lower bound zero and another with the lower bound given in Bolin, Simas, and Xiong (2023).
The type of rational approximation can be chosen by setting the
type_rational_approximation argument in the
matern.operators function. The BRASIL algorithm corresponds
to the choice brasil, the Clenshaw-Lord Chebyshev pade with
zero lower bound and non-zero lower bounds are given, respectively, by
the choices chebfun and chebfunLB.
For instance, we can create an rSPDE object with a
chebfunLB rational approximation by
op_cov_2d_type <- matern.operators(
  mesh = mesh_2d,
  m = 2,
  type_rational_approximation = "chebfunLB"
)
tau <- op_cov_2d_type$tauWe can check the order of the rational approximation with the
rational.order() function and assign a new order with the
rational.order<-() function:
rational.order(op_cov_2d_type)## [1] 2
rational.order(op_cov_2d_type) <- 1Let us fit a model using the data from the previous example:
fit_order1 <- rspde_lme(y ~ -1, model = op_cov_2d_type, 
          data = df_data_2d,repl = repl,
          loc = c("x_coord", "y_coord"), parallel = TRUE)## Warning in rspde_lme(y ~ -1, model = op_cov_2d_type, data = df_data_2d, : The
## optimization failed to provide a numerically positive-definite Hessian. You can
## try to obtain a positive-definite Hessian by setting 'improve_hessian' to TRUE
## or by setting 'parallel' to FALSE, which allows other optimization methods to
## be used.## Warning in sqrt(diag(inv_fisher)): NaNs produced
summary(fit_order1)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_2d, 
##     model = op_cov_2d_type, repl = repl, parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##       Estimate Std.error z-value
## alpha  1.61193       NaN     NaN
## tau    0.05022       NaN     NaN
## kappa 15.36259   0.42734   35.95
## 
## Random effects (Matern parameterization):
##       Estimate Std.error z-value
## nu    0.611925        NA      NA
## sigma 1.349526  0.014388   93.79
## range 0.144022  0.004072   35.37
## 
## Measurement error:
##           Estimate Std.error z-value
## std. dev 0.1003691 0.0008785   114.3
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -5657.867 
## Number of function calls by 'optim' = 42
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  49.56564 secs 
##   set up the parallelization = 2.49829 secsLet us compare with the true values:
print(data.frame(
  sigma = c(sigma, fit_order1$alt_par_coeff$coeff["sigma"]), 
  range = c(range, fit_order1$alt_par_coeff$coeff["range"]),
  nu = c(nu, fit_order1$alt_par_coeff$coeff["nu"]),
  row.names = c("Truth", "Estimates")
))##              sigma     range        nu
## Truth     1.300000 0.1500000 0.8000000
## Estimates 1.349526 0.1440223 0.6119254Finally, we can check the type of rational approximation with the
rational.type() function and assign a new type by using the
rational.type<-() function:
rational.type(op_cov_2d_type)## [1] "chebfunLB"
rational.type(op_cov_2d_type) <- "brasil"Let us now fit this model, with the data from the previous example,
with brasil rational approximation:
fit_brasil <- rspde_lme(y ~ -1, model = op_cov_2d_type, 
          data = df_data_2d,repl = repl,
          loc = c("x_coord", "y_coord"), parallel = TRUE)## Warning in rspde_lme(y ~ -1, model = op_cov_2d_type, data = df_data_2d, : The
## optimization failed to provide a numerically positive-definite Hessian. You can
## try to obtain a positive-definite Hessian by setting 'improve_hessian' to TRUE
## or by setting 'parallel' to FALSE, which allows other optimization methods to
## be used.## Warning in sqrt(diag(inv_fisher)): NaNs produced
summary(fit_brasil)## 
## Latent model - Whittle-Matern
## 
## Call:
## rspde_lme(formula = y ~ -1, loc = c("x_coord", "y_coord"), data = df_data_2d, 
##     model = op_cov_2d_type, repl = repl, parallel = TRUE)## 
## No fixed effects.## 
## Random effects:
##       Estimate Std.error z-value
## alpha  1.62691       NaN     NaN
## tau    0.04809       NaN     NaN
## kappa 15.53015   0.39376   39.44
## 
## Random effects (Matern parameterization):
##       Estimate Std.error z-value
## nu    0.626906        NA      NA
## sigma 1.327274  0.014232   93.26
## range 0.144202  0.003721   38.75
## 
## Measurement error:
##           Estimate Std.error z-value
## std. dev 0.1003903 0.0008789   114.2
## ---
## Signif. codes:  0 '***' 0.001 '**' 0.01 '*' 0.05 '.' 0.1 ' ' 1 
## 
## Log-Likelihood:  -5659.434 
## Number of function calls by 'optim' = 55
## Optimization method used in 'optim' = L-BFGS-B
## 
## Time used to:     fit the model =  1.03607 mins 
##   set up the parallelization = 2.65298 secsLet us compare with the true values:
print(data.frame(
  sigma = c(sigma, fit_brasil$alt_par_coeff$coeff["sigma"]), 
  range = c(range, fit_brasil$alt_par_coeff$coeff["range"]),
  nu = c(nu, fit_brasil$alt_par_coeff$coeff["nu"]),
  row.names = c("Truth", "Estimates")
))##              sigma     range        nu
## Truth     1.300000 0.1500000 0.8000000
## Estimates 1.327274 0.1442017 0.6269057