Skip to content

Documentation from Jutul.jl

JutulDarcy.jl builds upon Jutul.jl, which takes care of the heavy lifting in terms of meshes, discretizations and solvers. You can use JutulDarcy.jl without knowing the inner workings of Jutul.jl, but if you want to dive under the hood the Jutul.jl manual and Jutul.jl docstrings may be useful.

We include the docstrings here for your convenience:

Jutul.AMGPreconditioner Type

AMG on CPU (Julia native)

source
Jutul.BlockMajorLayout Type

Same as EntityMajorLayout, but the system is a sparse matrix where each entry is a small dense matrix.

For a test system with primary variables P, S and equations E1, E2 and two cells this will give a diagonal of length 2: [(∂E1/∂p)₁ (∂E1/∂S)₁ ; (∂E2/∂p)₁ (∂E2/∂S)₁] [(∂E1/∂p)₂ (∂E1/∂S)₂ ; (∂E2/∂p)₂ (∂E2/∂S)₂]

source
Jutul.BoundaryFaces Type

Entity for faces on the boundary (faces that are only connected to a single Cells)

source
Jutul.CartesianMesh Type
julia
CartesianMesh(dims, [Δ, [origin]])

Create a Cartesian mesh with dimensions specified by the Tuple dims.

Arguments

  • dims::Tuple: Number of grid cells in each direction. For example, (nx, ny) will give a 2D grids with nx cells in the x-direction.

  • Δ::Tuple=Tuple(ones(length(dims))): Equal length to dims. First option: A

Tuple of scalars where each entry is the length of each cell in that direction. For example, specifying (Δx, Δy) for a uniform grid with each grid cell having area ofΔx*Δy. Second option: ATuple` of vectors where each entry contains the cell sizes in the direction.

  • origin=zeros(length(dims)): The origin of the first corner in the grid.

Examples

Generate a uniform 3D mesh that discretizes a domain of 2 by 3 by 5 units with 3 by 5 by 2 cells:

julia
julia> CartesianMesh((3, 5, 2), (2.0, 3.0, 5.0))
CartesianMesh (3D) with 3x5x2=30 cells

Generate a non-uniform 2D mesh:

julia
julia> CartesianMesh((2, 3), ([1.0, 2.0], [0.1, 3.0, 2.5]))
CartesianMesh (2D) with 2x3x1=6 cells
source
Jutul.Cells Type

Entity for Cells (closed volumes with averaged properties for a finite-volume solver)

source
Jutul.CoarseMesh Method
julia
CoarseMesh(G::JutulMesh, p)

Construct a coarse mesh from a given JutulMesh that can be converted to an UnstructuredMesh instance. The second argument p should be a partition Vector with one entry per cell in the original grid that assigns that cell to a coarse block. Should be one-indexed and the numbering should be sequential and contain at least one fine cell for each coarse index. This is tested by the function.

source
Jutul.CompactAutoDiffCache Type

Cache that holds an AD vector/matrix together with their positions.

source
Jutul.DataDomain Method
julia
DataDomain(domain::JutulDomain; property1 = p1, property2 = p2, ...)

A wrapper around a domain that allows for storing of entity-associated data.

Example:

julia
# Grid with 6 cells and 7 interior faces
g = CartesianMesh((2, 3))
d = DataDomain(g)
d[:cell_vec] = rand(6) #ok, same as:
d[:cell_vec, Cells()] = rand(6) #ok
d[:cell_vec, Faces()] = rand(6) #not ok!
d[:face_vec, Faces()] = rand(7) #ok!
# Can also add general arrays if last dimension == entity dimension
d[:cell_vec, Cells()] = rand(10, 3, 6) #ok
# Can add general data too, but needs to be specified
d[:not_on_face_or_cell, nothing] = rand(3) # also ok
source
Jutul.DefaultContext Type

Default context

source
Jutul.DiscretizedDomain Type
julia
DiscretizedDomain(domain, disc = nothing)

A type for a discretized domain of some other domain or mesh. May contain one or more discretizations as-needed to write equations.

source
Jutul.EntityMajorLayout Type

Equations are grouped by entity, listing all equations and derivatives for entity 1 before proceeding to entity 2 etc.

For a test system with primary variables P, S and equations E1, E2 and two cells this will give the following ordering on the diagonal: (∂E1/∂p)₁, (∂E2/∂S)₁, (∂E1/∂p)₂, (∂E2/∂S)₂

source
Jutul.EquationMajorLayout Type

Equations are stored sequentially in rows, derivatives of same type in columns:

For a test system with primary variables P, S and equations E1, E2 and two cells this will give the following ordering on the diagonal: (∂E1/∂p)₁, (∂E1/∂p)₂, (∂E2/∂S)₁, (∂E2/∂S)₂

source
Jutul.EquationSet Type

Set of a variable where equations are defined

source
Jutul.FaceMap Type

Struct that contains mappings for a set of faces that are made up of nodes and are part of cells.

source
Jutul.Faces Type

Entity for Faces (intersection between pairs of Cells)

source
Jutul.FlowDiscretization Type

Discretization of kgradp + upwind

source
Jutul.FractionVariables Type

Abstract type for fraction variables (vector variables that sum up to unity over each entity).

By default, these are limited to the [0, 1] range through maximum_value and minimum_value default implementations.

source
Jutul.GenericKrylov Type
julia
GenericKrylov(solver = :gmres; preconditioner = nothing; <kwarg>)

Solver that wraps Krylov.jl with support for preconditioning.

source
Jutul.GlobalSet Type

The global set of variables

source
Jutul.GroupWisePreconditioner Type

Multi-model preconditioners

source
Jutul.HalfFaces Type

Entity for half-faces (face associated with a single Cells)

source
Jutul.HelperSimulator Method
julia
HelperSimulator(model::M, T = Float64; state0 = setup_state(model), executor::E = Jutul.default_executor()) where {M, E}

Construct a helper simulator that can be used to compute the residuals and/or accumulation terms for a given type T. Useful for coupling Jutul to other solvers and types of automatic differentiation.

source
Jutul.ILUZeroPreconditioner Type

ILU(0) preconditioner on CPU

source
Jutul.IndirectionMap Type

IndirectionMap(vals::Vector{V}, pos::Vector{Int}) where V

Create a indirection map that encodes a variable length dense vector.

pos is assumed to be a Vector{Int} of length n+1 where n is the number of dense vectors that is encoded. The vals array holds the entries for vector i in the range pos[i]:(pos[i+1]-1) for fast lookup. Indexing into the indirection map with index k will give a view into the values for vector k.

source
Jutul.IndirectionMap Method
julia
imap = IndirectionMap(vec_of_vec::Vector{V}) where V

Create indirection map for a variable length dense vector that is represented as a Vector of Vectors.

source
Jutul.JacobiPreconditioner Type

Damped Jacobi preconditioner on CPU

source
Jutul.JutulAutoDiffCache Type

An AutoDiffCache is a type that holds both a set of AD values and a map into some global Jacobian.

source
Jutul.JutulCase Type
julia
JutulCase(model, dt = [1.0], forces = setup_forces(model); state0 = nothing, parameters = nothing, kwarg...)

Set up a structure that holds the complete specification of a simulation case.

source
Jutul.JutulConfig Type

JutulConfig(name = nothing)

A configuration object that acts like a Dict{Symbol,Any} but contains additional data to limit the valid keys and values to those added by add_option!

source
Jutul.JutulContext Type

Abstract type for the context Jutul should execute in (matrix formats, memory allocation, etc.)

source
Jutul.JutulDiscretization Type
julia
d = disc(i, Cells())

Ask discretization for entry i when discretizing some equation on the chosen entity (e.g. Cells)

source
Jutul.JutulDiscretization Type

Abstract type for a Jutul discretization

source
Jutul.JutulDomain Type

Abstract type for domains where equations can be defined

source
Jutul.JutulEntity Type

Super-type for all entities where JutulVariables can be defined.

source
Jutul.JutulEquation Type

Abstract type for all residual equations

source
Jutul.JutulForce Type

Abstract type for driving forces

source
Jutul.JutulMatrixLayout Type

Abstract type for matrix layouts. A layout determines how primary variables and equations are ordered in a sparse matrix representation. Note that this is different from the matrix format itself as it concerns the ordering itself: For example, if all equations for a single cell come in sequence, or if a single equation is given for all entities before the next equation is written.

Different layouts does not change the solution of the system, but different linear solvers support different layouts.

source
Jutul.JutulMesh Type

A mesh is a type of domain that has been discretized. Abstract subtype.

source
Jutul.JutulSystem Type

Abstract type for the physical system to be solved.

source
Jutul.JutulVariables Type

Abstract type for all variables in Jutul.

A variable is associated with a JutulEntity through the associated_entity function. A variable is local to that entity, and cannot depend on other entities. Variables are used by models to define:

  • primary variables: Sometimes referred to as degrees of freedom, primary unknowns or solution variables

  • parameters: Static quantities that impact the solution

  • secondary variables: Can be computed from a combination of other primary and secondary variables and parameters.

source
Jutul.LUPreconditioner Type

Full LU factorization as preconditioner (intended for smaller subsystems)

source
Jutul.LUSolver Type
julia
LUSolver(; reuse_memory = true, check = true, max_size = 50000)

Direct solver that calls lu directly. Direct solvers are highly accurate, but are costly in terms of memory usage and execution speed for larger systems.

source
Jutul.LimitByFailedTimestepSelector Type
julia
sel = LimitByFailedTimestepSelector(num = 10, factor = 0.9)

Limit the timestep by the shortest of num failed timesteps, reducing the timestep by factor multiplied by the shortest failed timestep. If no time-steps failed during the last num steps, the timestep is not changed.

source
Jutul.MRSTWrapMesh Type
julia
MRSTWrapMesh(G, N = nothing)

Mesh that adapts an exported MRST mesh to the Jutul interface. G is assumed to be read directly from file using MAT.matread. The raw exported grid can be found under the data field.

source
Jutul.MultiModel Type
julia
MultiModel(models)
MultiModel(models, :SomeLabel)

A model variant that is made up of many named submodels, each a fully realized SimulationModel.

models should be a NamedTuple or Dict{Symbol, JutulModel}.

source
Jutul.NoEntity Type

An entity for something that isn't associated with an entity

source
Jutul.Nodes Type

Entity for Nodes (intersection between multiple Faces)

source
Jutul.ParallelCSRContext Type

A context that uses a CSR sparse matrix format together with threads. Experimental.

source
Jutul.SPAI0Preconditioner Type

Sparse Approximate Inverse preconditioner of lowest order – SPAI(0)

source
Jutul.SPU Type

Single-point upwinding.

source
Jutul.ScalarVariable Type

Abstract type for scalar variables (one entry per entity, e.g. pressure or temperature in each cell of a model)

source
Jutul.SimulationModel Method
julia
SimulationModel(domain, system; <kwarg>)

Instantiate a model for a given system discretized on the domain.

source
Jutul.SimulationModel Method
julia
SimulationModel(g::JutulMesh, system; discretization = nothing, kwarg...)

Type that defines a simulation model - everything needed to solve the discrete equations.

The minimal setup requires a JutulMesh that defines topology together with a JutulSystem that imposes physical laws.

source
Jutul.Simulator Method
julia
Simulator(model; <kwarg>)

Set up a simulator object for a model that can be used by simulate!. To avoid manually instantiating the simulator, the non-mutating simulate interface can be used instead.

source
Jutul.SparsityTracingWrapper Method
julia
SparsityTracingWrapper(x::AbstractArray{T, N}) where {T, N}

Create a sparsity tracing wrapper for a numeric array. This wrapped array produces outputs that have the same value as the wrapped type, but contains a SparsityTracing seeded value with seed equal to the column index (if matrix) or linear index (if vector).

source
Jutul.TPFA Type

Two-point flux approximation.

source
Jutul.TwoPointFiniteVolumeGeometry Type
julia
TwoPointFiniteVolumeGeometry(neighbors, areas, volumes, normals, cell_centers, face_centers)

Store two-point geometry information for a given list of neighbors specified as a 2 by n matrix where n is the number of faces such that face i connectes cells N[1, i] and N[2, i].

The two-point finite-volume geometry contains the minimal set of geometry information required to compute standard finite-volume discretizations.

source
Jutul.UnstructuredMesh Method
julia
UnstructuredMesh(g::CartesianMesh)

Convert CartesianMesh instance to unstructured grid. Note that the mesh must be 2D and 3D for a 1-to-1 conversion. 1D meshes are implicitly converted to 2D.

source
Jutul.VariableSet Type

Set of a variable where variables are defined

source
Jutul.VectorVariables Type

Abstract type for vector variables (more than one entry per entity, for example saturations or displacements)

source
Jutul.absolute_increment_limit Method

Absolute allowable change for variable during a nonlinear update.

source
Jutul.add_option! Function
julia
add_option!(opts::JutulConfig, :my_cool_option, 3, "My option has this brief description")

Add an option to existing JutulConfig structure. Additional currently undocumented keyword arguments can be used to restrict valid types and values.

source
Jutul.align_to_jacobian! Method

Update an equation so that it knows where to store its derivatives in the Jacobian representation.

source
Jutul.align_to_jacobian! Method

Update positions of law's derivatives in global Jacobian

source
Jutul.allocate_array_ad Method
julia
allocate_array_ad(v::AbstractMatrix, ...)

Convert matrix to AD matrix.

source
Jutul.allocate_array_ad Method
julia
allocate_array_ad(v::AbstractVector, ...)

Convert vector to AD vector.

source
Jutul.allocate_array_ad Method
julia
allocate_array_ad(n[, m]; <keyword arguments>)

Allocate vector or matrix as AD with optionally provided context and a specified non-zero on the diagonal.

Arguments

  • n::Integer: number of entries in vector, or number of rows if m is given.

  • m::Integer: number of rows (optional)

Keyword arguments

  • npartials = 1: Number of partials derivatives to allocate for each element

  • diag_pos = nothing: Indices of where to put entities on the diagonal (if any)

Other keyword arguments are passed onto get_ad_entity_scalar.

Examples:

Allocate a vector with a single partial:

julia
julia> allocate_array_ad(2)
2-element Vector{ForwardDiff.Dual{nothing, Float64, 1}}:
 Dual{nothing}(0.0,0.0)
 Dual{nothing}(0.0,0.0)

Allocate a vector with two partials, and set the first to one:

julia
julia> allocate_array_ad(2, diag_pos = 1, npartials = 2)
2-element Vector{ForwardDiff.Dual{nothing, Float64, 2}}:
 Dual{nothing}(0.0,1.0,0.0)
 Dual{nothing}(0.0,1.0,0.0)

Set up a matrix with two partials, where the first column has partials [1, 0] and the second [0, 1]:

julia
julia> allocate_array_ad(2, 2, diag_pos = [1, 2], npartials = 2)
2×2 Matrix{ForwardDiff.Dual{nothing, Float64, 2}}:
 Dual{nothing}(0.0,1.0,0.0)  Dual{nothing}(0.0,1.0,0.0)
 Dual{nothing}(0.0,0.0,1.0)  Dual{nothing}(0.0,0.0,1.0)
source
Jutul.apply! Method

Trivial / identity preconditioner with size for use in subsystems.

source
Jutul.apply_forces! Method

Apply a set of forces to all equations. Equations that don't support a given force will just ignore them, thanks to the power of multiple dispatch.

source
Jutul.apply_forces_to_equation! Method
julia
apply_forces_to_equation!(diag_part, storage, model, eq, eq_s, force, time)

Update an equation with the effect of a force. The default behavior for any force we do not know about is to assume that the force does not impact this particular equation.

source
Jutul.as_value Method

Create a mapped array that produces only the values when indexed.

Only useful for AD arrays, otherwise it does nothing.

source
Jutul.associated_entity Method

Return the domain entity the equation is associated with

source
Jutul.associated_entity Method

The entity a variable is associated with, and can hold partial derivatives with respect to.

source
Jutul.cartesian_partition Function
julia
cartesian_partition(D::DataDomain, coarse_dims, ptype = :centroids)

Perform Cartesian partition in centroid or IJK space.

Examples

Generate 5x5x5 partition based on points (suitable for unstructured meshes)

julia
mesh = CartesianMesh((50, 50, 1))
p_pts = Jutul.cartesian_partition(domain, (5, 5, 5), :centroids)

Generate 5x5x5 partition based on IJK indices (suitable for logically Cartesian meshes)

julia
mesh = CartesianMesh((50, 50, 1))
p_ijk = Jutul.cartesian_partition(domain, (5, 5, 5), :ijk)
source
Jutul.cell_dims Method
julia
cell_dims(g, pos)::Tuple

Get physical cell dimensions of cell with index pos for grid g.

source
Jutul.cell_index Method
julia
cell_index(g, pos)

Get linear (scalar) index of mesh cell from provided IJK tuple pos.

source
Jutul.cells_inside_bounding_box Method
julia
cells_inside_bounding_box(G::UnstructuredMesh, low_bb, high_bb; algorithm = :box, atol = 0.01)
source
Jutul.check_amgcl_availability Method
julia
check_amgcl_availability(; throw = true)

Check if AMGCLWrap extension is available. If throw=true this wil be an error, otherwise a Boolean indicating if the extension is available will be returned.

source
Jutul.check_plotting_availability Method
julia
check_plotting_availability(; throw = true, interactive = false)

Check if plotting through at least one Makie backend is available in the Julia session (after package has been loaded by for example using GLMakie). The argument throw can be used to control if this function acts as a programmatic check (throw=false) there the return value indicates availability, or if an error message is to be printed telling the user how to get plotting working (throw=true)

An additional check for specifically interactive plots can also be added.

source
Jutul.compress_timesteps Function
julia
compress_timesteps(timesteps, forces = nothing; max_step = Inf)

Compress a set of timesteps and forces to the largest possible steps that still covers the same interval and changes forces at exactly the same points in time, while being limited to a maximum size of max_step.

source
Jutul.compress_timesteps Method
julia
compress_timesteps(case::JutulCase; max_step = Inf)

Compress time steps for a Jutul case. See compress_timesteps for the general case.

source
Jutul.compute_boundary_trans Method
julia
compute_boundary_trans(d::DataDomain, perm)

Compute the boundary half face transmissibilities for perm. The input perm can either be the symbol of some data defined on Cells(), a vector of numbers for each cell or a matrix with number of columns equal to the number of cells.

source
Jutul.compute_face_trans Method

compute_face_trans(g::DataDomain, perm)

Compute face trans for the interior faces. The input perm can either be the symbol of some data defined on Cells(), a vector of numbers for each cell or a matrix with number of columns equal to the number of cells.

source
Jutul.compute_half_face_trans Method
julia
compute_half_face_trans(g::DataDomain, perm)

Compute half-face trans for the interior faces. The input perm can either be the symbol of some data defined on Cells(), a vector of numbers for each cell or a matrix with number of columns equal to the number of cells.

source
Jutul.convergence_criterion Method
julia
convergence_criterion(model, storage, eq, eq_s, r; dt = 1)

Get the convergence criterion values for a given equation. Can be checked against the corresponding tolerances.

Arguments

  • model: model that generated the current equation.

  • storage: global simulator storage.

  • eq::JutulEquation: equation implementation currently being checked

  • eq_s: storage for eq where values are contained.

  • r: the local residual part corresponding to this model, as a matrix with column index equaling entity index

source
Jutul.convert_from_si Method
julia
convert_from_si(value, unit_name::Union{Symbol, String})

Convert value from SI representation to the unit in unit_symbol.

Examples

julia
julia> convert_from_si(3600.0, :hour) # Get 3600 s represented as hours
1.0
source
Jutul.convert_state_ad Function

Convert a state containing variables as arrays of doubles to a state where those arrays contain the same value as Dual types. The dual type is currently taken from ForwardDiff.

source
Jutul.convert_to_si Method
julia
convert_to_si(value, unit_name::String)

Convert value to SI representation from value in the unit given by unit_symbol.

Examples

julia
julia> convert_to_si(1.0, :hour) # Get 1 hour represented as seconds
3600.0
source
Jutul.coord_offset Method

Lower corner for one dimension, without any transforms applied

source
Jutul.data_domain_to_parameters_gradient Method
julia
data_domain_to_parameters_gradient(model, parameter_gradient; dp_dd = missing, config = nothing)

Make a data_domain copy that contains the gradient of some objective with respect to the fields in the data_domain, assuming that the parameters were initialized directly from the data_domain via (setup_parameters)[@ref].

source
Jutul.declare_pattern Method

Give out source, target arrays of equal length for a given equation attached to the given model.

source
Jutul.declare_sparsity Function

Give out I, J arrays of equal length for a given equation attached to the given model.

source
Jutul.degrees_of_freedom_per_entity Method

Number of independent primary variables / degrees of freedom per computational entity.

source
Jutul.descalarize_primary_variable! Method
julia
descalarize_primary_variable!(dest_array, model, V, var::Jutul.ScalarVariable, index)

Descalarize a primary variable, overwriting dest_array at entity index. The AD status of entries in dest_array will be retained.

source
Jutul.descalarize_primary_variables! Function
julia
descalarize_primary_variables!(state, model, V, pvars::NamedTuple = (; pairs(model.primary_variables)...), ind = eachindex(V))

Replace valeus in state by the scalarized values found in V.

source
Jutul.dim Method
julia
dim(g)::Integer

Get the dimension of a mesh.

source
Jutul.expand_to_ministeps Method
julia
substates, dt, report_index = expand_to_ministeps(states, reports)

Get states and timesteps at the finest stored resolution. Output lengths depend on if output_substates option to simulator was enabled.

source
Jutul.expand_to_ministeps Method
julia
substates, dt, report_index = expand_to_ministeps(result::SimResult)

Get states and timesteps at the finest stored resolution. Output lengths depend on if output_substates option to simulator was enabled.

source
Jutul.extra_debug_output! Method
julia
extra_debug_output!(report, storage, model, config, iteration, dt)

Add extra debug output to report during a nonlinear iteration.

source
Jutul.extract_submesh Method
julia
extract_submesh(g::UnstructuredMesh, cells)

Extract a subgrid for a given mesh and a iterable of cells to keep.

source
Jutul.find_enclosing_cell Method
julia
find_enclosing_cell(G::UnstructuredMesh{D}, pt::SVector{D, T},
    normals::AbstractVector{SVector{D, T}},
    face_centroids::AbstractVector{SVector{D, T}},
    boundary_normals::AbstractVector{SVector{D, T}},
    boundary_centroids::AbstractVector{SVector{D, T}},
    cells = 1:number_of_cells(G)
) where {D, T}

Find enclosing cell of a point. This can be a bit expensive for larger meshes. Recommended to use the more high level find_enclosing_cells instead.

source
Jutul.find_enclosing_cells Method
julia
find_enclosing_cells(G, traj; geometry = tpfv_geometry(G), n = 25)

Find the cell indices of cells in the mesh G that are intersected by a given trajectory traj. traj can be either a matrix with equal number of columns as dimensions in G (i.e. three columns for 3D) or a Vector of SVector instances with the same length.

The optional argument geometry is used to define the centroids and normals used in the calculations. You can precompute this if you need to perform many searches. The keyword argument n can be used to set the number of discretizations in each segment.

use_boundary is by default set to false. If set to true, the boundary faces of cells are treated more rigorously when picking exactly what cells are cut by a trajectory, but this requires that the boundary normals are oriented outwards, which is currently not the case for all meshes from downstream packages.

limit_box speeds up the search by limiting the search to the minimal bounding box that contains both the trajectory and the mesh. This can be turned off by passing false. There should be no difference in the cells tagged by changing this option.

Examples:

# 3D mesh
G = CartesianMesh((4, 4, 5), (100.0, 100.0, 100.0))
trajectory = [
    50.0 25.0 1;
    55 35.0 25;
    65.0 40.0 50.0;
    70.0 70.0 90.0
]

cells = Jutul.find_enclosing_cells(G, trajectory)

# Optional plotting, requires Makie:
fig, ax, plt = Jutul.plot_mesh_edges(G)
plot_mesh!(ax, G, cells = cells, alpha = 0.5, transparency = true)
lines!(ax, trajectory, linewidth = 10)
fig
# 2D mesh
G = CartesianMesh((50, 50), (1.0, 2.0))
trajectory = [
    0.1 0.1;
    0.2 0.4;
    0.3 1.2
]
fig, ax, plt = Jutul.plot_mesh_edges(G)
cells = Jutul.find_enclosing_cells(G, trajectory)
# Plotting, needs Makie
fig, ax, plt = Jutul.plot_mesh_edges(G)
plot_mesh!(ax, G, cells = cells, alpha = 0.5, transparency = true)
lines!(ax, trajectory[:, 1], trajectory[:, 2], linewidth = 3)
fig
source
Jutul.full_cell Method

Inner cell to local cell (full set)

source
Jutul.get_1d_interpolator Method
julia
get_1d_interpolator(xs, ys; <keyword arguments>)

Get a 1D interpolator F(x) ≈ y for a table xs, ys that by default does constant extrapolation

Arguments

  • xs: sorted list of parameter points.

  • ys: list of function values with equal length to xs

  • method=LinearInterpolant: constructor for the interpolation. Defaults to LinearInterpolant which does simple linear interpolation.

  • cap_endpoints = true: Add values so that the endpoints are capped (constant extrapolation). Otherwise, the extrapolation will match the method.

  • cap_start = cap_endpoints: Fine-grained version of cap_endpoints for the start of the interval only (extrapolation for x < xs[1])

  • cap_end = cap_endpoints:Fine-grained version of cap_endpoints for the end of the interval only (extrapolation for x > xs[end])

Additional keyword arguments are passed onto the interpolator constructor.

source
Jutul.get_2d_interpolator Method
julia
get_2d_interpolator(xs, ys, fs; method = BilinearInterpolant, cap_endpoints = true)

For xs of length nx and ys of length ny generate a 2D interpolation for values given as a nx by ny matrix. By default cap_endpoints=true, and constant extrapolation is used. Fine-grined control over extrapolation can be achieved by setting the keywords arguments cap_x = (cap_low_x, cap_high_x) and analogously for cap_y.

source
Jutul.get_ad_entity_scalar Method
julia
get_ad_entity_scalar(v::Real, npartials, diag_pos = nothing; <keyword_arguments>)

Get scalar with partial derivatives as AD instance.

Arguments

  • v::Real: Value of AD variable.

  • npartials: Number of partial derivatives each AD instance holds.

  • diag_pos = nothing: Position(s) of where to set 1 as the partial derivative instead of zero.

Keyword arguments

  • tag = nothing: Tag for AD instance. Two AD values of the different tag cannot interoperate to avoid perturbation confusion (see ForwardDiff documentation).
source
Jutul.get_dependencies Method

Get dependencies of variable when viewed as a secondary variable. Normally autogenerated with @jutul_secondary

source
Jutul.get_diagonal_entries Method
julia
get_diagonal_entries(eq::JutulEquation, eq_s)

Get the diagonal entries of a cache, i.e. the entries where entity type and index equals that of the governing equation.

Note: Be very careful about modifications to this array, as this is a view into the internal AD buffers and it is very easy to create inconsistent Jacobians.

source
Jutul.get_entity_tag Method
julia
get_entity_tag(basetag, entity)

Combine a base tag (which can be nothing) with a entity to get a tag that captures base tag + entity tag for use with AD initialization.

source
Jutul.get_entries Method

Get entries of autodiff cache. Entries are AD vectors that hold values and derivatives.

source
Jutul.get_entries Method

Get the entries of the main autodiff cache for an equation.

Note: This only gets the .equation field's entries.

source
Jutul.get_mesh_entity_tag Method
julia
get_mesh_entity_tag(met::JutulMesh, entity::JutulEntity, tag_group::Symbol, tag_value = missing; throw = true)

Get the indices tagged for entity in group tag_group, optionally for the specific tag_value. If ismissing(tag_value), the Dict containing the tag group will be returned.

source
Jutul.get_parameters Method
julia
get_parameters(model::SimulationModel)

Get the parameter definitions (as OrderedDict) for a given model.

Parameters are defined as static values in a forward simulation that combine with the primary variables to compute secondary variables and model equations.

source
Jutul.get_primary_variable_ordered_entities Method
julia
get_primary_variable_ordered_entities(model::SimulationModel)

Get only the entities where primary variables are present, sorted by their order in the primary variables.

source
Jutul.get_primary_variables Method
julia
get_primary_variables(model::SimulationModel)

Get the primary variable definitions (as OrderedDict) for a given model.

Primary variables are sometimes referred to as solution variables or primary unknowns. The set of primary variables completely determines the state of the system together with the parameters.

source
Jutul.get_secondary_variables Method
julia
get_secondary_variables(model::SimulationModel)

Get the secondary variable definitions (as OrderedDict) for a given model.

Secondary variables are variables that can be computed from the primary variables together with the parameters.

source
Jutul.get_sparse_arguments Method
julia
get_sparse_arguments(storage, model)

Get the [SparsePattern]@ref for the Jacobian matrix of a given simulator storage and corresponding model.

source
Jutul.get_tstr Function
julia
get_tstr(dT, lim = 3)

Get formatted time string of dT given in seconds, limited to lim number of units.

source
Jutul.get_variable Method
julia
get_variable(model::SimulationModel, name::Symbol)

Get implementation of variable or parameter with name name for the model.

source
Jutul.get_variables Method
julia
get_variables(model::SimulationModel)

Get all variable definitions (as OrderedDict) for a given model.

This is the union of get_secondary_variables and get_primary_variables.

source
Jutul.global_cell Method

Local cell -> global cell (full set)

source
Jutul.global_face Method

Local face -> global face (full set)

source
Jutul.initialize_context! Method

Initialize context when setting up a model

source
Jutul.initialize_extra_state_fields! Method
julia
initialize_extra_state_fields!(state, model::JutulModel)

Add model-dependent changing variables that need to be in state, but are never AD variables themselves (for example status flags).

source
Jutul.initialize_storage! Method
julia
initialize_storage!(storage, model::JutulModel; initialize_state0 = true)

Initialize the already allocated storage at the beginning of a simulation. Use this to e.g. set up extra stuff in state0 needed for initializing the simulation loop.

source
Jutul.initialize_variable_value Method

Initializer for the value of non-scalar primary variables

source
Jutul.interior_cell Method

Local cell in full set -> inner cell (or zero)

source
Jutul.interpolation_constant_lookup Function
julia
interpolation_constant_lookup(X, constant_dx = missing)

Generate a lookup table for linear interpolation when dx is evenly spaced.

Note: Setting constant_dx=true can lead to incorrect interpolations if the data is not evenly spaced.

source
Jutul.jutul_message Function
julia
jutul_message("Jutul", "Hello, world!", color = :light_blue)

Print a line with a colored prefix. The prefix is colored with the color argument. The fancy argument controls whether the output is colored or not.

source
Jutul.jutul_output_path Function
julia
pth = jutul_output_path(name = missing; subfolder = "jutul", basedir = missing, create = true)

Get path for output. The final path will be found in /basedir/<subfolder/name. If subfolder=missing, the path will be set to /basedir/name instead. name will be autogenerated if not provided.

Pass the optional input create = false to avoid making the directory. To globally set the default output dir, set ENV["JUTUL_OUTPUT_PATH"]``to your desiredbasedir``.

source
Jutul.linear_timestep_selection Function
julia
linear_timestep_selection(x, x0, x1, dt0, dt1)

Produce linear estimate of timestep dt for some value x from observed observations. If the observations have the same x or dt values, a simple scaling based on the x1 value is used.

source
Jutul.load_balanced_endpoint Method
julia
load_balanced_endpoint(block_index, nvals, nblocks)

Endpoint for interval block_index that subdivides nvals into nblocks in a load balanced manner. This is done by adding one element to the first set of blocks whenever possible.

source
Jutul.load_balanced_interval Method
julia
load_balanced_interval(b, n, m)

Create UnitRange for block b ∈ [1, m] for interval of total length n

source
Jutul.local_ad Method
julia
local_ad(state::T, index::I, ad_tag::∂T) where {T, I<:Integer, ∂T}

Create local_ad for state for index I of AD tag of type ad_tag

source
Jutul.local_cell Method

Global cell -> local cell (full set)

source
Jutul.local_face Method

Global face -> local face (full set)

source
Jutul.local_residual_view Method
julia
local_residual_view(r_buf, model, eq, equation_offset)

Get a matrix view of the residual so that, independent of ordering, the column index corresponds to the entity index for the given equation eq starting at equation_offset in the global residual buffer r_buf.

source
Jutul.maximum_value Method

Upper (inclusive) limit for variable.

source
Jutul.merge_step_report_errors Method
julia
merge_step_report_errors(data; fn = max)

Merge step reports errors of the same type using a pair wise reduction (default: max)

source
Jutul.mesh_from_gmsh Function
julia
G = mesh_from_gmsh(pth)
G = mesh_from_gmsh()
G = mesh_from_gmsh(pth; verbose = true)

Parse a Gmsh file and return a Jutul UnstructuredMesh (in 3D only). Requires the Gmsh.jl package to be loaded. If no path is provided in pth it is assumed that you are managing the Gmsh state manually and it will use the current selected mesh inside Gmsh. Please note that Gmsh is GPL licensed unless you have obtained another type of license from the authors.

source
Jutul.minimum_value Method

Lower (inclusive) limit for variable.

source
Jutul.model_accumulation! Function
julia
model_accumulation!(acc, sim::HelperSimulator, x, dt = 1.0;
    forces = setup_forces(sim.model),
    update_secondary = true,
    kwarg...
)

Compute the accumulation term into Vector acc.

source
Jutul.model_residual! Function
julia
model_residual!(r, sim, x, x0 = missing, dt = 1.0;
    forces = setup_forces(sim.model),
    include_accumulation = true,
    kwarg...
)

Fill in the model residual into Vector r.

source
Jutul.model_residual Method
julia
model_residual(sim::HelperSimulator, x, y = missing; kwarg...)

Out of place version of model_residual!

source
Jutul.number_of_cells Method
julia
number_of_cells(g)::Integer

Get the number of cells in a mesh.

source
Jutul.number_of_cells Method
julia
number_of_cells(D::Union{DataDomain, DiscretizedDomain})

Get the number of cells in a DataDomain or DiscretizedDomain.

source
Jutul.number_of_degrees_of_freedom Method

Total number of degrees of freedom for a model, over all primary variables and all entities.

source
Jutul.number_of_entities Method

Get the number of entities (e.g. the number of cells) that the equation is defined on.

source
Jutul.number_of_entities Method

Number of entities (e.g. Cells, Faces) a variable is defined on. By default, each primary variable exists on all cells of a discretized domain

source
Jutul.number_of_entities Method

Get number of entities a cache is defined on.

source
Jutul.number_of_entities Method

Number of entities for vector stored in state (just the number of elements)

source
Jutul.number_of_entities Method

Number of entities for matrix stored in state (convention is number of columns)

source
Jutul.number_of_equations Method

Get the total number of equations on the domain of model.

source
Jutul.number_of_equations_per_entity Method

Get the number of equations per entity. For example, mass balance of two components will have two equations per grid cell (= entity)

source
Jutul.number_of_faces Method
julia
number_of_faces(g)::Integer

Get the number of faces in a mesh.

source
Jutul.number_of_faces Method
julia
number_of_faces(D::Union{DataDomain, DiscretizedDomain})

Get the number of faces in a DataDomain or DiscretizedDomain.

source
Jutul.number_of_half_faces Method
julia
number_of_half_faces(D::Union{DataDomain, DiscretizedDomain})

Get the number of half-faces in a DataDomain or DiscretizedDomain.

source
Jutul.number_of_partials_per_entity Method
julia
number_of_partials_per_entity(model::SimulationModel, entity::JutulEntity)

Get the number of local partial derivatives per entity in a model for a given JutulEntity. This is the sum of degrees_of_freedom_per_entity for all primary variables defined on entity.

source
Jutul.number_of_values Function

Total number of values for a model, for a given type of variables over all entities

source
Jutul.numerical_eltype Method
julia
numerical_eltype(x::AbstractArray{T}) where T

Get the numerical eltype (i.e. the inner type of the element type that could potentially be AD)

source
Jutul.numerical_type Method
julia
numerical_type(::T) where T

Get the numerical eltype (i.e. the inner type of the element type that could potentially be AD). This function should be overloaded if you have a custom type that wraps a numeric/potentially AD type.

source
Jutul.parameters_jacobian_wrt_data_domain Method
julia
parameters_jacobian_wrt_data_domain(model; copy = true, config = nothing)

Compute the (sparse) Jacobian of parameters with respect to data_domain values (i.e. floating point values). Optionally, config can be passed to allow vectorize_variables to only include a subset of the parameters.

source
Jutul.partition Function
julia
partition(N::AbstractMatrix, num_coarse, weights = ones(size(N, 2)); partitioner = MetisPartitioner(), groups = nothing, n = maximum(N), group_by_weights = false, buffer_group = true)

Partition based on neighborship (with optional groups kept contigious after partitioning)

source
Jutul.partition_hypergraph Function
julia
partition_hypergraph(g, n::Int, partitioner = MetisPartitioner(); expand = true)

Partition a hypergraph from setup_partitioner_hypergraph using a given partitioner. If the optional expand parameter is set to true the result will be expanded to the full graph (i.e. where groups are not condensed).

source
Jutul.physical_representation Method
julia
physical_representation(x)

Get the physical representation of an object. The physical representation is usually some kind of mesh or domain that represents a physical domain.

source
Jutul.physical_representation Method
julia
physical_representation(x::DataDomain)

Get the underlying physical representation (domain or mesh) that is wrapped.

source
Jutul.physical_representation Method
julia
physical_representation(x::DiscretizedDomain)

Get the underlying physical representation (domain or mesh) that was discretized.

source
Jutul.physical_representation Method
julia
physical_representation(m::SimulationModel)

Get the underlying physical representation for the model (domain or mesh)

source
Jutul.pick_next_timestep Method
julia
pick_next_timestep(sel::IterationTimestepSelector, sim, config, dt_prev, dT, forces, reports, current_reports, step_index, new_step)

Pick the next time-step for IterationTimestepSelector. This function uses the number of iterations from previous timesteps to estimate the relationship between the last and the new time step.

source
Jutul.plot_mesh! Method
julia
plot_mesh!(ax, mesh)

Mutating version of plot_mesh that plots into an existing Makie Axis instance.

source
Jutul.plot_mesh Method
julia
plot_mesh(mesh)
plot_mesh(mesh;
    cells = nothing,
    faces = nothing,
    boundaryfaces = nothing,
    outer = false,
    color = :lightblue,
)

Plot a mesh with uniform colors. Optionally, indices cells, faces or boundaryfaces can be passed to limit the plotting to a specific selection of entities.

source
Jutul.plot_mesh_edges! Method
julia
plot_mesh_edges!(ax, mesh; kwarg...)

Plot the edges of all cells on the exterior of a mesh into existing Makie Axis ax.

source
Jutul.plot_mesh_edges Method
julia
plot_mesh_edges(mesh; kwarg...)

Plot the edges of all cells on the exterior of a mesh.

source
Jutul.prepare_step_storage Method
julia
prepare_step_storage(storage, model, ::Missing)

Initialize storage for prepare_step_handler.

source
Jutul.process_partition Function
julia
p = process_partition(g::JutulMesh, partition; weights = missing)
p = process_partition(N::Vector{Tuple{Int, Int}}, partition; weights = missing)
p = process_partition(N::Matrix{Int}, partition; weights = missing)

Perform processing of partition on mesh or neighborship to make sure that all coarse blocks in the partition are connected. Optionally, weights can be passed that will be used to remove connections with weights that are zero (or within floating point precision of zero).

The resulting partition vector will be a copy and will have additional coarse blocks inserted when blocks were split into two or more components.

julia
g = CartesianMesh((5,))
p = [1, 1, 2, 1, 1] # Block 1 is disconnected!
process_partition(g, p)
source
Jutul.read_results Method

states, reports = read_results(pth; read_states = true, read_reports = true)

Read results from a given output_path provded to simulate or simulator_config.

source
Jutul.relative_increment_limit Method

Relative allowable change for variable during a nonlinear update. A variable with value |x| and relative limit 0.2 cannot change more than |x|*0.2.

source
Jutul.replace_variables! Method
julia
replace_variables!(model, throw = true, varname = vardef, varname2 = vardef2)

Replace one or more variables that already exists in the model (primary, secondary or parameters) with a new definition.

Arguments

  • model: instance where variables is to be replaced

  • varname=vardef::JutulVariables: replace variable with varname by vardef

  • throw=true: throw an error if the named variable definition is not found in primary or secondary, otherwise silently return the model.

source
Jutul.scalarize_primary_variable Method
julia
scalarize_primary_variable(model, source_vec, var::Jutul.ScalarVariable, index)

Scalarize a primary variable. For scalars, this means getting the value itself.

source
Jutul.scalarize_primary_variables Function
julia
scalarize_primary_variables(model, state, pvars = model.primary_variables)

Create a vector where each entry corresponds to a tuple of values that minimally defines the given variables. All variables must belong to the same type of entity. This is checked by this function.

source
Jutul.scalarize_primary_variables! Method
julia
scalarize_primary_variables!(V::Vector{T}, model, state, pvars::NamedTuple) where T

Scalarize into array. See scalarize_primary_variables for more details.

source
Jutul.scalarized_primary_variable_type Method
julia
scalarized_primary_variable_type(model, var::Jutul.ScalarVariable)

Get the type of a scalarized numerical variable (=Float64 for variables that are already represented as scalars)

source
Jutul.set_default_tolerances Method
julia
set_default_tolerances(model)

Set default tolerances for the nonlinear convergence check of the governing equations.

source
Jutul.set_parameters! Method
julia
set_parameters!(model, parname = pardef)

Set a parameter with name varname to the definition vardef (adding if it does not exist)

source
Jutul.set_primary_variables! Method
julia
set_primary_variables!(model, varname = vardef)
set_primary_variables!(model, varname1 = vardef1, varname2 = vardef2)

Set a primary variable with name varname to the definition vardef (adding if it does not exist)

source
Jutul.set_secondary_variables! Method
julia
set_secondary_variables!(model, varname = vardef)
set_secondary_variables!(model, varname1 = vardef1, varname2 = vardef2)

Set a secondary variable with name varname to the definition vardef (adding if it does not exist)

source
Jutul.setup_adjoint_storage Method
julia
setup_adjoint_storage(model; state0 = setup_state(model), parameters = setup_parameters(model))

Set up storage for use with solve_adjoint_sensitivities!.

source
Jutul.setup_forces Method
julia
setup_forces(model::JutulModel; force_name = force_value)

Set up forces for a given model. Keyword arguments varies depending on what the model supports.

source
Jutul.setup_parameter_optimization Method
julia
setup_parameter_optimization(model, state0, param, dt, forces, G, opt_cfg = optimization_config(model, param);
                                                        grad_type = :adjoint,
                                                        config = nothing,
                                                        print = 1,
                                                        copy_case = true,
                                                        param_obj = false,
                                                        kwarg...)

Set up function handles for optimizing the case defined by the inputs to simulate together with a per-timestep objective function G.

Generally calling either of the functions will mutate the data Dict. The options are: F_o(x) -> evaluate objective dF_o(dFdx, x) -> evaluate gradient of objective, mutating dFdx (may trigger evaluation of F_o) F_and_dF(F, dFdx, x) -> evaluate F and/or dF. Value of nothing will mean that the corresponding entry is skipped.

source
Jutul.setup_parameters Method
julia
setup_parameters(model::JutulModel; name = value)

Set up a parameter storage for a given model with values for the parameter defined in the model.

Arguments

  • name=value: The name of the parameter together with the value(s) of the parameter.

A scalar (or short vector of the right size for VectorVariables) will be repeated over the entire domain, while a vector (or matrix for VectorVariables) with length (number of columns for VectorVariables) equal to the entity count (for example, number of cells for a cell variable) will be used directly.

source
Jutul.setup_partitioner_hypergraph Method
julia
setup_partitioner_hypergraph(N::Matrix{Int};
    num_nodes::Int = maximum(N),
    num_edges::Int = size(N, 2),
    node_weights::Vector{Int} = ones(Int, num_nodes),
    edge_weights::Vector{Int} = ones(Int, num_edges),
    groups = [Int[]]
)

Set up a hypergraph structure for a given neighborship matrix. N should be a matrix with two rows, with one pair of cells in each column. Optionally node and edge weights can be provided. If a list of groups are provided, these nodes will be accumulated together in the hypergraph.

source
Jutul.setup_state! Function
julia
setup_state!(state, model::JutulModel, init_values::AbstractDict = Dict())

Initialize primary variables and other state fields, given initial values as a Dict

source
Jutul.setup_state Method
julia
setup_state(model::JutulModel, name1 = value1, name2 = value2)

Set up a state for a given model with values for the primary variables defined in the model. Normally all primary variables must be initialized in this way.

Arguments

  • name=value: The name of the primary variable together with the value(s) used to initialize the primary variable.

A scalar (or short vector of the right size for VectorVariables) will be repeated over the entire domain, while a vector (or matrix for VectorVariables) with length (number of columns for VectorVariables) equal to the entity count (for example, number of cells for a cell variable) will be used directly.

Note: You likely want to overload [setup_state!]@ref for a custom model instead of setup_state

source
Jutul.setup_state_and_parameters Method
julia
state, prm = setup_state_and_parameters(model, init)

Simultaneously set up state and parameters from a single init file (typically a Dict containing values that might either be initial values or parameters)

source
Jutul.setup_storage! Method
julia
setup_storage!(storage, model::JutulModel; setup_linearized_system = true,
                                                setup_equations = true,
                                                state0 = setup_state(model),
                                                parameters = setup_parameters(model),
                                                tag = nothing,
                                                state0_ad = false,
                                                state_ad = true,
                                                kwarg...)

Allocate storage for a given model. The storage consists of all dynamic quantities used in the simulation. The default implementation allocates properties, equations and linearized system.

source
Jutul.setup_storage Method
julia
setup_storage(model::JutulModel; kwarg...)

Allocate storage for the model. You should overload setup_storage! if you have a custom definition.

source
Jutul.si_unit Method
julia
si_unit(u::Union{String, Symbol})

Get the multiplicative SI unit conversion factor for a single unit. The return value is given so that x*si_unit(:name) will convert x to the SI representation of the unit with the given name.

Examples

julia
julia> si_unit(:day) # Get days represented as seconds
86400.0
source
Jutul.si_units Method
julia
u1_val = si_units(u1)
meter = si_units(:meter)
meter, hour = si_units(:meter, :hour)

Get multiplicative SI unit conversion factors for multiple units simultaneously. The return value will be a Tuple of values, one for each input argument. Each input arguments can be either a String a Symbol.

Examples

julia
julia> meter, hour = si_units(:meter, :hour)
(1.0, 3600.0)
source
Jutul.simulate! Method
julia
simulate!(sim::JutulSimulator, timesteps::AbstractVector;
    forces = nothing,
    config = nothing,
    initialize = true,
    restart = nothing,
    state0 = nothing,
    parameters = nothing,
    kwarg...
)

Non-allocating (or perhaps less allocating) version of simulate!.

Arguments

  • initialize=true: Perform internal updates as if this is the first time

See also simulate for additional supported input arguments.

source
Jutul.simulate Method
julia
simulate(state0, model, timesteps, parameters = setup_parameters(model))
simulate(state0, model, timesteps, info_level = 3)
simulate(state0, model, timesteps; <keyword arguments>)

Simulate a set of timesteps with model for the given initial state0 and optionally specific parameters. Additional keyword arguments are passed onto simulator_config and simulate!. This interface is primarily for convenience, as all storage for the simulator is allocated upon use and discared upon return. If you want to perform multiple simulations with the same model it is advised to instead instantiate Simulator and combine it with simulate!.

Arguments

  • state0::Dict: initial state, typically created using setup_state for the model in use.

  • model::JutulModel: model that describes the discretized system to solve, for example SimulationModel or MultiModel.

  • timesteps::AbstractVector: Vector of desired report steps. The simulator will perform time integration until sum(timesteps) is reached, providing outputs at the end of each report step.

  • parameters=setup_parameters(model): Optional overrides the default parameters for the model.

  • forces=nothing: Either nothing (for no forces), a single set of forces from setup_forces(model) or a Vector of such forces with equal length to timesteps.

  • restart=nothing: If an integer is provided, the simulation will attempt to restart from that step. Requires that output_path is provided here or in the config.

  • config=simulator_config(model): Configuration Dict that holds many fine grained settings for output, linear solver, time-steps, outputs etc.

Additional arguments are passed onto simulator_config.

See also simulate!, Simulator, SimulationModel, simulator_config.

source
Jutul.simulate Method
julia
simulate(state0, sim::JutulSimulator, timesteps::AbstractVector; parameters = nothing, kwarg...)

Simulate a set of timesteps with simulator for the given initial state0 and optionally specific parameters.

source
Jutul.simulator_config Method
julia
simulator_config(sim; info_level = 3, linear_solver = GenericKrylov())

Set up a simulator configuration object that can be passed onto simulate!.

There are many options available to configure a given simulator. The best way to get an overview of these possible configuration options is to instatiate the config without any arguments and inspecting the resulting table by calling simulator_config(sim) in the REPL.

source
Jutul.solve_adjoint_forces Method
julia
solve_adjoint_forces(case::JutulCase, res::SimResult, G)

Solve the adjoint equations for the forces in case given the simulation result res and the objective function G.

source
Jutul.solve_adjoint_sensitivities! Method
julia
solve_adjoint_sensitivities!(∇G, storage, states, state0, timesteps, G; forces = setup_forces(model))

Non-allocating version of solve_adjoint_sensitivities.

source
Jutul.solve_adjoint_sensitivities Method
julia
solve_adjoint_sensitivities(model, states, reports_or_timesteps, G; extra_timing = false, state0 = setup_state(model), forces = setup_forces(model), raw_output = false, kwarg...)

Compute sensitivities of model parameter with name target for objective function G.

The objective function is at the moment assumed to be a sum over all states on the form: obj = Σₙ G(model, state, dt_n, n, forces_for_step_n)

Solves the adjoint equations: For model equations F the gradient with respect to parameters p is ∇ₚG = Σₙ (∂Fₙ / ∂p)ᵀ λₙ where n ∈ [1, N]. Given Lagrange multipliers λₙ from the adjoint equations (∂Fₙ / ∂xₙ)ᵀ λₙ = - (∂J / ∂xₙ)ᵀ - (∂Fₙ₊₁ / ∂xₙ)ᵀ λₙ₊₁ where the last term is omitted for step n = N and G is the objective function.

source
Jutul.solve_numerical_sensitivities Method
julia
solve_numerical_sensitivities(model, states, reports, G, target;
                                            forces = setup_forces(model),
                                            state0 = setup_state(model),
                                            parameters = setup_parameters(model),
                                            epsilon = 1e-8)

Compute sensitivities of model parameter with name target for objective function G.

This method uses numerical perturbation and is primarily intended for testing of solve_adjoint_sensitivities.

source
Jutul.solve_timestep! Method
julia
solve_timestep!(sim, dT, forces, max_its, config; <keyword arguments>)

Internal function for solving a single time-step with fixed driving forces.

Arguments

  • sim: Simulator instance.

  • dT: time-step to be solved

  • forces: Driving forces for the time-step

  • max_its: Maximum number of steps/Newton iterations.

  • config: Configuration for solver (typically output from simulator_config).

Note: This function is exported for fine-grained simulation workflows. The general simulate interface is both easier to use and performs additional validation.

source
Jutul.subvariable Method
julia
subvariable(var, map)

Get subvariable of Jutul variable

source
Jutul.successful_reports Function
julia
successful_reports(reports; step = length(reports), n = 1)

Get last n successful reports starting at the end of step and reversing backwards until n values have been found. n can be set to Inf to produce all successful reports.

source
Jutul.successful_reports Function
julia
successful_reports(old_reports, current_reports, step_index, n = 1)

Get the n last successful solve reports from all previous reports (old_reports) and the current ministep set. You can optionally provide a function that replaces the default definition of success=r->r[:success].

source
Jutul.synchronize Method

Synchronize backend after allocations.

Some backends may require notification that storage has been allocated.

source
Jutul.tpfv_geometry Function
julia
tpfv_geometry(g)

Generate two-point finite-volume geometry for a given grid, if supported.

See also TwoPointFiniteVolumeGeometry.

source
Jutul.transfer Method

Transfer v to the representation expected by a given context.

For the defalt context, the transfer function does nothing. For other context such as the CUDA version, it may convert integers and floats to other types (e.g. Float32) and Arrays to CuArrays.

You will likely have to implement some transfer operators for your own types if you want to simulate with a non-default context.

source
Jutul.two_point_potential_drop Method

Two-point potential drop with gravity (generic)

source
Jutul.unsafe_reinterpret Method
julia
unsafe_reinterpret(Vt, v, n)

Unsafely reinterpret v as a n length vector of value type Vt

source
Jutul.update_before_step! Methodsource
Jutul.update_equation! Method

Update equation based on currently stored properties

source
Jutul.update_equations! Function
julia
update_equations!(storage, model, dt = nothing)

Update the governing equations using the current set of primary variables, parameters and secondary variables. Does not fill linearized system.

source
Jutul.update_equations_and_apply_forces! Method
julia
update_equations_and_apply_forces!(storage, model, dt, forces; time = NaN)

Update the model equations and apply boundary conditions and forces. Does not fill linearized system.

source
Jutul.update_linearized_system! Function
julia
update_linearized_system!(storage, model::JutulModel; <keyword arguments>)

Update the linearized system with the current set of equations.

source
Jutul.update_linearized_system_equation! Method

Update a linearized system based on the values and derivatives in the equation.

source
Jutul.update_parameter_before_step! Method
julia
update_parameter_before_step!(prm_val, prm, storage, model, dt, forces)

Update parameters before time-step. Used for hysteretic parameters.

source
Jutul.update_secondary_variable! Function

Update a secondary variable. Normally autogenerated with @jutul_secondary

source
Jutul.update_state_dependents! Method
julia
update_state_dependents!(storage, model, dt, forces; time = NaN, update_secondary = true)

Perform updates of everything that depends on the state: A full linearization for the current primary variables.

This includes properties, governing equations and the linearized system itself.

source
Jutul.update_values! Method
julia
update_values!(x, dx)

Replace values (for non-Real types, direct assignment)

source
Jutul.update_values! Method
julia
update_values!(x, dx)

Replace values of x in-place by y, leaving x with the values of y and the partials of x.

source
Jutul.value Method
julia
value(d::Dict)

Call value on all elements of some Dict.

source
Jutul.value Method

Take value of AD.

source
Jutul.values_per_entity Method

Number of values held by a primary variable. Normally this is equal to the number of degrees of freedom, but some special primary variables are most conveniently defined by having N values and N-1 independent variables.

source
Jutul.variable_scale Method

Define a "typical" numerical value for a variable to scale the linear system entries.

source
Jutul.write_reports_to_mat_format Function
julia
write_reports_to_mat_format(reports::Vector, path = jutul_output_path(); name = "report", config = missing, verbose = false)

Write the reports to MAT files named "report_1", "report_2", ... to the given path.

source
Jutul.@jutul_secondary Macro

Designate the function as updating a secondary variable.

A generic evaluator is then defined, together with a function for getting the dependencies of that function upon the state. This is most easily documented with an example. If we define the following function annotated with the macro when updating the array containing the values of MyVarType realized for some model:

julia
@jutul_secondary function some_fn!(target, var::MyVarType, model, a, b, c, ix)
    for i in ix
        target[i] = a[i] + b[i] / c[i]
    end
end

The purpose of the macro is to translate this into two functions. The first defines for the dependencies of the function with respect to the fields of the state (primary variables, secondary variables and parameters):

julia
function get_dependencies(var::MyVarType, model)
   return (:a, :b, :c)
end

The second function defines a generic version that takes in state, and automatically expands the set of dependencies into getfield calls.

julia
function update_secondary_variable!(array_target, var::MyVarType, model, state, ix)
    some_fn!(array_target, var, model, state.a, state.b, state.c, ix)
end

Note that the input names of arguments 4 to end-1 matter, as these will be fetched from state, exactly as written.

source