Note
Go to the end to download the full example code.
Magnetic inversion on a TreeMesh with remanence#
In this example, we demonstrate the use of a Magnetic Vector Inversion on 3D TreeMesh for the inversion of magnetics affected by remanence. The mesh is auto-generated based on the position of the observation locations and topography.
We invert the data twice, first for a smooth starting model using the Cartesian coordinate system, and second for a compact model using the Spherical formulation.
The inverse problem uses the simpeg.regularization.Sparse
.
from simpeg import (
data,
data_misfit,
directives,
maps,
inverse_problem,
optimization,
inversion,
regularization,
)
from simpeg import utils
from simpeg.utils import mkvc
from discretize.utils import active_from_xyz, mesh_builder_xyz
from simpeg.potential_fields import magnetics
import scipy as sp
import numpy as np
import matplotlib.pyplot as plt
# sphinx_gallery_thumbnail_number = 3
Setup#
Define the survey and model parameters
First we need to define the direction of the inducing field As a simple case, we pick a vertical inducing field of magnitude 50,000 nT.
np.random.seed(1)
# We will assume a vertical inducing field
h0_amplitude, h0_inclination, h0_declination = (50000.0, 90.0, 0.0)
# The magnetization is set along a different direction (induced + remanence)
M = np.array([45.0, 90.0])
# Create grid of points for topography
# Lets create a simple Gaussian topo and set the active cells
[xx, yy] = np.meshgrid(np.linspace(-200, 200, 50), np.linspace(-200, 200, 50))
b = 100
A = 50
zz = A * np.exp(-0.5 * ((xx / b) ** 2.0 + (yy / b) ** 2.0))
topo = np.c_[utils.mkvc(xx), utils.mkvc(yy), utils.mkvc(zz)]
# Create an array of observation points
xr = np.linspace(-100.0, 100.0, 20)
yr = np.linspace(-100.0, 100.0, 20)
X, Y = np.meshgrid(xr, yr)
Z = A * np.exp(-0.5 * ((X / b) ** 2.0 + (Y / b) ** 2.0)) + 5
# Create a MAGsurvey
xyzLoc = np.c_[mkvc(X.T), mkvc(Y.T), mkvc(Z.T)]
rxLoc = magnetics.receivers.Point(xyzLoc)
srcField = magnetics.sources.UniformBackgroundField(
receiver_list=[rxLoc],
amplitude=h0_amplitude,
inclination=h0_inclination,
declination=h0_declination,
)
survey = magnetics.survey.Survey(srcField)
# Here how the topography looks with a quick interpolation, just a Gaussian...
tri = sp.spatial.Delaunay(topo)
fig = plt.figure()
ax = fig.add_subplot(1, 1, 1, projection="3d")
ax.plot_trisurf(
topo[:, 0], topo[:, 1], topo[:, 2], triangles=tri.simplices, cmap=plt.cm.Spectral
)
ax.scatter3D(xyzLoc[:, 0], xyzLoc[:, 1], xyzLoc[:, 2], c="k")
plt.show()
Inversion Mesh#
Here, we create a TreeMesh with base cell size of 5 m. We created a small utility function to center the mesh around points and to figure out the outermost dimension for adequate padding distance. The second stage allows us to refine the mesh around points or surfaces (point assumed to follow some horizontal trend) The refinement process is repeated twice to allow for a finer level around the survey locations.
# Create a mesh
h = [5, 5, 5]
padDist = np.ones((3, 2)) * 100
mesh = mesh_builder_xyz(
xyzLoc, h, padding_distance=padDist, depth_core=100, mesh_type="tree"
)
mesh.refine_surface(topo, padding_cells_by_level=[4, 4], finalize=True)
# Define an active cells from topo
actv = active_from_xyz(mesh, topo)
nC = int(actv.sum())
Forward modeling data#
We can now create a magnetization model and generate data Lets start with a block below topography
model = np.zeros((mesh.nC, 3))
# Convert the inclination declination to vector in Cartesian
M_xyz = utils.mat_utils.dip_azimuth2cartesian(M[0], M[1])
# Get the indicies of the magnetized block
ind = utils.model_builder.get_indices_block(
np.r_[-20, -20, -10],
np.r_[20, 20, 25],
mesh.gridCC,
)[0]
# Assign magnetization values
model[ind, :] = np.kron(np.ones((ind.shape[0], 1)), M_xyz * 0.05)
# Remove air cells
model = model[actv, :]
# Create active map to go from reduce set to full
actvMap = maps.InjectActiveCells(mesh, actv, np.nan)
# Creat reduced identity map
idenMap = maps.IdentityMap(nP=nC * 3)
# Create the simulation
simulation = magnetics.simulation.Simulation3DIntegral(
survey=survey, mesh=mesh, chiMap=idenMap, active_cells=actv, model_type="vector"
)
# Compute some data and add some random noise
d = simulation.dpred(mkvc(model))
std = 5 # nT
synthetic_data = d + np.random.randn(len(d)) * std
wd = np.ones(len(d)) * std
# Assign data and uncertainties to the survey
data_object = data.Data(survey, dobs=synthetic_data, standard_deviation=wd)
# Create an projection matrix for plotting later
actv_plot = maps.InjectActiveCells(mesh, actv, np.nan)
# Plot the model and data
plt.figure()
ax = plt.subplot(2, 1, 1)
im = utils.plot_utils.plot2Ddata(xyzLoc, synthetic_data, ax=ax)
plt.colorbar(im[0])
ax.set_title("Predicted data.")
plt.gca().set_aspect("equal", adjustable="box")
# Plot the vector model
ax = plt.subplot(2, 1, 2)
mesh.plot_slice(
actv_plot * model.reshape((-1, 3), order="F"),
v_type="CCv",
view="vec",
ax=ax,
normal="Y",
ind=66,
grid=True,
quiver_opts={
"pivot": "mid",
"scale": 5 * np.abs(model).max(),
"scale_units": "inches",
},
)
ax.set_xlim([-200, 200])
ax.set_ylim([-100, 75])
ax.set_xlabel("x")
ax.set_ylabel("y")
plt.gca().set_aspect("equal", adjustable="box")
plt.show()
Inversion#
We can now attempt the inverse calculations. We put great care into designing an inversion methology that would yield a geologically reasonable solution for the non-induced problem. The inversion is done in two stages. First we compute a smooth solution using a Cartesian coordinate system, then a sparse inversion in the Spherical domain.
# Create sensitivity weights from our linear forward operator
rxLoc = survey.source_field.receiver_list[0].locations
# This Mapping connects the regularizations for the three-component
# vector model
wires = maps.Wires(("p", nC), ("s", nC), ("t", nC))
m0 = np.ones(3 * nC) * 1e-4 # Starting model
# Create three regularizations for the different components
# of magnetization
reg_p = regularization.Sparse(mesh, active_cells=actv, mapping=wires.p)
reg_p.reference_model = np.zeros(3 * nC)
reg_s = regularization.Sparse(mesh, active_cells=actv, mapping=wires.s)
reg_s.reference_model = np.zeros(3 * nC)
reg_t = regularization.Sparse(mesh, active_cells=actv, mapping=wires.t)
reg_t.reference_model = np.zeros(3 * nC)
reg = reg_p + reg_s + reg_t
reg.reference_model = np.zeros(3 * nC)
# Data misfit function
dmis = data_misfit.L2DataMisfit(simulation=simulation, data=data_object)
dmis.W = 1.0 / data_object.standard_deviation
# Add directives to the inversion
opt = optimization.ProjectedGNCG(
maxIter=10, lower=-10, upper=10.0, maxIterLS=20, maxIterCG=20, tolCG=1e-4
)
invProb = inverse_problem.BaseInvProblem(dmis, reg, opt)
# A list of directive to control the inverson
betaest = directives.BetaEstimate_ByEig(beta0_ratio=1e1)
# Add sensitivity weights
sensitivity_weights = directives.UpdateSensitivityWeights()
# Here is where the norms are applied
# Use a threshold parameter empirically based on the distribution of
# model parameters
IRLS = directives.UpdateIRLS(
f_min_change=1e-3, max_irls_iterations=2, misfit_tolerance=5e-1
)
# Pre-conditioner
update_Jacobi = directives.UpdatePreconditioner()
inv = inversion.BaseInversion(
invProb, directiveList=[sensitivity_weights, IRLS, update_Jacobi, betaest]
)
# Run the inversion
mrec_MVIC = inv.run(m0)
Running inversion with SimPEG v0.23.1.dev1+g60e0c3a5d
simpeg.InvProblem is setting bfgsH0 to the inverse of the eval2Deriv.
***Done using the default solver Pardiso and no solver_opts.***
model has any nan: 0
=============================== Projected GNCG ===============================
# beta phi_d phi_m f |proj(x-g)-x| LS Comment
-----------------------------------------------------------------------------
x0 has any nan: 0
0 1.04e+06 2.25e+04 2.40e-03 2.50e+04 3.56e+03 0
1 5.19e+05 1.43e+04 4.29e-03 1.66e+04 3.03e+03 0
2 2.59e+05 9.88e+03 8.84e-03 1.22e+04 2.52e+03 0 Skip BFGS
3 1.30e+05 5.98e+03 1.96e-02 8.52e+03 2.34e+03 0 Skip BFGS
4 6.49e+04 3.01e+03 3.57e-02 5.33e+03 2.17e+03 0 Skip BFGS
5 3.24e+04 1.29e+03 5.41e-02 3.05e+03 2.00e+03 0 Skip BFGS
6 1.62e+04 5.03e+02 7.07e-02 1.65e+03 1.82e+03 0 Skip BFGS
Reached starting chifact with l2-norm regularization: Start IRLS steps...
irls_threshold 0.004810857848812471
irls_threshold 0.003268093710902405
irls_threshold 0.005788082611933207
7 1.62e+04 1.90e+02 1.11e-01 1.98e+03 1.61e+03 0 Skip BFGS
8 1.62e+04 2.71e+02 1.22e-01 2.26e+03 1.46e+03 0
Reach maximum number of IRLS cycles: 2
------------------------- STOP! -------------------------
1 : |fc-fOld| = 0.0000e+00 <= tolF*(1+|f0|) = 2.4973e+03
1 : |xc-x_last| = 7.9354e-03 <= tolX*(1+|x0|) = 1.0425e-01
0 : |proj(x-g)-x| = 1.4584e+03 <= tolG = 1.0000e-01
0 : |proj(x-g)-x| = 1.4584e+03 <= 1e3*eps = 1.0000e-02
0 : maxIter = 10 <= iter = 9
------------------------- DONE! -------------------------
Sparse Vector Inversion#
Re-run the MVI in the spherical domain so we can impose sparsity in the vectors.
spherical_map = maps.SphericalSystem()
m_start = utils.mat_utils.cartesian2spherical(mrec_MVIC.reshape((nC, 3), order="F"))
beta = invProb.beta
dmis.simulation.chiMap = spherical_map
dmis.simulation.model = m_start
# Create a block diagonal regularization
wires = maps.Wires(("amp", nC), ("theta", nC), ("phi", nC))
# Create a Combo Regularization
# Regularize the amplitude of the vectors
reg_a = regularization.Sparse(
mesh,
gradient_type="total",
active_cells=actv,
mapping=wires.amp,
norms=[0.0, 1.0, 1.0, 1.0], # Only norm on gradients used,
reference_model=np.zeros(3 * nC),
)
# Regularize the vertical angle of the vectors
reg_t = regularization.Sparse(
mesh,
gradient_type="total",
active_cells=actv,
mapping=wires.theta,
alpha_s=0.0, # No reference angle,
norms=[0.0, 1.0, 1.0, 1.0], # Only norm on gradients used,
)
reg_t.units = "radian"
# Regularize the horizontal angle of the vectors
reg_p = regularization.Sparse(
mesh,
gradient_type="total",
active_cells=actv,
mapping=wires.phi,
alpha_s=0.0, # No reference angle,
norms=[0.0, 1.0, 1.0, 1.0], # Only norm on gradients used,
)
reg_p.units = "radian"
reg = reg_a + reg_t + reg_p
reg.reference_model = np.zeros(3 * nC)
lower_bound = np.kron(np.asarray([0, -np.inf, -np.inf]), np.ones(nC))
upper_bound = np.kron(np.asarray([10, np.inf, np.inf]), np.ones(nC))
# Add directives to the inversion
opt = optimization.ProjectedGNCG(
maxIter=20,
lower=lower_bound,
upper=upper_bound,
maxIterLS=20,
maxIterCG=30,
tolCG=1e-3,
stepOffBoundsFact=1e-3,
)
opt.approxHinv = None
invProb = inverse_problem.BaseInvProblem(dmis, reg, opt, beta=beta)
# Here is where the norms are applied
irls = directives.UpdateIRLS(
f_min_change=1e-4,
max_irls_iterations=20,
misfit_tolerance=0.5,
)
scale_spherical = directives.SphericalUnitsWeights(
amplitude=wires.amp, angles=[reg_t, reg_p]
)
# Special directive specific to the mag amplitude problem. The sensitivity
# weights are updated between each iteration.
spherical_projection = directives.ProjectSphericalBounds()
sensitivity_weights = directives.UpdateSensitivityWeights()
update_Jacobi = directives.UpdatePreconditioner()
inv = inversion.BaseInversion(
invProb,
directiveList=[
scale_spherical,
spherical_projection,
irls,
sensitivity_weights,
update_Jacobi,
],
)
mrec_MVI_S = inv.run(m_start)
Running inversion with SimPEG v0.23.1.dev1+g60e0c3a5d
simpeg.InvProblem will set Regularization.reference_model to m0.
simpeg.InvProblem will set Regularization.reference_model to m0.
simpeg.InvProblem is setting bfgsH0 to the inverse of the eval2Deriv.
***Done using the default solver Pardiso and no solver_opts.***
model has any nan: 0
=============================== Projected GNCG ===============================
# beta phi_d phi_m f |proj(x-g)-x| LS Comment
-----------------------------------------------------------------------------
x0 has any nan: 0
0 1.62e+04 3.38e+02 1.34e-01 2.52e+03 1.13e+03 0
1 8.11e+03 5.26e+02 1.13e-01 1.44e+03 1.22e+03 1
2 4.05e+03 5.21e+02 1.12e-01 9.73e+02 1.24e+03 5
3 2.03e+03 4.89e+02 1.12e-01 7.16e+02 1.23e+03 3 Skip BFGS
Reached starting chifact with l2-norm regularization: Start IRLS steps...
irls_threshold 0.006225271875535726
irls_threshold 2.338152649634684
irls_threshold 6.282175437911334
4 2.03e+03 3.91e+02 2.58e-01 9.15e+02 1.04e+03 0
5 2.03e+03 3.93e+02 2.74e-01 9.49e+02 1.04e+03 3
6 2.03e+03 3.95e+02 3.16e-01 1.04e+03 1.01e+03 2 Skip BFGS
7 2.03e+03 3.87e+02 3.66e-01 1.13e+03 1.03e+03 2
8 2.03e+03 3.45e+02 4.10e-01 1.18e+03 1.03e+03 2
9 2.03e+03 3.85e+02 5.92e-01 1.59e+03 1.08e+03 0
10 2.03e+03 5.40e+02 5.52e-01 1.66e+03 1.16e+03 2
11 1.05e+03 7.52e+02 6.43e-01 1.42e+03 1.29e+03 0
12 5.33e+02 7.69e+02 5.86e-01 1.08e+03 1.41e+03 2
13 2.72e+02 2.27e+02 9.67e-01 4.90e+02 1.31e+03 0
14 4.52e+02 1.82e+02 1.03e+00 6.47e+02 1.00e+03 1
15 7.50e+02 2.21e+02 1.01e+00 9.80e+02 6.17e+02 0
16 1.25e+03 3.93e+02 7.78e-01 1.36e+03 9.45e+02 0
17 2.07e+03 4.06e+02 7.34e-01 1.93e+03 8.31e+02 2
18 3.44e+03 4.44e+02 6.40e-01 2.64e+03 7.40e+02 0
19 5.71e+03 5.04e+02 6.00e-01 3.93e+03 6.78e+02 2
20 3.16e+03 6.44e+02 5.49e-01 2.38e+03 1.13e+03 0
------------------------- STOP! -------------------------
0 : |fc-fOld| = 1.5505e+03 <= tolF*(1+|f0|) = 2.5173e+02
0 : |xc-x_last| = 1.1655e+02 <= tolX*(1+|x0|) = 4.6312e+01
0 : |proj(x-g)-x| = 1.1251e+03 <= tolG = 1.0000e-01
0 : |proj(x-g)-x| = 1.1251e+03 <= 1e3*eps = 1.0000e-02
1 : maxIter = 20 <= iter = 20
------------------------- DONE! -------------------------
Final Plot#
Let’s compare the smooth and compact model
plt.figure(figsize=(8, 8))
ax = plt.subplot(2, 1, 1)
mesh.plot_slice(
actv_plot * mrec_MVIC.reshape((nC, 3), order="F"),
v_type="CCv",
view="vec",
ax=ax,
normal="Y",
ind=66,
grid=True,
quiver_opts={
"pivot": "mid",
"scale": 5 * np.abs(mrec_MVIC).max(),
"scale_units": "inches",
},
)
ax.set_xlim([-200, 200])
ax.set_ylim([-100, 75])
ax.set_title("Smooth model (Cartesian)")
ax.set_xlabel("x")
ax.set_ylabel("y")
plt.gca().set_aspect("equal", adjustable="box")
ax = plt.subplot(2, 1, 2)
vec_xyz = utils.mat_utils.spherical2cartesian(
mrec_MVI_S.reshape((nC, 3), order="F")
).reshape((nC, 3), order="F")
mesh.plot_slice(
actv_plot * vec_xyz,
v_type="CCv",
view="vec",
ax=ax,
normal="Y",
ind=66,
grid=True,
quiver_opts={
"pivot": "mid",
"scale": 5 * np.abs(vec_xyz).max(),
"scale_units": "inches",
},
)
ax.set_xlim([-200, 200])
ax.set_ylim([-100, 75])
ax.set_title("Sparse model (L0L2)")
ax.set_xlabel("x")
ax.set_ylabel("y")
plt.gca().set_aspect("equal", adjustable="box")
plt.show()
# Plot the final predicted data and the residual
plt.figure()
ax = plt.subplot(1, 2, 1)
utils.plot_utils.plot2Ddata(xyzLoc, invProb.dpred, ax=ax)
ax.set_title("Predicted data.")
plt.gca().set_aspect("equal", adjustable="box")
ax = plt.subplot(1, 2, 2)
utils.plot_utils.plot2Ddata(xyzLoc, synthetic_data - invProb.dpred, ax=ax)
ax.set_title("Data residual.")
plt.gca().set_aspect("equal", adjustable="box")
Total running time of the script: (2 minutes 3.479 seconds)
Estimated memory usage: 1286 MB