积分 (scipy.integrate)#

scipy.integrate 子包提供了几种积分技术,包括一个常微分方程积分器。help 命令提供了模块的概述

>>> help(integrate)
 Methods for Integrating Functions given function object.

   quad          -- General purpose integration.
   dblquad       -- General purpose double integration.
   tplquad       -- General purpose triple integration.
   fixed_quad    -- Integrate func(x) using Gaussian quadrature of order n.
   quadrature    -- Integrate with given tolerance using Gaussian quadrature.
   romberg       -- Integrate func using Romberg integration.

 Methods for Integrating Functions given fixed samples.

   trapezoid            -- Use trapezoidal rule to compute integral.
   cumulative_trapezoid -- Use trapezoidal rule to cumulatively compute integral.
   simpson              -- Use Simpson's rule to compute integral from samples.
   romb                 -- Use Romberg Integration to compute integral from
                        -- (2**k + 1) evenly-spaced samples.

   See the special module's orthogonal polynomials (special) for Gaussian
      quadrature roots and weights for other weighting factors and regions.

 Interface to numerical integrators of ODE systems.

   odeint        -- General integration of ordinary differential equations.
   ode           -- Integrate ODE using VODE and ZVODE routines.

通用积分 (quad)#

函数 quad 用于对一个变量的函数在两个点之间进行积分。这些点可以是 \(\pm\infty\) (\(\pm\) inf) 以表示无限的极限。例如,假设您希望沿区间 \([0, 4.5].\) 对贝塞尔函数 jv(2.5, x) 进行积分。

\[I=\int_{0}^{4.5}J_{2.5}\left(x\right)\, dx.\]

可以使用 quad 计算此值

>>> import scipy.integrate as integrate
>>> import scipy.special as special
>>> result = integrate.quad(lambda x: special.jv(2.5,x), 0, 4.5)
>>> result
(1.1178179380783249, 7.8663172481899801e-09)
>>> from numpy import sqrt, sin, cos, pi
>>> I = sqrt(2/pi)*(18.0/27*sqrt(2)*cos(4.5) - 4.0/27*sqrt(2)*sin(4.5) +
...                 sqrt(2*pi) * special.fresnel(3/sqrt(pi))[0])
>>> I
1.117817938088701
>>> print(abs(result[0]-I))
1.03761443881e-11

quad 的第一个参数是一个“可调用”的 Python 对象(即函数、方法或类实例)。请注意,在这种情况下使用了 lambda 函数作为参数。接下来的两个参数是积分的极限。返回值是一个元组,其中第一个元素保存积分的估计值,第二个元素保存绝对积分误差的估计值。请注意,在这种情况下,该积分的真实值是

\[I=\sqrt{\frac{2}{\pi}}\left(\frac{18}{27}\sqrt{2}\cos\left(4.5\right)-\frac{4}{27}\sqrt{2}\sin\left(4.5\right)+\sqrt{2\pi}\textrm{Si}\left(\frac{3}{\sqrt{\pi}}\right)\right),\]

其中

\[\textrm{Si}\left(x\right)=\int_{0}^{x}\sin\left(\frac{\pi}{2}t^{2}\right)\, dt.\]

是菲涅尔正弦积分。请注意,数值计算的积分在精确结果的 \(1.04\times10^{-11}\) 之内 —— 远低于报告的误差估计。

如果要积分的函数采用其他参数,则可以在 args 参数中提供。假设应计算以下积分

\[I(a,b)=\int_{0}^{1} ax^2+b \, dx.\]

可以使用以下代码计算此积分

>>> from scipy.integrate import quad
>>> def integrand(x, a, b):
...     return a*x**2 + b
...
>>> a = 2
>>> b = 1
>>> I = quad(integrand, 0, 1, args=(a,b))
>>> I
(1.6666666666666667, 1.8503717077085944e-14)

通过使用 \(\pm\) inf 作为其中一个参数,也允许在 quad 中使用无限输入。例如,假设需要指数积分的数值

\[E_{n}\left(x\right)=\int_{1}^{\infty}\frac{e^{-xt}}{t^{n}}\, dt.\]

(并且忘记了此积分可以计算为 special.expn(n,x))。可以通过定义一个基于例程 quad 的新函数 vec_expint 来复制函数 special.expn 的功能

>>> from scipy.integrate import quad
>>> import numpy as np
>>> def integrand(t, n, x):
...     return np.exp(-x*t) / t**n
...
>>> def expint(n, x):
...     return quad(integrand, 1, np.inf, args=(n, x))[0]
...
>>> vec_expint = np.vectorize(expint)
>>> vec_expint(3, np.arange(1.0, 4.0, 0.5))
array([ 0.1097,  0.0567,  0.0301,  0.0163,  0.0089,  0.0049])
>>> import scipy.special as special
>>> special.expn(3, np.arange(1.0,4.0,0.5))
array([ 0.1097,  0.0567,  0.0301,  0.0163,  0.0089,  0.0049])

被积分的函数甚至可以使用 quad 参数(尽管由于使用 quad 可能导致的被积函数中的数值误差,误差界限可能会低估误差)。在这种情况下,积分是

\[I_{n}=\int_{0}^{\infty}\int_{1}^{\infty}\frac{e^{-xt}}{t^{n}}\, dt\, dx=\frac{1}{n}.\]
>>> result = quad(lambda x: expint(3, x), 0, np.inf)
>>> print(result)
(0.33333333324560266, 2.8548934485373678e-09)
>>> I3 = 1.0/3.0
>>> print(I3)
0.333333333333
>>> print(I3 - result[0])
8.77306560731e-11

最后一个例子表明,可以使用重复调用 quad 来处理多重积分。

警告

数值积分算法在有限数量的点上对被积函数进行采样。因此,它们不能保证任意被积函数和积分极限的准确结果(或准确性估计)。例如,考虑高斯积分

>>> def gaussian(x):
...     return np.exp(-x**2)
>>> res = integrate.quad(gaussian, -np.inf, np.inf)
>>> res
(1.7724538509055159, 1.4202636756659625e-08)
>>> np.allclose(res[0], np.sqrt(np.pi))  # compare against theoretical result
True

由于除了原点附近,被积函数几乎为零,我们希望大但有限的积分极限会产生相同的结果。然而

>>> integrate.quad(gaussian, -10000, 10000)
(1.975190562208035e-203, 0.0)

发生这种情况是因为 quad 中实现的自适应求积例程虽然按设计工作,但没有注意到在一个如此大的有限区间内函数的小而重要的部分。为了获得最佳结果,请考虑使用紧密围绕被积函数重要部分的积分极限。

>>> integrate.quad(gaussian, -15, 15)
(1.772453850905516, 8.476526631214648e-11)

具有多个重要区域的被积函数可以根据需要分成几部分。

通用多重积分 (dblquad, tplquad, nquad)#

双重和三重积分的机制已封装在函数 dblquadtplquad 中。这些函数分别采用要积分的函数和四个或六个参数。所有内部积分的极限都需要定义为函数。

下面显示了一个使用双重积分计算 \(I_{n}\) 的几个值的示例

>>> from scipy.integrate import quad, dblquad
>>> def I(n):
...     return dblquad(lambda t, x: np.exp(-x*t)/t**n, 0, np.inf, lambda x: 1, lambda x: np.inf)
...
>>> print(I(4))
(0.2500000000043577, 1.29830334693681e-08)
>>> print(I(3))
(0.33333333325010883, 1.3888461883425516e-08)
>>> print(I(2))
(0.4999999999985751, 1.3894083651858995e-08)

作为非恒定极限的示例,请考虑积分

\[I=\int_{y=0}^{1/2}\int_{x=0}^{1-2y} x y \, dx\, dy=\frac{1}{96}.\]

可以使用下面的表达式来计算此积分(请注意对内部积分的上限使用非恒定 lambda 函数)

>>> from scipy.integrate import dblquad
>>> area = dblquad(lambda x, y: x*y, 0, 0.5, lambda x: 0, lambda x: 1-2*x)
>>> area
(0.010416666666666668, 1.1564823173178715e-16)

对于 n 重积分,scipy 提供了函数 nquad。积分边界是一个可迭代对象:可以是常数边界的列表,也可以是非恒定积分边界的函数列表。积分的顺序(因此也是边界)是从最内层积分到最外层积分。

上面的积分

\[I_{n}=\int_{0}^{\infty}\int_{1}^{\infty}\frac{e^{-xt}}{t^{n}}\, dt\, dx=\frac{1}{n}\]

可以计算为

>>> from scipy import integrate
>>> N = 5
>>> def f(t, x):
...    return np.exp(-x*t) / t**N
...
>>> integrate.nquad(f, [[1, np.inf],[0, np.inf]])
(0.20000000000002294, 1.2239614263187945e-08)

请注意,f 的参数顺序必须与积分边界的顺序匹配;即,关于 \(t\) 的内部积分在区间 \([1, \infty]\) 上,关于 \(x\) 的外部积分在区间 \([0, \infty]\) 上。

可以采用类似的方式处理非恒定积分边界;上面的示例

\[I=\int_{y=0}^{1/2}\int_{x=0}^{1-2y} x y \, dx\, dy=\frac{1}{96}.\]

可以通过以下方式进行评估

>>> from scipy import integrate
>>> def f(x, y):
...     return x*y
...
>>> def bounds_y():
...     return [0, 0.5]
...
>>> def bounds_x(y):
...     return [0, 1-2*y]
...
>>> integrate.nquad(f, [bounds_x, bounds_y])
(0.010416666666666668, 4.101620128472366e-16)

这与之前的结果相同。

高斯求积法#

fixed_quad 在固定区间上执行固定阶数的高斯求积。此函数使用 scipy.special 提供的正交多项式集合,它可以计算各种正交多项式的根和求积权重(多项式本身作为返回多项式类实例的特殊函数提供 —— 例如,special.legendre)。

使用样本进行积分#

如果样本是等间距的,并且可用样本的数量对于某个整数 \(k\)\(2^{k}+1\),则可以使用 Romberg romb 积分来获得使用可用样本对积分的高精度估计。Romberg 积分使用以 2 的幂相关的步长的梯形法则,然后对这些估计值执行 Richardson 外推,以更高精度近似积分。

对于任意间隔的样本,可以使用两个函数 trapezoidsimpson。它们分别使用一阶和二阶的牛顿-科茨公式进行积分。梯形规则将相邻点之间的函数近似为直线,而辛普森规则将三个相邻点之间的函数近似为抛物线。

对于奇数个等间隔样本,如果函数是 3 阶或更低的阶数多项式,则辛普森规则是精确的。如果样本不是等间隔的,则只有当函数是 2 阶或更低阶数的多项式时,结果才是精确的。

>>> import numpy as np
>>> def f1(x):
...    return x**2
...
>>> def f2(x):
...    return x**3
...
>>> x = np.array([1,3,4])
>>> y1 = f1(x)
>>> from scipy import integrate
>>> I1 = integrate.simpson(y1, x=x)
>>> print(I1)
21.0

这完全对应于

\[\int_{1}^{4} x^2 \, dx = 21,\]

而对第二个函数进行积分

>>> y2 = f2(x)
>>> I2 = integrate.simpson(y2, x=x)
>>> print(I2)
61.5

不对应于

\[\int_{1}^{4} x^3 \, dx = 63.75\]

因为 f2 中的多项式的阶数大于 2。

使用低级回调函数进行更快的积分#

希望减少积分时间的用户可以通过 scipy.LowLevelCallable 将 C 函数指针传递给 quaddblquadtplquadnquad,它将被积分并返回 Python 中的结果。此处性能的提升来自两个因素。主要的改进是更快的函数求值,这是通过编译函数本身来实现的。此外,我们还通过消除 quad 中 C 和 Python 之间的函数调用来提高速度。这种方法对于诸如正弦之类的简单函数可能会提供约 2 倍的速度提升,但对于更复杂的函数则可以产生更显著的改进(10 倍以上)。因此,此功能面向那些愿意编写少量 C 代码以显著减少计算时间的数值密集型积分用户。

例如,可以通过 ctypes 分几步完成此方法

1.) 用 C 编写一个积分函数,其函数签名为 double f(int n, double *x, void *user_data),其中 x 是一个包含函数 f 求值点的数组,user_data 是您想要提供的任意附加数据。

/* testlib.c */
double f(int n, double *x, void *user_data) {
    double c = *(double *)user_data;
    return c + x[0] - x[1] * x[2]; /* corresponds to c + x - y * z */
}

2.) 现在将此文件编译为共享/动态库(快速搜索将帮助您完成此操作,因为它与操作系统相关)。用户必须链接任何使用的数学库等。在 Linux 上,它看起来像

$ gcc -shared -fPIC -o testlib.so testlib.c

输出库将被称为 testlib.so,但它可能具有不同的文件扩展名。现在已创建一个可以使用 ctypes 加载到 Python 中的库。

3.) 使用 ctypes 将共享库加载到 Python 中,并设置 restypesargtypes - 这允许 SciPy 正确解释该函数

import os, ctypes
from scipy import integrate, LowLevelCallable

lib = ctypes.CDLL(os.path.abspath('testlib.so'))
lib.f.restype = ctypes.c_double
lib.f.argtypes = (ctypes.c_int, ctypes.POINTER(ctypes.c_double), ctypes.c_void_p)

c = ctypes.c_double(1.0)
user_data = ctypes.cast(ctypes.pointer(c), ctypes.c_void_p)

func = LowLevelCallable(lib.f, user_data)

函数中的最后一个 void *user_data 是可选的,如果不需要,可以省略(在 C 函数和 ctypes argtypes 中都可以)。请注意,坐标作为双精度数组而不是单独的参数传递。

4.) 现在像往常一样对库函数进行积分,这里使用 nquad

>>> integrate.nquad(func, [[0, 10], [-10, 0], [-1, 1]])
(1200.0, 1.1102230246251565e-11)

Python 元组按预期在减少的时间内返回。所有可选参数都可以与此方法一起使用,包括指定奇点、无限边界等。

常微分方程 (solve_ivp)#

给定初始条件,对一组常微分方程 (ODE) 进行积分是另一个有用的示例。SciPy 中提供了函数 solve_ivp,用于对一阶向量微分方程进行积分

\[\frac{d\mathbf{y}}{dt}=\mathbf{f}\left(\mathbf{y},t\right),\]

给定初始条件 \(\mathbf{y}\left(0\right)=y_{0}\),其中 \(\mathbf{y}\) 是长度为 \(N\) 的向量,而 \(\mathbf{f}\) 是从 \(\mathcal{R}^{N}\)\(\mathcal{R}^{N}.\) 的映射。通过将中间导数引入 \(\mathbf{y}\) 向量,可以将高阶常微分方程始终简化为此类型的微分方程。

例如,假设需要找到以下二阶微分方程的解

\[\frac{d^{2}w}{dz^{2}}-zw(z)=0\]

初始条件为 \(w\left(0\right)=\frac{1}{\sqrt[3]{3^{2}}\Gamma\left(\frac{2}{3}\right)}\)\(\left.\frac{dw}{dz}\right|_{z=0}=-\frac{1}{\sqrt[3]{3}\Gamma\left(\frac{1}{3}\right)}.\) 已知具有这些边界条件的微分方程的解是艾里函数

\[w=\textrm{Ai}\left(z\right),\]

这提供了一种使用 special.airy 检查积分器的方法。

首先,通过设置 \(\mathbf{y}=\left[\frac{dw}{dz},w\right]\)\(t=z\),将此 ODE 转换为标准形式。因此,微分方程变为

\[\begin{split}\frac{d\mathbf{y}}{dt}=\left[\begin{array}{c} ty_{1}\\ y_{0}\end{array}\right]=\left[\begin{array}{cc} 0 & t\\ 1 & 0\end{array}\right]\left[\begin{array}{c} y_{0}\\ y_{1}\end{array}\right]=\left[\begin{array}{cc} 0 & t\\ 1 & 0\end{array}\right]\mathbf{y}.\end{split}\]

换句话说,

\[\mathbf{f}\left(\mathbf{y},t\right)=\mathbf{A}\left(t\right)\mathbf{y}.\]

一个有趣的回顾是,如果 \(\mathbf{A}\left(t\right)\) 在矩阵乘法下与 \(\int_{0}^{t}\mathbf{A}\left(\tau\right)\, d\tau\) 可交换,则此线性微分方程使用矩阵指数具有精确解

\[\mathbf{y}\left(t\right)=\exp\left(\int_{0}^{t}\mathbf{A}\left(\tau\right)d\tau\right)\mathbf{y}\left(0\right),\]

但是,在这种情况下,\(\mathbf{A}\left(t\right)\) 及其积分不可交换。

可以使用函数 solve_ivp 求解此微分方程。它需要导数 *fprime*、时间跨度 [t_start, t_end] 和初始条件向量 *y0* 作为输入参数,并返回一个对象,该对象的 *y* 字段是一个数组,其中连续的解值作为列。因此,初始条件在第一个输出列中给出。

>>> from scipy.integrate import solve_ivp
>>> from scipy.special import gamma, airy
>>> y1_0 = +1 / 3**(2/3) / gamma(2/3)
>>> y0_0 = -1 / 3**(1/3) / gamma(1/3)
>>> y0 = [y0_0, y1_0]
>>> def func(t, y):
...     return [t*y[1],y[0]]
...
>>> t_span = [0, 4]
>>> sol1 = solve_ivp(func, t_span, y0)
>>> print("sol1.t: {}".format(sol1.t))
sol1.t:    [0.         0.10097672 1.04643602 1.91060117 2.49872472 3.08684827
 3.62692846 4.        ]

可以看出,如果未另行指定,solve_ivp 会自动确定其时间步长。为了将 solve_ivp 的解与 airy 函数进行比较,将 solve_ivp 创建的时间向量传递给 airy 函数。

>>> print("sol1.y[1]: {}".format(sol1.y[1]))
sol1.y[1]: [0.35502805 0.328952   0.12801343 0.04008508 0.01601291 0.00623879
 0.00356316 0.00405982]
>>> print("airy(sol.t)[0]:  {}".format(airy(sol1.t)[0]))
airy(sol.t)[0]: [0.35502805 0.328952   0.12804768 0.03995804 0.01575943 0.00562799
 0.00201689 0.00095156]

solve_ivp 的标准参数解与艾里函数有很大的偏差。为了最大限度地减少这种偏差,可以使用相对和绝对公差。

>>> rtol, atol = (1e-8, 1e-8)
>>> sol2 = solve_ivp(func, t_span, y0, rtol=rtol, atol=atol)
>>> print("sol2.y[1][::6]: {}".format(sol2.y[1][0::6]))
sol2.y[1][::6]: [0.35502805 0.19145234 0.06368989 0.0205917  0.00554734 0.00106409]
>>> print("airy(sol2.t)[0][::6]: {}".format(airy(sol2.t)[0][::6]))
airy(sol2.t)[0][::6]: [0.35502805 0.19145234 0.06368989 0.0205917  0.00554733 0.00106406]

为了为 solve_ivp 的解指定用户定义的时间点,solve_ivp 提供了两种可以互补使用的方法。通过将 t_eval 选项传递给函数调用,solve_ivp 会在其输出中返回这些 t_eval 时间点的解。

>>> import numpy as np
>>> t = np.linspace(0, 4, 100)
>>> sol3 = solve_ivp(func, t_span, y0, t_eval=t)

如果知道函数的雅可比矩阵,则可以将其传递给 solve_ivp 以获得更好的结果。但是请注意,默认的积分方法 RK45 不支持雅可比矩阵,因此必须选择另一种积分方法。支持雅可比矩阵的一种积分方法例如是以下示例的 Radau 方法。

>>> def gradient(t, y):
...     return [[0,t], [1,0]]
>>> sol4 = solve_ivp(func, t_span, y0, method='Radau', jac=gradient)

求解具有带状雅可比矩阵的系统#

可以告知 odeint 雅可比矩阵是*带状*的。对于已知是刚性的大型微分方程组,这可以显著提高性能。

例如,我们将使用线方法 [MOL] 求解一维 Gray-Scott 偏微分方程。在区间 \(x \in [0, L]\) 上,函数 \(u(x, t)\)\(v(x, t)\) 的 Gray-Scott 方程为

\[\begin{split}\begin{split} \frac{\partial u}{\partial t} = D_u \frac{\partial^2 u}{\partial x^2} - uv^2 + f(1-u) \\ \frac{\partial v}{\partial t} = D_v \frac{\partial^2 v}{\partial x^2} + uv^2 - (f + k)v \\ \end{split}\end{split}\]

其中 \(D_u\)\(D_v\) 分别是组分 \(u\)\(v\) 的扩散系数,\(f\)\(k\) 是常数。(有关该系统的更多信息,请参阅 http://groups.csail.mit.edu/mac/projects/amorphous/GrayScott/

我们假设诺伊曼(即“无通量”)边界条件

\[\frac{\partial u}{\partial x}(0,t) = 0, \quad \frac{\partial v}{\partial x}(0,t) = 0, \quad \frac{\partial u}{\partial x}(L,t) = 0, \quad \frac{\partial v}{\partial x}(L,t) = 0\]

为了应用线方法,我们通过定义 \(N\) 个点的均匀间隔网格 \(\left\{x_0, x_1, \ldots, x_{N-1}\right\}\) 来离散化 \(x\) 变量,其中 \(x_0 = 0\)\(x_{N-1} = L\)。我们定义 \(u_j(t) \equiv u(x_k, t)\)\(v_j(t) \equiv v(x_k, t)\),并将 \(x\) 的导数替换为有限差分。也就是说,

\[\frac{\partial^2 u}{\partial x^2}(x_j, t) \rightarrow \frac{u_{j-1}(t) - 2 u_{j}(t) + u_{j+1}(t)}{(\Delta x)^2}\]

然后我们得到一个包含 \(2N\) 个常微分方程的系统

(1)#\[\begin{split} \begin{split} \frac{du_j}{dt} = \frac{D_u}{(\Delta x)^2} \left(u_{j-1} - 2 u_{j} + u_{j+1}\right) -u_jv_j^2 + f(1 - u_j) \\ \frac{dv_j}{dt} = \frac{D_v}{(\Delta x)^2} \left(v_{j-1} - 2 v_{j} + v_{j+1}\right) + u_jv_j^2 - (f + k)v_j \end{split}\end{split}\]

为方便起见,省略了 \((t)\) 参数。

为了强制执行边界条件,我们引入“虚”点 \(x_{-1}\)\(x_N\),并定义 \(u_{-1}(t) \equiv u_1(t)\)\(u_N(t) \equiv u_{N-2}(t)\)\(v_{-1}(t)\)\(v_N(t)\) 的定义类似。

然后

(2)#\[\begin{split} \begin{split} \frac{du_0}{dt} = \frac{D_u}{(\Delta x)^2} \left(2u_{1} - 2 u_{0}\right) -u_0v_0^2 + f(1 - u_0) \\ \frac{dv_0}{dt} = \frac{D_v}{(\Delta x)^2} \left(2v_{1} - 2 v_{0}\right) + u_0v_0^2 - (f + k)v_0 \end{split}\end{split}\]

(3)#\[\begin{split} \begin{split} \frac{du_{N-1}}{dt} = \frac{D_u}{(\Delta x)^2} \left(2u_{N-2} - 2 u_{N-1}\right) -u_{N-1}v_{N-1}^2 + f(1 - u_{N-1}) \\ \frac{dv_{N-1}}{dt} = \frac{D_v}{(\Delta x)^2} \left(2v_{N-2} - 2 v_{N-1}\right) + u_{N-1}v_{N-1}^2 - (f + k)v_{N-1} \end{split}\end{split}\]

我们完整的 \(2N\) 个常微分方程组是 (1),其中 \(k = 1, 2, \ldots, N-2\),以及 (2)(3)

我们现在可以开始在代码中实现这个系统。我们必须将 \(\{u_k\}\)\(\{v_k\}\) 合并为一个长度为 \(2N\) 的向量。两个显而易见的选择是 \(\{u_0, u_1, \ldots, u_{N-1}, v_0, v_1, \ldots, v_{N-1}\}\)\(\{u_0, v_0, u_1, v_1, \ldots, u_{N-1}, v_{N-1}\}\)。从数学上讲,这无关紧要,但选择会影响 odeint 求解系统的效率。原因在于顺序如何影响雅可比矩阵非零元素的模式。

当变量按 \(\{u_0, u_1, \ldots, u_{N-1}, v_0, v_1, \ldots, v_{N-1}\}\) 排序时,雅可比矩阵非零元素的模式是

\[\begin{split}\begin{smallmatrix} * & * & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & 0 & 0 \\ * & * & * & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & 0 \\ 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 \\ 0 & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 \\ 0 & 0 & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 \\ 0 & 0 & 0 & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & * & 0 \\ 0 & 0 & 0 & 0 & 0 & * & * & 0 & 0 & 0 & 0 & 0 & 0 & * \\ * & 0 & 0 & 0 & 0 & 0 & 0 & * & * & 0 & 0 & 0 & 0 & 0 \\ 0 & * & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & 0 & 0 & 0 \\ 0 & 0 & * & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & 0 & 0 \\ 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & 0 \\ 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 \\ 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & 0 & * & * & * \\ 0 & 0 & 0 & 0 & 0 & 0 & * & 0 & 0 & 0 & 0 & ) & * & * \\ \end{smallmatrix}\end{split}\]

变量交错排列为 \(\{u_0, v_0, u_1, v_1, \ldots, u_{N-1}, v_{N-1}\}\) 的雅可比模式是

\[\begin{split}\begin{smallmatrix} * & * & * & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 \\ * & * & 0 & * & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 \\ * & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 \\ 0 & * & * & * & 0 & * & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 \\ 0 & 0 & * & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 & 0 & 0 \\ 0 & 0 & 0 & * & * & * & 0 & * & 0 & 0 & 0 & 0 & 0 & 0 \\ 0 & 0 & 0 & 0 & * & 0 & * & * & * & 0 & 0 & 0 & 0 & 0 \\ 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & * & 0 & 0 & 0 & 0 \\ 0 & 0 & 0 & 0 & 0 & 0 & * & 0 & * & * & * & 0 & 0 & 0 \\ 0 & 0 & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & * & 0 & 0 \\ 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & * & 0 & * & * & * & 0 \\ 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & * & * & * & 0 & * \\ 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & * & 0 & * & * \\ 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & 0 & * & * & * \\ \end{smallmatrix}\end{split}\]

在这两种情况下,都只有五个非平凡的对角线,但是当变量交错排列时,带宽要小得多。也就是说,主对角线以及主对角线正上方和正下方的两条对角线是非零对角线。这很重要,因为 odeint 的输入 muml 是雅可比矩阵的上下带宽。当变量交错排列时,muml 为 2。当变量按 \(\{v_k\}\) 紧随 \(\{u_k\}\) 的方式堆叠时,上下带宽为 \(N\)

做出这个决定后,我们可以编写实现微分方程组的函数。

首先,我们定义系统源项和反应项的函数

def G(u, v, f, k):
    return f * (1 - u) - u*v**2

def H(u, v, f, k):
    return -(f + k) * v + u*v**2

接下来,我们定义计算微分方程组右侧的函数

def grayscott1d(y, t, f, k, Du, Dv, dx):
    """
    Differential equations for the 1-D Gray-Scott equations.

    The ODEs are derived using the method of lines.
    """
    # The vectors u and v are interleaved in y.  We define
    # views of u and v by slicing y.
    u = y[::2]
    v = y[1::2]

    # dydt is the return value of this function.
    dydt = np.empty_like(y)

    # Just like u and v are views of the interleaved vectors
    # in y, dudt and dvdt are views of the interleaved output
    # vectors in dydt.
    dudt = dydt[::2]
    dvdt = dydt[1::2]

    # Compute du/dt and dv/dt.  The end points and the interior points
    # are handled separately.
    dudt[0]    = G(u[0],    v[0],    f, k) + Du * (-2.0*u[0] + 2.0*u[1]) / dx**2
    dudt[1:-1] = G(u[1:-1], v[1:-1], f, k) + Du * np.diff(u,2) / dx**2
    dudt[-1]   = G(u[-1],   v[-1],   f, k) + Du * (- 2.0*u[-1] + 2.0*u[-2]) / dx**2
    dvdt[0]    = H(u[0],    v[0],    f, k) + Dv * (-2.0*v[0] + 2.0*v[1]) / dx**2
    dvdt[1:-1] = H(u[1:-1], v[1:-1], f, k) + Dv * np.diff(v,2) / dx**2
    dvdt[-1]   = H(u[-1],   v[-1],   f, k) + Dv * (-2.0*v[-1] + 2.0*v[-2]) / dx**2

    return dydt

我们不会实现一个计算雅可比矩阵的函数,但我们会告诉 odeint 雅可比矩阵是带状的。这允许底层求解器 (LSODA) 避免计算它知道为零的值。对于大型系统,这可以显着提高性能,如下面的 ipython 会话所示。

首先,我们定义所需的输入

In [30]: rng = np.random.default_rng()

In [31]: y0 = rng.standard_normal(5000)

In [32]: t = np.linspace(0, 50, 11)

In [33]: f = 0.024

In [34]: k = 0.055

In [35]: Du = 0.01

In [36]: Dv = 0.005

In [37]: dx = 0.025

在不利用雅可比矩阵的带状结构的情况下,计时计算

In [38]: %timeit sola = odeint(grayscott1d, y0, t, args=(f, k, Du, Dv, dx))
1 loop, best of 3: 25.2 s per loop

现在设置 ml=2mu=2,这样 odeint 就知道雅可比矩阵是带状的。

In [39]: %timeit solb = odeint(grayscott1d, y0, t, args=(f, k, Du, Dv, dx), ml=2, mu=2)
10 loops, best of 3: 191 ms per loop

这快了很多!

让我们确保它们计算的结果相同。

In [41]: np.allclose(sola, solb)
Out[41]: True

参考文献#