簡體   English   中英

在 python 中求解一組耦合微分方程(使用稀疏數組)時獲得的奇怪結果

[英]Weird results obtained while solving a set of coupled differential equations (using a sparse array) in python

在嘗試求解耦合微分方程系統並重現附圖中顯示的結果時,我嘗試了一周都無濟於事。 我似乎也得到了奇怪的結果,如圖所示。 我似乎不知道我可能做錯了什么。耦合微分方程組是使用 Newman 的 BAND 求解的。 這是 python 實現的鏈接: python solution using BAND 如果附件不夠清晰,還有另一個指向問題原始圖像的鏈接:在這里你可以找到更清晰的問題圖像 現在我要做的是通過使用 sympy 和 numpy 的組合直接從離散化方程創建一個稀疏數組來解決相同的問題,然后使用 scipy 的 spsolve 求解。 下面是我的代碼。 我需要一些幫助來弄清楚我做錯了什么。 問題的圖像,正確的解決方案和我的解決方案在這里 我在我的代碼中將變量表示為 c1 = cA、c2 = cB、c3 = cC、c4 = cD。 等式 2 已經線性化,phi10 和 phi20 是變量 cC 和 cD 的試驗值。

# import modules
import numpy as np
import sympy
from sympy.core.function import _mexpand
import scipy as sp
import scipy.sparse as ss
import scipy.sparse.linalg as ssl
import matplotlib.pyplot as plt

# define functions
def flatten(t):
    """
    function to flatten lists
    """
    return [item for sublist in t for item in sublist]


def get_coeffs(coeff_dict, func_vars):
    """
    function to extract coefficients from variables
    and form the sparse symbolic array
    """
    c = coeff_dict
    for i in list(c.keys()):
        b, _ = i.as_base_exp()
        if b == i:
            continue
        if b in c:
            c[i] = 0
        if any(k.has(b) for k in c):
            c[i] = 0

    return [coeff_dict[val] for val in func_vars]  

# Constants for the problem
I = 0.1                 # A/cm2
L = 1.0                 # distance (x) in cm
m = 100                 # grid spacing
h = L / (m-1)
a = 23300               # 1/cm
io = 2e-7               # A/cm2
n = 1
F = 96500               # C/mol
R = 8.314               # J/mol-K
T = 298                 # K
sigma = 20              # S/cm
kappa = 0.06            # S/cm
alpha = 0.5
beta = -(1-alpha)*n*F/R/T
phi10 , phi20 = 5, 0.5 # these are just guesses
P = a*io*np.exp(beta*(phi10-phi20))

j = sympy.symbols('j',integer = True)
cA = sympy.IndexedBase('cA')
cB = sympy.IndexedBase('cB')
cC = sympy.IndexedBase('cC')
cD = sympy.IndexedBase('cD')

# write the boundary conditions at x = 0
bc=[cA[1], cB[1],
(4/3)  * cC[2] - (1/3)*cC[3], # use a three point approximation for cC_prime
cD[1]
]

# form a list of expressions from the boundary conditions and equations
expr=flatten([bc,flatten([[
-cA[j-1] - cB[j-1] + cA[j+1] + cB[j+1],
cB[j-1] - 2*h*P*beta*cC[j] + 2*h*P*beta*cD[j] - cB[j+1],
-sigma*cC[j-1] + 2*h*cA[j] + sigma * cC[j+1],
-kappa * cD[j-1] + 2*h * cB[j] + kappa * cD[j+1]] for j in range(2, m)])])

vars = [cA[j], cB[j], cC[j], cD[j]]


# flatten the list of variables
unknowns = flatten([[cA[j], cB[j], cC[j], cD[j]] for j in range(1,m)])
var_len = len(unknowns)

# # # substitute in the boundary conditions at x = L while getting the coefficients
A = sympy.SparseMatrix([get_coeffs(_mexpand(i.subs({cA[m]:I}))\
    .as_coefficients_dict(), unknowns) for i in expr])




# convert to a numpy array
mat_temp = np.array(A).astype(np.float64)

# you can view the sparse array with this
fig = plt.figure(figsize=(6,6))
ax = fig.add_axes([0,0, 1,1])
cmap = plt.cm.binary
plt.spy(mat_temp, cmap = cmap, alpha = 0.8)

def solve_sparse(b0, error):
    # create the b column vector
    b = np.copy(b0)
    b[0:4] = np.array([0.0, I, 0.0, 0.0])
    b[var_len-4] =   I
    b[var_len-3] =   0
    b[var_len-2] =   0
    b[var_len-1] =   0

    print(b.shape)
    
    old = np.copy(b0)

    mat = np.copy(mat_temp)
    b_2 = np.copy(b)
       
    resid = 10
    lss = 0
    while lss < 100:
        mat_2 = np.copy(mat)
  
        
        for j in range(3, var_len - 3, 4):

            # update the forcing term of equation 2
            b_2[j+2] = 2*h*(1-beta*old[j+3]+beta*old[j+4])*a*io*np.exp(beta*(old[j+3]-old[j+4]))
            
            # update the sparse array at every iteration for variables cC and cD in equation2
            mat_2[j+2, j+3] += 2*h*beta*a*io*np.exp(beta*(old[j+3]-old[j+4]))
            mat_2[j+2, j+4] += 2*h*beta*a*io*np.exp(beta*(old[j+3]-old[j+4]))
       
        # form the column sparse matrix 
        A_s = ss.csc_matrix(mat_2)
        new = ssl.spsolve(A_s, b_2).flatten()


        resid = np.sum((new - old)**2)/var_len
 
        lss += 1

        old = np.copy(new)
        
    return new


val0 = np.array([[0.0, 0.0, 0.0, 0.0] for _ in range(m-1)]).flatten() # form an array of initial values
error = 1e-7
## Run the code
conc = solve_sparse(val0, error).reshape(m-1, len(vars))


conc.shape  # gives (99, 4)
# Plot result for cA:
plt.plot(conc[:,0], marker = 'o', linestyle = '')

發生的事情似乎很清楚。 您正在使用中心歐拉方法作為離散化,對於u'=F(u)這讀作

u[j+1]-u[j-1] = 2*h*F(u[j])

這種方法僅是弱穩定的,並且允許奇數和偶數索引的子序列相當獨立地演化。 作為方程,這意味着該解可能近似系統ue'=F(uo), uo'=F(ue)具有獨立函數ue, uo遵循偶數或奇數子序列的路徑。

為了避免這種情況,需要非常小心地處理邊界點的邊界值和方程。


但是使用梯形方法可以避免所有這些不愉快

u[j+1]-u[j] = 0.5*h*(F(u[j+1])+F(u[j]))

這也減少了系統矩陣的帶寬。

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM