Skip to main content

Time-dependent data assimilation

Warning: the code demonstrated in this notebook is experimental. Use it at your own risk. We had to tweak solver choices and settings in order to make it work. If you try to build off of it and something breaks, please get in touch.

This notebook will demonstrate some more of the capabilities that icepack has for assimilating observational data. In a previous demo, we showed how to estimate a parameter in an ice model (the fluidity) from remote sensing observations. To do so, we had to specify:

  1. the loss functional, or how we measure the agreement of our computed state with observations
  2. the regularization functional, or how unusual or complex our guess for these parameters were, and
  3. the simulation, or what the physics is that relates the parameters and the observable fields.

In the previous demo, the governing physics was the momentum conservation equation of ice flow, which is time-independent. Here we'll look at how to use more involved simulations, including both mass and momentum conservation, that relate the unknown and the observable fields. The resulting simulation now depends on time. This is possible thanks to the adjoint capabilities in Firedrake and it looks pretty similar to the simpler time-dependent case.

Rather than try to estimate an unobservable parameter as we did in the previous demo, we'll focus here on estimating the value of an initial condition from measurements of the glacier at a later time. In principle, you can do joint estimation of both state and parameters at once; as far as the code is concerned, there's no distinction between the two. We've stuck to a pure state estimation problem here just to keep things simple.

Setup

We'll start from the MISMIP+ geometry and steady state from the previous notebooks. Computing the steady state of the MISMIP+ test case is expensive. Rather than do a cold start every time, we'll instead load up a previously-computed steady state from checkpoint files if they're available. (See the how-to guide on checkpointing.) If not, we'll do an initial spin-up for 3600 years using a cheaper degree-1 finite element basis and then a final spin-up using a degree-2 basis.

import firedrake
from firedrake import (
    exp,
    sqrt,
    inner,
    as_vector,
    grad,
    max_value,
    Constant,
    interpolate,
    dx,
)

Lx, Ly = 640e3, 80e3
ny = 20
nx = int(Lx / Ly) * ny
area = Constant(Lx * Ly)

mesh = firedrake.RectangleMesh(nx, ny, Lx, Ly, name="mesh")

Q2 = firedrake.FunctionSpace(mesh, "CG", 2)
V2 = firedrake.VectorFunctionSpace(mesh, "CG", 2)
def mismip_bed(mesh):
    x, y = firedrake.SpatialCoordinate(mesh)

    x_c = Constant(300e3)
    X = x / x_c

    B_0 = Constant(-150)
    B_2 = Constant(-728.8)
    B_4 = Constant(343.91)
    B_6 = Constant(-50.57)
    B_x = B_0 + B_2 * X ** 2 + B_4 * X ** 4 + B_6 * X ** 6

    f_c = Constant(4e3)
    d_c = Constant(500)
    w_c = Constant(24e3)

    B_y = d_c * (
        1 / (1 + exp(-2 * (y - Ly / 2 - w_c) / f_c)) +
        1 / (1 + exp(+2 * (y - Ly / 2 + w_c) / f_c))
    )

    z_deep = Constant(-720)

    return max_value(B_x + B_y, z_deep)
A = Constant(20)
C = Constant(1e-2)

We'll use the Schoof-type friction law from before rather than the Weertman sliding law.

from icepack.constants import (
    ice_density as ρ_I,
    water_density as ρ_W,
    gravity as g,
    weertman_sliding_law as m,
)


def friction(**kwargs):
    variables = ("velocity", "thickness", "surface", "friction")
    u, h, s, C = map(kwargs.get, variables)

    p_W = ρ_W * g * max_value(0, -(s - h))
    p_I = ρ_I * g * h
    N = max_value(0, p_I - p_W)
    τ_c = N / 2

    u_c = (τ_c / C) ** m
    u_b = sqrt(inner(u, u))

    return τ_c * (
        (u_c**(1 / m + 1) + u_b**(1 / m + 1))**(m / (m + 1)) - u_c
    )
a_0 = Constant(0.3)
import icepack
model = icepack.models.IceStream(friction=friction)
import tqdm


def run_simulation(solver, h, s, u, z_b, final_time, dt):
    h_in = Constant(100.0)
    a = interpolate(a_0, h.function_space())

    num_steps = int(final_time / dt)
    for step in tqdm.trange(num_steps):
        h = solver.prognostic_solve(
            dt,
            thickness=h,
            velocity=u,
            accumulation=a,
            thickness_inflow=h_in,
        )
        s = icepack.compute_surface(thickness=h, bed=z_b)

        u = solver.diagnostic_solve(
            velocity=u,
            thickness=h,
            surface=s,
            fluidity=A,
            friction=C,
        )

    return h, s, u
opts = {
    "dirichlet_ids": [1],
    "side_wall_ids": [3, 4],
    "diagnostic_solver_type": "petsc",
    "diagnostic_solver_parameters": {
        "snes_type": "newtontr",
        "ksp_type": "preonly",
        "pc_type": "lu",
        "pc_factor_mat_solver_type": "mumps",
    },
    "prognostic_solver_parameters": {
        "ksp_type": "gmres",
        "pc_type": "ilu",
    },
}

Load in the steady state of the system, computed with degree-1 elements, from checkpoint files if it exists. Recreate the steady state from a cold start if not.

import os

if os.path.exists("mismip-degree1.h5"):
    with firedrake.CheckpointFile("mismip-degree1.h5", "r") as chk:
        mesh = chk.load_mesh(name="mesh")

        h_1 = chk.load_function(mesh, name="thickness")
        s_1 = chk.load_function(mesh, name="surface")
        u_1 = chk.load_function(mesh, name="velocity")
        
        Q1 = h_1.function_space()
        V1 = u_1.function_space()
else:
    mesh = firedrake.RectangleMesh(nx, ny, Lx, Ly, name="mesh")
    Q1 = firedrake.FunctionSpace(mesh, "CG", 1)
    V1 = firedrake.VectorFunctionSpace(mesh, "CG", 1)

    z_b = interpolate(mismip_bed(mesh), Q1)
    h_0 = interpolate(Constant(100), Q1)
    s_0 = icepack.compute_surface(thickness=h_0, bed=z_b)

    flow_solver = icepack.solvers.FlowSolver(model, **opts)
    x = firedrake.SpatialCoordinate(mesh)[0]
    u_0 = flow_solver.diagnostic_solve(
        velocity=interpolate(as_vector((90 * x / Lx, 0)), V1),
        thickness=h_0,
        surface=s_0,
        fluidity=A,
        friction=C,
    )

    dt = 5.0
    final_time = 3600

    h_1, s_1, u_1 = run_simulation(
        flow_solver, h_0, s_0, u_0, z_b, final_time, dt
    )

    with firedrake.CheckpointFile("mismip-degree1.h5", "w") as chk:
        chk.save_mesh(mesh)
        chk.save_function(h_1, name="thickness")
        chk.save_function(s_1, name="surface")
        chk.save_function(u_1, name="velocity")

Load in the steady state computed with degree-2 elements from a file if it exists, or spin it up from the degree-1 solution if not.

flow_solver = icepack.solvers.FlowSolver(model, **opts)

if os.path.exists("mismip-degree2.h5"):
    with firedrake.CheckpointFile("mismip-degree2.h5", "r") as chk:
        mesh = chk.load_mesh(name="mesh")
        h = chk.load_function(mesh, name="thickness")
        s = chk.load_function(mesh, name="surface")
        u = chk.load_function(mesh, name="velocity")
        
        Q2 = h.function_space()
        V2 = u.function_space()
else:
    Q2 = firedrake.FunctionSpace(mesh, "CG", 2)
    V2 = firedrake.VectorFunctionSpace(mesh, "CG", 2)

    h = interpolate(h_1, Q2)
    s = interpolate(s_1, Q2)
    u = interpolate(u_1, V2)

    final_time = 3600
    dt = 4.0

    h, s, u = run_simulation(
        flow_solver, h, s, u, z_b, final_time, dt
    )

    with firedrake.CheckpointFile("mismip-degree2.h5", "w") as chk:
        chk.save_mesh(mesh)
        chk.save_function(h, name="thickness")
        chk.save_function(s, name="surface")
        chk.save_function(u, name="velocity")
        
z_b = interpolate(mismip_bed(mesh), Q2)
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[10], line 24
     20 final_time = 3600
     21 dt = 4.0
     23 h, s, u = run_simulation(
---> 24     flow_solver, h, s, u, z_b, final_time, dt
     25 )
     27 with firedrake.CheckpointFile("mismip-degree2.h5", "w") as chk:
     28     chk.save_mesh(mesh)

NameError: name 'z_b' is not defined

Simulation

For the inversion scenario, we'd like to make the system do something a little more interesting than just relax to steady state. To achieve that, we'll add a 1-year periodic oscillation to the accumulation rate. The only change in the core simulation loop is that now we're interpolating a new value to the accumulation rate at every step. Additionally, we're keeping the full time history of the system state in a list instead of just storing the final state.

import numpy as np
from numpy import pi as π

final_time = 25.0
dt = 1.0 / 24

hs = [h.copy(deepcopy=True)]
ss = [s.copy(deepcopy=True)]
us = [u.copy(deepcopy=True)]

h_in = Constant(100.0)
a = firedrake.Function(Q2)
δa = Constant(0.2)

num_steps = int(final_time / dt)
for step in tqdm.trange(num_steps):
    t = step * dt
    a.interpolate(a_0 + δa * firedrake.sin(2 * π * t))
    
    h = flow_solver.prognostic_solve(
        dt,
        thickness=h,
        velocity=u,
        accumulation=a,
        thickness_inflow=h_in,
    )
    s = icepack.compute_surface(thickness=h, bed=z_b)

    u = flow_solver.diagnostic_solve(
        velocity=u,
        thickness=h,
        surface=s,
        fluidity=A,
        friction=C,
    )

    hs.append(h.copy(deepcopy=True))
    ss.append(s.copy(deepcopy=True))
    us.append(u.copy(deepcopy=True))
  0%|          | 0/600 [00:02<?, ?it/s]
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[11], line 27
     18 a.interpolate(a_0 + δa * firedrake.sin(2 * π * t))
     20 h = flow_solver.prognostic_solve(
     21     dt,
     22     thickness=h,
   (...)
     25     thickness_inflow=h_in,
     26 )
---> 27 s = icepack.compute_surface(thickness=h, bed=z_b)
     29 u = flow_solver.diagnostic_solve(
     30     velocity=u,
     31     thickness=h,
   (...)
     34     friction=C,
     35 )
     37 hs.append(h.copy(deepcopy=True))

NameError: name 'z_b' is not defined

The plot below shows the average thickness of the glacier over time. By the end of the interval the system has migrated towards a reasonably stable limit cycle.

import matplotlib.pyplot as plt

average_thicknesses = np.array([firedrake.assemble(h * dx) / (Lx * Ly) for h in hs])
times = np.linspace(0, final_time, num_steps + 1)

fig, ax = plt.subplots()
ax.set_xlabel("time (years)")
ax.set_ylabel("average thickness (meters)")
ax.plot(times, average_thicknesses);
---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
Cell In[12], line 9
      7 ax.set_xlabel("time (years)")
      8 ax.set_ylabel("average thickness (meters)")
----> 9 ax.plot(times, average_thicknesses);

File /home/firedrake/firedrake/lib/python3.10/site-packages/matplotlib/axes/_axes.py:1721, in Axes.plot(self, scalex, scaley, data, *args, **kwargs)
   1478 """
   1479 Plot y versus x as lines and/or markers.
   1480 
   (...)
   1718 (``'green'``) or hex strings (``'#008000'``).
   1719 """
   1720 kwargs = cbook.normalize_kwargs(kwargs, mlines.Line2D)
-> 1721 lines = [*self._get_lines(self, *args, data=data, **kwargs)]
   1722 for line in lines:
   1723     self.add_line(line)

File /home/firedrake/firedrake/lib/python3.10/site-packages/matplotlib/axes/_base.py:303, in _process_plot_var_args.__call__(self, axes, data, *args, **kwargs)
    301     this += args[0],
    302     args = args[1:]
--> 303 yield from self._plot_args(
    304     axes, this, kwargs, ambiguous_fmt_datakey=ambiguous_fmt_datakey)

File /home/firedrake/firedrake/lib/python3.10/site-packages/matplotlib/axes/_base.py:499, in _process_plot_var_args._plot_args(self, axes, tup, kwargs, return_kwargs, ambiguous_fmt_datakey)
    496     axes.yaxis.update_units(y)
    498 if x.shape[0] != y.shape[0]:
--> 499     raise ValueError(f"x and y must have same first dimension, but "
    500                      f"have shapes {x.shape} and {y.shape}")
    501 if x.ndim > 2 or y.ndim > 2:
    502     raise ValueError(f"x and y can be no greater than 2D, but have "
    503                      f"shapes {x.shape} and {y.shape}")

ValueError: x and y must have same first dimension, but have shapes (601,) and (1,)
No description has been provided for this image

Hindcasting

We're now going to see if we can recover the state of the system at time $t = 23.5$ from knowledge of the system state at time $t = 25$. The biggest departure in this notebook from the previous demonstration of statistical estimation problems is that now our simulation includes a full loop over all timesteps, rather than a single diagnostic solve. The simulation has to take in the controls (the unknown initial thickness) and return the observables (the final thickness). There are a few extra variables, like the start and end times and the mean and fluctuations of the accumulation rate, that come in implicitly but aren't actual function arguments.

start_time = 23.5
final_time = 25.0

def simulation(h_initial):
    a = firedrake.Function(Q2)
    h = h_initial.copy(deepcopy=True)
    s = icepack.compute_surface(thickness=h, bed=z_b)
    u = flow_solver.diagnostic_solve(
        velocity=us[-1].copy(deepcopy=True),
        thickness=h,
        surface=s,
        fluidity=A,
        friction=C,
    )
    t = Constant(start_time)

    num_steps = int((final_time - start_time) / dt)
    for step in tqdm.trange(num_steps):
        t = Constant(t + dt)
        a.interpolate(a_0 + δa * firedrake.sin(2 * π * t))

        h = flow_solver.prognostic_solve(
            dt,
            thickness=h,
            velocity=u,
            accumulation=a,
            thickness_inflow=h_in,
        )
        s = icepack.compute_surface(thickness=h, bed=z_b)

        u = flow_solver.diagnostic_solve(
            velocity=u,
            thickness=h,
            surface=s,
            fluidity=A,
            friction=C,
        )

    return h

The loss functional calculates how well the final thickness and velocity from the simulation matches that from the actual time series.

def loss_functional(h_final):
    σ_h = Constant(1.0)
    return 0.5 / area * ((h_final - hs[-1]) / σ_h)**2 * dx

In the previous demonstration of inverse methods, we used a prior that favored a smooth value of the fluidity:

$$R(\theta) = \frac{\alpha^2}{2}\int_\Omega|\nabla\theta|^2dx.$$

Here we have a little more knowledge; while the initial state might depart somewhat from the final state, we expect the difference between the two to be fairly smooth. So we'll instead use the prior

$$R(h(t_0)) = \frac{\alpha^2}{2}\int_\Omega|\nabla(h(t_1) - h(t_0))|^2dx.$$

def regularization(h_initial):
    α = Constant(0.0)
    δh = h_initial - hs[-1]
    return 0.5 * α**2 / area * inner(grad(δh), grad(δh)) * dx

As our starting guess for the initial thickness, we'll assume that it's equal to the final thickness.

h_initial = hs[-1].copy(deepcopy=True)

We've added a few extra options to pass to the optimizer in order to guarantee convergence to the right solution.

from icepack.statistics import (
    StatisticsProblem,
    MaximumProbabilityEstimator,
)

stats_problem = StatisticsProblem(
    simulation=simulation,
    loss_functional=loss_functional,
    regularization=regularization,
    controls=h_initial,
)

estimator = MaximumProbabilityEstimator(
    stats_problem,
    algorithm="bfgs",
    memory=10,
    gradient_tolerance=1e-12,
    step_tolerance=5e-14,
)
h_min = estimator.solve()
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[18], line 1
----> 1 h_min = estimator.solve()

File /__w/icepack.github.io/icepack.github.io/icepack/src/icepack/statistics.py:167, in MaximumProbabilityEstimator.solve(self)
    164     self._controls = [field.copy(deepcopy=True) for field in problem.controls]
    166 # Form the objective functional
--> 167 self._state = self.problem.simulation(self.controls)
    168 E = sum(assemble(E(self.state)) for E in self.problem.loss_functional)
    169 R = sum(assemble(R(self.controls)) for R in self.problem.regularization)

Cell In[13], line 7, in simulation(h_initial)
      5 a = firedrake.Function(Q2)
      6 h = h_initial.copy(deepcopy=True)
----> 7 s = icepack.compute_surface(thickness=h, bed=z_b)
      8 u = flow_solver.diagnostic_solve(
      9     velocity=us[-1].copy(deepcopy=True),
     10     thickness=h,
   (...)
     13     friction=C,
     14 )
     15 t = Constant(start_time)

NameError: name 'z_b' is not defined

The minimizer is appreciably different from the thickness at $t = 25.0$ and very to the value at $t = 23.5$, so the algorithm has reproduced the initial condition that we pretended not to know.

δh_end = h_min - hs[-1]
print(f"|h_min - h(25.0)|: {firedrake.norm(δh_end)}")
num_steps = int((final_time - start_time) / dt)
δh_start = h_min - hs[-1 - num_steps]
print(f"|h_min - h(23.5)|: {firedrake.norm(δh_start)}")
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[19], line 1
----> 1 δh_end = h_min - hs[-1]
      2 print(f"|h_min - h(25.0)|: {firedrake.norm(δh_end)}")
      3 num_steps = int((final_time - start_time) / dt)

NameError: name 'h_min' is not defined
import icepack.plot

δh = interpolate(h_min - hs[-1 - num_steps], Q2)
fig, axes = icepack.plot.subplots()
axes.set_title("Estimated - True thickness")
colors = firedrake.tripcolor(
    δh, vmin=-0.002, vmax=+0.002, cmap="RdBu", axes=axes
)
fig.colorbar(colors, fraction=0.01, pad=0.046);
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[20], line 3
      1 import icepack.plot
----> 3 δh = interpolate(h_min - hs[-1 - num_steps], Q2)
      4 fig, axes = icepack.plot.subplots()
      5 axes.set_title("Estimated - True thickness")

NameError: name 'h_min' is not defined

Conclusion

In previous demos, we've shown how use measurements of observable fields, like ice velocity and thickness, to estimate unknown parameters that satisfy constraints from a physics model. The physics model was fairly rudimentary before -- taking in a single field like the ice fluidity and returning the ice velocity as computed from the momentum conservation equation. Here we showed how to use much more complex simulations involving a full timestepping loop. Instead of estimating an unobservable parameter of the system, like the fluidity or friction coefficient, we instead showed how to estimate the thickness at a different time from when it was observed.

Solving these kinds of problems is more computationally expensive and finding better or faster algorithms is an active area of research. While costly, the capability does open up many more possible research directions and improvements on existing practice. For example, when estimating the ice fluidity or friction, it's common to assume that the thickness and velocity measurements were taken at the same time. This assumption is almost never exactly true. The ability to do time-dependent data assimilation means that we can dispense with it.