licenses
sequencelengths 1
3
| version
stringclasses 677
values | tree_hash
stringlengths 40
40
| path
stringclasses 1
value | type
stringclasses 2
values | size
stringlengths 2
8
| text
stringlengths 25
67.1M
| package_name
stringlengths 2
41
| repo
stringlengths 33
86
|
---|---|---|---|---|---|---|---|---|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 3592 | using Polynomials
import Base: show, *, +
"""
PolyExp(p::Vector{T}, a::T, b::T)
PolyExp(pol::Polynomial{T},a::T,b::T)
On the model of `Polynomial` from package `Polynomials`, construct a function that is a polynome multiply by an exponential
function. The exponential is an exponential of an affine function ``a x + b``.
The polynome is construct from its coefficients `p`, lowest order first.
If ``f = (p_n x^n + \\ldots + p_2 x^2 + p_1 x + p_0)e^{a x + b}``, we construct this through
`PolyExp([p_0, p_1, ..., p_n], a, b)`.
It is also possible to construct it directly from the polynome.
In the sequels some methods with the same name than for Polynomial are implemented
(`derivative`, `integrate`, `strings`, ...) but not all, only the methods needed are developped.
# Arguments :
- `p::Vector{T}` or pol::Polynomial{T} : vector of coefficients of the polynome, or directly the polynome.
- `a::T`, `b::T` : coefficients of affine exponentiated function.
# Examples
```julia
julia> pe=PolyExp([1,2,3],2,1)
PolyExp(Polynomial(1 + 2*x + 3*x^2)*exp(2*x + 1))
julia> pe(0)
2.718281828459045
julia> pe(1)
120.51322153912601
```
"""
struct PolyExp{T}
p::Polynomial{T}
a::T
b::T
PolyExp(p::Vector{T}, a::T, b::T) where {T<:Number} = new{T}(Polynomial{T}(p), a, b)
PolyExp(pol::Polynomial{T}, a::T, b::T) where {T<:Number} = new{T}(pol, a, b)
end
function _printNumberPar(x::Number)
return isreal(x) ? "$(real(x))" : (iszero(real(x)) ? "$(imag(x))im" : "($x)")
end
function _printNumber(x::Number)
return isreal(x) ? "$(real(x))" : (iszero(real(x)) ? "$(imag(x))im" : "$x")
end
function Base.show(io::IO, pe::PolyExp)
return print(
io,
"PolyExp($(pe.p)*exp($(_printNumberPar(pe.a))*x + $(_printNumber(pe.b))))",
)
end
"""
derivative(pe::PolyExp)
Construct the derivative of the `pe` function.
# Examples
```julia
julia> derivative(PolyExp([1, 3, -1],3,1))
PolyExp(Polynomial(6 + 7*x - 3*x^2)*exp(3*x + 1))
julia> derivative(PolyExp([1.0+im, 3im, -1, 4.0], 2.0+1.5im,1.0im))
PolyExp(Polynomial((0.5 + 6.5im) - (6.5 - 6.0im)*x + (10.0 - 1.5im)*x^2 + (8.0 + 6.0im)*x^3)*exp((2.0 + 1.5im)*x + 1.0im))
```
"""
function Polynomials.derivative(pe::PolyExp)
return PolyExp(pe.p * pe.a + Polynomials.derivative(pe.p), pe.a, pe.b)
end
"""
integrate(pe::PolyExp)
Construct the integrate function of `pe` which is of `PolyExp` type.
The algorithm used is a recursive integration by parts.
# Examples
```julia
julia> integrate(PolyExp([1.0,2,3],2.0,5.0))
PolyExp(Polynomial(0.75 - 0.5*x + 1.5*x^2)*exp(2.0*x + 5.0))
julia> integrate(PolyExp([1.0+0im,2],2.0im,3.0+0im))
PolyExp(Polynomial((0.5 - 0.5im) - 1.0im*x)*exp(2.0im*x + 3.0))
```
"""
function Polynomials.integrate(pe::PolyExp)
if (pe.a != 0)
pol = pe.p / pe.a
if Polynomials.degree(pe.p) > 0
pol -=
Polynomials.integrate(PolyExp(Polynomials.derivative(pe.p), pe.a, pe.b)).p /
pe.a
end
else
pol = Polynomials.integrate(pol)
end
return PolyExp(pol, pe.a, pe.b)
end
(pe::PolyExp)(x) = pe.p(x) * exp(pe.a * x + pe.b)
coeffs(pe::PolyExp) = vcat(Polynomials.coeffs(pe.p), pe.a, pe.b)
function Polynomials.integrate(p::PolyExp, v_begin::Number, v_end::Number)
pol = Polynomials.integrate(p)
return pol(v_end) - pol(v_begin)
end
*(p1::PolyExp, p2::PolyExp) = PolyExp(p1.p * p2.p, p1.a + p2.a, p1.b + p2.b)
function +(p1::PolyExp, p2::PolyExp)
@assert (p1.a == p2.a && p1.b == p2.b) "for adding exponents must be equal"
return PolyExp(p1.p + p2.p, p1.a, p1.b)
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 10176 | include("expmatrices.jl")
include("fftbig.jl")
using LinearAlgebra
using SparseArrays
using Statistics
"""
PreparePhi(n_tau::Integer, epsilon::AbstractFloat, matrix_A::Matrix{Number},
fct::Function, [matrix_B::Matrix])
Immutable structure, to share calculations, needed for the phi function.
These data can be used elsewhere for example in twoscale function.
# Arguments :
- `n_tau::Integer` : number of value around the unit disk, it must be a power of two.
- `epsilon::AbstractFloat` : epsilon of the system, the type of this value will be the typeof the result.
- `matrix_A::Matrix{Number}` : Matrix of twoscale system
- `fct::Function` : function of the system
- `[matrix_B::Matrix]` : matrix representing the linear function for debug
# Keywords
- `mode=1` : possibility of addionnal modes for optional behavior
- `paramfct=missing` : middle parameter of function fct
- `t_0=zero(epsilon)` : beginning of the time
# Fields :
- `epsilon` : epsilon of the system.
- `n_tau` : number of values for fft
- `tau_list` : list of values around the unit disk (0 ... n_tau/2 -n_tau/2-1 ... -1 )
- `tau_int` : list of values to integrate FFT
- `matrix_Ap` : sparse matrix with time dimension
- `tau_Ap` : for each angular ``\\tau`` around the unit disk the matrix ``e^{(\\tau \\time Ap)}``
- `tau_Ap_inv` : inverse of tau_Ap
- `par_fft` : fft parameters
- `fct` : function of differential equation
- `paramfct` : middle parameter of function fct
- `size_vect` : size of vector that is the size of the matrix
- `matrix_B` : B matrix for the linear case
- `mode` : for optional behavior
- `t_0` : beginning of the time
"""
struct PreparePhi
epsilon::Any
n_tau::Any
tau_list::Any
tau_int::Any
sparse_Ap::Any
tau_Ap::Any
tau_Ap_inv::Any
par_fft::Any
par_fft_big::Any
fct::Any
paramfct::Any
size_vect::Any
matrix_B::Union{Matrix,Missing} # for debug only (linear function)
mode::Any
t_0::Any
function PreparePhi(
epsilon::AbstractFloat,
n_tau::Integer,
matrix_A::AbstractMatrix,
fct::Function,
matrix_B::Union{Matrix,Missing};
mode = 1,
paramfct = missing,
t_0 = zero(epsilon),
)
T = typeof(epsilon)
@assert prevpow(2, n_tau) == n_tau "$n_tau is not a power of 2"
# @assert isa(fct, Function) && hasmethod(fct, Tuple{Array{T}})
# "function fct is not correct"
N = typeof(matrix_A[1, 1])
size_vect = size(matrix_A, 1) + 1
sparse_Ap = sparse(
vcat(hcat(matrix_A, zeros(N, size_vect - 1)), transpose(zeros(N, size_vect))),
)
tau_Ap = Vector{SparseMatrixCSC{T,Int64}}(undef, n_tau)
tau_Ap_inv = Vector{SparseMatrixCSC{T,Int64}}(undef, n_tau)
prec = precision(T)
for i = 1:n_tau
tau_Ap[i] =
BigFloat.(
setprecision(prec + 32) do
round.(
exp((i - 1) * 2big(pi) / n_tau * sparse_Ap),
digits = prec + 16,
base = 2,
)
end,
)
tau_Ap_inv[i] =
BigFloat.(
setprecision(prec + 32) do
round.(
exp(-(i - 1) * 2big(pi) / n_tau * sparse_Ap),
digits = prec + 16,
base = 2,
)
end,
)
end
@assert tau_Ap[div(n_tau, 2)+1]^2 == I "exp(t A) must be 2π-periodic, A=$matrix_A"
tau_list = [collect(0:(div(n_tau, 2)-1)); collect(-div(n_tau, 2):-1)]
tau_int = collect(transpose(vcat([0], -im ./ tau_list[2:end])))
par_fft_big = PrepareFftBig(n_tau, big(epsilon))
par_fft = T == BigFloat ? par_fft_big : missing
return new(
epsilon,
n_tau,
tau_list,
tau_int,
sparse_Ap,
tau_Ap,
tau_Ap_inv,
par_fft,
par_fft_big,
fct,
paramfct,
size_vect,
matrix_B,
mode,
t_0,
)
end
function PreparePhi(
epsilon::AbstractFloat,
n_tau::Integer,
matrix_A::AbstractMatrix,
fct::Function;
mode = 1,
paramfct = missing,
t_0 = zero(epsilon),
)
return PreparePhi(
epsilon,
n_tau,
matrix_A,
fct,
missing,
mode = mode,
paramfct = paramfct,
t_0 = t_0,
)
end
end
# filtred_f(u, mat_inv, fct, mat, p, t)= mat_inv * fct(mat*u, p, t)
# function filtredfct(par::PreparePhi, u_mat::Array{T,2}, t::T) where T <: Number
# # println("size=$(size(u_mat)) paramfct=$(par.paramfct)")
# return reshape(
# collect(Iterators.flatten(filtred_f.(eachcol(u_mat), par.tau_A_inv, par.fct, par.tau_A, par.paramfct, t))),
# par.size_vect,
# par.n_tau
# )
function homogeneousfct(par::PreparePhi, u)
return vcat(par.fct(u[1:(end-1)], par.paramfct, u[end]), [1])
end
filtred_f(u, mat_inv, mat, par) = mat_inv * homogeneousfct(par, mat * u)
function filtredfct(par::PreparePhi, u_mat::Array{T,2}) where {T<:Number}
# println("size=$(size(u_mat)) paramfct=$(par.paramfct)")
return reshape(
collect(
Iterators.flatten(
filtred_f.(eachcol(u_mat), par.tau_Ap_inv, par.tau_Ap, (par,)),
),
),
par.size_vect,
par.n_tau,
)
# return filtred_f.(eachcol(u_mat), par.tau_A_inv, par.fct, par.tau_A)
end
isexactsol(par::PreparePhi) = !ismissing(par.matrix_B)
# for this function the time begins at par.t_begin
function getexactsol(par::PreparePhi, u0, t)
@assert !ismissing(par.matrix_B) "The debug matrix is not defined"
sparse_A = par.sparse_Ap[1:(end-1), 1:(end-1)]
m = (1 / par.epsilon) * sparse_A + par.matrix_B
t0 = par.t_0
if ismissing(par.paramfct)
return exp((t - t0) * m) * u0
end
a, b = par.paramfct
mm1 = m^(-1)
mm2 = mm1^2
e_t0 = exp(-t0 * m)
C = e_t0 * u0 + mm1 * e_t0 * (t0 * a + b) + mm2 * e_t0 * a
e_inv = exp(-t * m)
e = exp(t * m)
C_t = -mm1 * e_inv * (t * a + b) - mm2 * e_inv * a
return e * C + e * C_t
end
function phi(par::PreparePhi, u, order)
@assert 2 <= order <= 20 "the order is $order, it must be between 2 and 20"
f = undef
if order == 2
f = filtredfct(par, reshape(repeat(u, par.n_tau), par.size_vect, par.n_tau))
else
coef = if par.mode == 2
eps(BigFloat)^0.5 # experimental
else
big(par.epsilon)^(order - 2)
end
# coef = par.epsilon^(order/1.9117569711) #just to try
# coef = eps(typeof(par.epsilon))^0.2
resPhi_u = phi(par, u, order - 1)
f = resPhi_u + reshape(repeat(u, par.n_tau), par.size_vect, par.n_tau)
f = filtredfct(par, f)
# f11 = coef * real(fftGen(par.par_fft, f)[:, 1]) / par.n_tau
f11 = coef * mean(f, dims = 2)
f .-= (phi(par, u + f11, order - 1) - resPhi_u) / coef
if par.mode == 5
f .-=
par.epsilon^2 * reshape(
collect(Iterators.flatten((par.tau_A .- (I,)) .* (par.paramfct[1],))),
par.size_vect,
par.n_tau,
)
end
end
f = fftgen(par.par_fft_big, f)
f = big(par.epsilon) * real(ifftgen(par.par_fft_big, f .* par.tau_int))
return f
end
function get_tab_rand(T::DataType, s, n)
tab = 2rand(T, s, n) - ones(T, s, n)
correct = sum(tab, dims = 2) / n
tab .-= correct
return tab
end
"""
PrepareU0(parphi::PreparePhi, order, u0, newprec)
Preparation of the original data
# Arguments
- `parphi::PreparePhi` : phi prepared parameters
- `order` : order of the preparation
- `u0` : initial data
- `[newprec]` : precision for the compute, if no given a default value is computed as a function of epsilon
# Fields
- `parphi` : phi prepared parameters
- `order` : order of the preparation
- `ut0` : formated initial data
- `u0` :initial data
"""
struct PrepareU0
parphi::PreparePhi
order::Any # it is the order of preparation at less one more than the order of AB process
ut0::Any # formated initial data
up0::Any # initial data
function PrepareU0(parphi::PreparePhi, order, u0, newprec)
#
# Numerical preparation (corresponds to formula (2.6), p3 with j=2, and
# algorithm is given p4).
up0 = vcat(u0, [parphi.t_0])
up0 = big.(up0)
# y, um =
# if parphi.mode == 3
# tab = transpose(reshape(repeat(get_tab_rand(parphi.n_tau,
# typeof(parphi.epsilon)), parphi.size_vect), parphi.n_tau, parphi.size_vect))
# y = parphi.epsilon*tab
# um = up0 - y[:,1]
# y, um
# else
if newprec == 0
prec = precision(BigFloat)
newprec = prec + 32 + div(-exponent(parphi.epsilon) * order^2, 3)
# newprec = prec*4
# println("prec : $prec --> $newprec")
end
y, um = setprecision(newprec) do
y = phi(parphi, up0, 2)
um = up0 - y[:, 1]
for i = 3:order
y = phi(parphi, um, i)
um = up0 - y[:, 1]
end
y, um
end
# end
ut0 = reshape(repeat(um, parphi.n_tau), parphi.size_vect, parphi.n_tau) + y
# if parphi.mode == 4
# ut0 +=parphi.epsilon^2*reshape(collect(Iterators.flatten((parphi.tau_A .- (I,)).* (parphi.paramfct[1],))),parphi.size_vect,parphi.n_tau)
# end
if typeof(parphi.epsilon) != BigFloat
ut0 = convert.(Float64, ut0)
up0 = convert.(Float64, up0)
end
return new(parphi, order, ut0, up0)
end
PrepareU0(parphi::PreparePhi, order, u0) = PrepareU0(parphi, order, u0, 0)
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 10065 | include("preparephi.jl")
include("coefexp_ab.jl")
"""
PrepareTwoScalesPureAB(nb_t, t_max, order, par_u0::PrepareU0)
Immutable structure, to share calculations, needed for the twoscale function
# Arguments :
- `nb_t::Int` : number of time slices
- `t_max`: end of the time
- `order` : order for compute the coefficients
- `par_u0::PrepareU0` : prepared initial data
# Keywords :
- `p_coef::Union{CoefExpAB,Missing}=missing` : precomputed coefficients of AB method
- `verbose=100` : trace level
# Fields :
- nb_t : number of time slices
- t_max : end of the time
- order : order for compute the coefficients
- parphi : prepared parameters for phi (from par_u0)
- par_u0 : prepared initial data
- p_coef : computed coefficients
- exptau : exp( -im*dt*'\tau'/epsilon) for all '\tau' values
- exptau_inv : inverse of exptau
- verbose : trace level
"""
struct PrepareTwoScalesPureAB
nb_t::Any
t_max::Any
dt::Any
order::Any
parphi::PreparePhi
par_u0::PrepareU0
p_coef::CoefExpAB
exptau::Any
exptau_inv::Any
verbose::Any
function PrepareTwoScalesPureAB(
nb_t,
t_max,
order,
par_u0::PrepareU0;
p_coef::Union{CoefExpAB,Missing} = missing,
verbose = 100,
)
parphi = par_u0.parphi
T = typeof(parphi.epsilon)
dt = T(t_max - parphi.t_0) / nb_t
p_coef = if ismissing(p_coef)
CoefExpAB(order, parphi.epsilon, parphi.n_tau, dt)
else
p_coef
end
exptau = collect(transpose(exp.(-im * dt / parphi.epsilon * parphi.tau_list)))
exptau_inv = collect(transpose(exp.(im * dt / parphi.epsilon * parphi.tau_list)))
return new(
nb_t,
t_max,
dt,
order,
parphi,
par_u0,
p_coef,
exptau,
exptau_inv,
verbose,
)
end
end
function _calculfft(parphi::PreparePhi, u_caret)
f = filtredfct(parphi, real(ifftgen(parphi.par_fft, u_caret)))
return fftgen(parphi.par_fft, f)
end
function _calcul_ab(par::PrepareTwoScalesPureAB, ord, fftfct, fft_u, dec, sens)
resfft = fft_u[dec-sens] .* ((sens == 1) ? par.exptau : par.exptau_inv)
tab_coef = (sens == 1) ? par.p_coef.tab_coef : par.p_coef.tab_coef_neg
for k = 1:ord
indice = dec - sens * k
resfft .+= transpose(tab_coef[:, k, ord]) .* fftfct[indice]
end
fft_u[dec] = resfft
if par.verbose >= 200 && isexactsol(par.parphi)
t = par.parphi.t_0 + (dec - par.order) * par.dt
u_exact = getexactsol(par.parphi, par.par_u0.up0[1:(end-1)], t)
u_computed = _getresult(fft_u[dec], t - par.parphi.t_0, par.parphi)
err = Float64(norm(u_exact - u_computed, Inf))
i = dec - par.order
traceln(200, "i=$i err=$err", verbose = par.verbose)
end
fftfct[dec] = _calculfft(par.parphi, resfft)
end
# function _init_ab(par::PrepareTwoScalesPureAB, fftfct, fft_u)
# # println("_init_ab order=$(par.order)")
# if par.order != 1
# for new_ord=2:par.order
# _calcul_ab(par, new_ord-1, fftfct, fft_u, par.order+new_ord-1, 1)
# for k = 1:new_ord-1
# _calcul_ab(par, new_ord, fftfct, fft_u, par.order-k, -1)
# end
# for k = 1:new_ord-1
# _calcul_ab(par, new_ord, fftfct, fft_u, par.order+k, 1)
# end
# end
# end
# end
function _init_ab(par::PrepareTwoScalesPureAB, fftfct, fft_u)
# println("_init_ab order=$(par.order)")
if par.order != 1
for new_ord = 2:par.order
for k = 1:new_ord-1
_calcul_ab(par, new_ord - 1, fftfct, fft_u, par.order - k, -1)
end
for k = 1:new_ord-1
_calcul_ab(par, new_ord, fftfct, fft_u, par.order + k, 1)
end
end
end
end
function _tr_ab(par::PrepareTwoScalesPureAB, fftfct, u_chap)
resu_c = par.exptau .* u_chap
bound = par.order - 1
for k = 0:bound
resu_c .+= transpose(par.p_coef.tab_coef[:, k+1, par.order]) .* fftfct[end-k]
end
resfft = _calculfft(par.parphi, resu_c)
return resfft, resu_c
end
function traceln(refniv, str; verbose = 100)::Nothing
if verbose >= refniv
println(str)
end
end
function trace(refniv, str; verbose = 100)::Nothing
if verbose >= refniv
print(str)
end
end
# for this function only, t is the time from the beginning
function _getresult(u_chap, t, par::PreparePhi)
# matlab : u1=real(sum(fft(ut)/Ntau.*exp(1i*Ltau*T/ep)));
u1 = real(u_chap * exp.(1im * par.tau_list * t / par.epsilon)) / par.n_tau
res = exp(t / par.epsilon * par.sparse_Ap) * u1
return res[1:(end-1)]
end
function _getresult(tab_u_chap, t, par::PreparePhi, t_begin, t_max, order)
nb = size(tab_u_chap, 1) - 1
dt = (t_max - t_begin) / nb
t_ex = (t - t_begin) / dt
t_int = convert(Int64, floor(t_ex))
t_int_begin = t_int - div(order, 2)
if t_int_begin < 0
t_int_begin = 0
end
if t_int_begin > nb - order
t_int_begin = nb - order
end
t_ex -= t_int_begin
t1 = t_int_begin + 1
N = (typeof(par.epsilon) == BigFloat) ? BigInt : Int64
u_chap = interpolate(tab_u_chap[t1:(t1+order)], order, t_ex, N)
return _getresult(u_chap, t - t_begin, par)
end
function _getresult(tab_t, tab_u_chap, t, par::PreparePhi, t_begin, t_max, order)
nb = size(tab_u_chap, 1) - 1
dt = (t_max - t_begin) / nb
t_ex = (t - t_begin) / dt
t_int = convert(Int64, floor(t_ex))
t_int_begin = t_int - div(order, 2)
if t_int_begin < 0
t_int_begin = 0
end
if t_int_begin > nb - order
t_int_begin = nb - order
end
t1 = t_int_begin + 1
u_chap = interpolate(tab_t[t1:(t1+order)], tab_u_chap[t1:(t1+order)], order, t)
return _getresult(u_chap, t - t_begin, par)
end
"""
twoscales_pure_ab(par::PrepareTwoScalesPureAB; only_end::Bool=false, diff_fft::Bool=false, res_fft::Bool=false, verbose::Integer=100)
compute the data to get solution of the differential equation
# Arguments :
- `par::PrepareTwoScalesPureAB` : contains all the parameters and prepared data
# Keywords :
- `only_end=false` : if true return only the result for t_end
- `diff_fft::Bool=false` : if true return data about diff
- `res_fft::Bool=false` : if true return u_caret data indispensable for interpolation
- `verbose::Integer`: level off traces (0 means no output)
"""
function twoscales_pure_ab(
par::PrepareTwoScalesPureAB;
only_end::Bool = false,
diff_fft::Bool = false,
res_fft::Bool = false,
verbose::Integer = 100,
)
levelref = 90
T = typeof(par.parphi.epsilon)
fftfct = Vector{Array{Complex{T},2}}(undef, 2par.order - 1)
fft_u = Vector{Array{Complex{T},2}}(undef, 2par.order - 1)
res_u = par.par_u0.ut0
up0 = par.par_u0.up0
fftfct[par.order] = fftgen(par.parphi.par_fft, filtredfct(par.parphi, res_u))
fft_u[par.order] = fftgen(par.parphi.par_fft, res_u)
result = zeros(typeof(par.parphi.epsilon), par.parphi.size_vect - 1, par.nb_t + 1)
result[:, 1] = up0[1:(end-1)]
result_fft = undef
_init_ab(par, fftfct, fft_u)
memfft = fftfct[par.order:(2par.order-1)]
if res_fft
result_fft = Vector{Array{Complex{T},2}}(undef, par.nb_t + 1)
res_u_chap = Vector{Array{Complex{T},2}}(undef, par.nb_t + 1)
for i = 1:min(par.order, par.nb_t + 1)
result_fft[i] = memfft[i]
end
for i = 1:min(par.order, par.nb_t + 1)
res_u_chap[i] = fft_u[i+par.order-1]
end
end
if !only_end
for i = 2:min(par.order, par.nb_t + 1)
result[:, i] = _getresult(fft_u[par.order+i-1], (i - 1) * par.dt, par.parphi)
end
end
tabdifffft = undef
tabdifffft_2 = undef
if diff_fft
tabdifffft = zeros(BigFloat, par.nb_t)
tabdifffft_2 = zeros(BigFloat, par.nb_t)
for i = 1:(par.order-1)
tabdifffft[i] = norm(memfft[i] - memfft[i+1], Inf)
tabdifffft_2[i] = norm(memfft[i] - memfft[i+1])
end
end
# ring permutation where the beginning becomes the end and the rest is shifted by one
permut = collect(Iterators.flatten((2:par.order, 1:1)))
ut0_fft = fft_u[par.order-1+min(par.order, par.nb_t + 1)]
traceln(levelref, "", verbose = verbose)
norm_delta_fft = 0
norm_delta_fft_2 = 0
nbnan = 0
borne_nm = 0
c_mult = 1.1
for i = par.order:par.nb_t
resfft, ut0_fft = _tr_ab(par, memfft, ut0_fft)
if res_fft
result_fft[i] = resfft
# res_u_chap[i+par.order] = ut0_fft
res_u_chap[i+1] = ut0_fft
end
if !only_end
result[:, i+1] = _getresult(ut0_fft, i * par.dt, par.parphi)
end
if diff_fft
nm = norm(resfft - memfft[end], Inf)
nm_2 = norm(resfft - memfft[end])
norm_delta_fft = max(nm, norm_delta_fft)
norm_delta_fft_2 = max(nm_2, norm_delta_fft_2)
tabdifffft[i] = nm
tabdifffft_2[i] = nm_2
end
memfft = memfft[permut]
memfft[end] = resfft
if i % 100 == 0
trace(levelref, "x", verbose = verbose)
# GC.gc()
end
if i % 10000 == 0 || i == par.nb_t
traceln(levelref, " $i/$(par.nb_t)", verbose = verbose)
end
end
# println("norm diff fft = $norm_delta_fft")
ret = only_end ? _getresult(ut0_fft, par.t_max - par.parphi.t_0, par.parphi) : result
if res_fft
if diff_fft
return ret,
result_fft,
res_u_chap,
tabdifffft,
tabdifffft_2,
norm_delta_fft,
norm_delta_fft_2
else
return ret, result_fft, res_u_chap
end
else
if diff_fft
return ret, tabdifffft, tabdifffft_2, norm_delta_fft, norm_delta_fft_2
else
return ret
end
end
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 531429 | # CoefExpAB order=15 epsilon=1//10 n_tau =32 dt=1//10000
# tab_res_coef is AB coefficient for each value from 1 to n_tau
# this file is generated by gendatacoefexp.jl file
function get_coef_ab_for_test()
tabres = zeros(Complex{BigFloat}, 32, 16, 16)
tabres[ :, :, 1] .= [
parse(
BigFloat,
"1.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99999833333341666666468253971009700151314734808658419004814510271467" *
"3516376365515440749327845858917044747128565625505693920298729248557557" *
"89892276667977042981102909980878076415170642529105746314317485e-05"
) + im * parse(
BigFloat,
"-4.9999995833333472222219742063519620811078710385413014376488872205549" *
"5979160750971111676236918046246412743631908084935262513357558571039895" *
"952935854244584417991131133316749372885094720577051441943869006e-08"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99999333333466666653968254673721314734648725759824341835108097166321" *
"8857298395111465380295100875287987685686193768505324542482591183060994" *
"72942028649844383971792706398101406835700563877377490986446667e-05"
) + im * parse(
BigFloat,
"-9.9999966666671111110793650807760140665918453093056111045531082187698" *
"6016457835271786780741961247904173226305830323768241775769254883867193" *
"651580897583293444765139032520167531018870766272757100675139917e-08"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99998500000674999855357160937498520698137292391447280519197268162507" *
"6699715248541626266354916503167343495482372714044028189425828761752213" *
"95578131072739924155056364124615071023940426134955382598224618e-05"
) + im * parse(
BigFloat,
"-1.4999988750003374999457589339955353444602455608001205337832825569727" *
"0135377265010382040051948527112969562175349641273237727177857193023436" *
"613985551635949327142263389776179169768739527903200604198140651e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99997333335466665853968434567874965530993121898956239073671437481317" *
"7082873307499934238526561122562472475975810254226540348823531850322108" *
"03974895829042646162124856221430286575081668309450620720753306e-05"
) + im * parse(
BigFloat,
"-1.9999973333347555551492064214461993565290152057892834215964077544759" *
"5138399437125354587807910314110784759114372964455117104251566237054741" *
"863419953482682079381952144385707530057998548682883488116134653e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99995833338541663566469330425791505746076935528405903559662795203895" *
"4336295702835685130591016439561729233467403389555641963067990315649946" *
"21305520589313585180874304815621172721745121902172813259335368e-05"
) + im * parse(
BigFloat,
"-2.4999947916710069425068209747367256641349572931046787352924749044034" *
"0054292087407141951487819573392379865937294560089587385008710806695332" *
"250219227928877031759399988707158154093172006825280131218454020e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99994000010799990742861771427056623726193746267454770304490039885794" *
"4178358195825258942264420783009087187444068933338472335506685488289205" *
"25206522105933900640380140913885027634889373655203155968165751e-05"
) + im * parse(
BigFloat,
"-2.9999910000107999930571456342849568832666989927980617275830905625308" *
"6661971365888694347396122743435885894786618305891347843549272217982124" *
"768853296587248768954321437736404821833132413975919387301560656e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99991833353341643323626997350176488088378309474556689386982539359269" *
"4937497030316060462737222951960679803000875547253423158952725632579840" *
"82845566717439452515813305241178195656716891365234851940154394e-05"
) + im * parse(
BigFloat,
"-3.4999857083566763684637263981459491446152937513129057087694937610025" *
"4223782949775538968792587687861584893329116484100442792954873363854569" *
"092828681033509743242557948147037246366463184286770850002004288e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99989333367466614654014487451054659103668931526020192115249701013087" *
"2881865058555554600921591582539041192551164400002921899811384390442500" *
"26632123632628861119157955847567661297287488404588636316979116e-05"
) + im * parse(
BigFloat,
"-3.9999786667121777257651163518691922290627746014650065958584824601105" *
"3816737181250188679852930364515151069297572958836365250941863107326042" *
"576369569612735360071451184276475399510815116722618633299551479e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99986500054674894555475767993005887482088953986714230381103480836067" *
"1207280929882827381824259106904773784436875813207348082993099618055560" *
"09377832451140873914752437441151359384693536124506596287754281e-05"
) + im * parse(
BigFloat,
"-4.4999696250820123813748835483496651250377682379889320969112114152138" *
"1636595250118550014207768434644514858965072997546015054543968179832528" *
"768562667134859429904556956092310515063891534372612584633367801e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99983333416666468254243826909972903896438536016915103387911247940973" *
"4509063915965942636792961498990152518256893760673807114391478101834367" *
"99250452237487792334633395662957704288475175228160558357110105e-05"
) + im * parse(
BigFloat,
"-4.9999583334722219742066247793326787529416019722888877724231353539911" *
"8703565083648744562387026273437694380584869581654171842070062451373704" *
"905514630270702921535248799308553761707138746053355844964542271e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99979833455341315167058968929688640299799285922341738224056290253124" *
"2318026291078867114177771179016992982047608288553862929876774000869201" *
"59888870922996066266797021973540285654847687797854208715371076e-05"
) + im * parse(
BigFloat,
"-5.4999445418903481277989880802274992799066556920213704292909286504189" *
"5888638911254957764972260736755026766031705946539787759999478741927084" *
"517969985242408765446796006337399260423688968723738022892510711e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99976000172799407544042055591698055216121064151019888964311247547851" *
"3048974878437957446984335387548336649895472754554858159561069566489139" *
"04851816061019809846530525503886217176545989503944866276875042e-05"
) + im * parse(
BigFloat,
"-5.9999280003455991113157076098774121363820123051343129741999461659904" *
"3875769216635577952073109700339184915458231671591846322100240018817627" *
"914588264807973470143292609638275054940873139401885184902028083e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99971833571340708968716185702552747153562275123438142285092790227838" *
"3785782946444442685447186331834524460892366234120667951269250939226466" *
"00734145225506913114750420638485495941304255341595629348257703e-05"
) + im * parse(
BigFloat,
"-6.4999084588490164992956554469235118841163901801342426089206796347871" *
"5099573062571443063328917662992589258891860334789773332957584897620599" *
"763134101985123711194183492733316515308226632796700446470400061e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99967333653465172715177982877026927162899635073078670374466616111327" *
"1186368618086441150390119177212838301831375022904742014633359205404473" *
"31902845732418111574072491962268696874093272979755036499051165e-05"
) + im * parse(
BigFloat,
"-6.9998856674136418300279158443853364819712944105175282221082760149671" *
"0178064484790816667140108869532728916826526591808693992144100947328774" *
"901857576029349557737980259982749692439939980064618138023628333e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99962500421872739962419767919784178125577612738795855250173650206985" *
"3063062203631608179805282665038371721142655587895353342907920609911809" *
"60364043254994013057536606675201230732931029870845894917057543e-05"
) + im * parse(
BigFloat,
"-7.4998593760546832624268885840626729305172914749675543713607734878489" *
"9700181336830713305047672928063037314101040645951320860632021390850170" *
"666355001526004311461970840630353222038035343658368137737689413e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99957333879463337865804004906459850202777478881449892190784947811191" *
"7974710195075853289673205602943427592580552223135003197986019126975112" *
"64306037956197396672292558782920671959493486835162545700838246e-05"
) + im * parse(
BigFloat,
"7.99982933478968223128242927233852809804915670235535947819353550969821" *
"7682269245035557533225562771468052106077882121265592421699507023006642" *
"92863240042070038189839100630509937509803782643831032261351124e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99962500421872739962419767919784178125577612738795855250173650206985" *
"3063062203631608179805282665038371721142655587895353342907920609911809" *
"60364043254994013057536606675201230732931029870845894917057543e-05"
) + im * parse(
BigFloat,
"7.49985937605468326242688858406267293051729147496755437136077348784899" *
"7001813368307133050476729280630373141010406459513208606320213908501706" *
"66355001526004311461970840630353222038035343658368137737689413e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99967333653465172715177982877026927162899635073078670374466616111327" *
"1186368618086441150390119177212838301831375022904742014633359205404473" *
"31902845732418111574072491962268696874093272979755036499051165e-05"
) + im * parse(
BigFloat,
"6.99988566741364183002791584438533648197129441051752822210827601496710" *
"1780644847908166671401088695327289168265265918086939921441009473287749" *
"01857576029349557737980259982749692439939980064618138023628333e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99971833571340708968716185702552747153562275123438142285092790227838" *
"3785782946444442685447186331834524460892366234120667951269250939226466" *
"00734145225506913114750420638485495941304255341595629348257703e-05"
) + im * parse(
BigFloat,
"6.49990845884901649929565544692351188411639018013424260892067963478715" *
"0995730625714430633289176629925892588918603347897733329575848976205997" *
"63134101985123711194183492733316515308226632796700446470400061e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99976000172799407544042055591698055216121064151019888964311247547851" *
"3048974878437957446984335387548336649895472754554858159561069566489139" *
"04851816061019809846530525503886217176545989503944866276875042e-05"
) + im * parse(
BigFloat,
"5.99992800034559911131570760987741213638201230513431297419994616599043" *
"8757692166355779520731097003391849154582316715918463221002400188176279" *
"14588264807973470143292609638275054940873139401885184902028083e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99979833455341315167058968929688640299799285922341738224056290253124" *
"2318026291078867114177771179016992982047608288553862929876774000869201" *
"59888870922996066266797021973540285654847687797854208715371076e-05"
) + im * parse(
BigFloat,
"5.49994454189034812779898808022749927990665569202137042929092865041895" *
"8886389112549577649722607367550267660317059465397877599994787419270845" *
"17969985242408765446796006337399260423688968723738022892510711e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99983333416666468254243826909972903896438536016915103387911247940973" *
"4509063915965942636792961498990152518256893760673807114391478101834367" *
"99250452237487792334633395662957704288475175228160558357110105e-05"
) + im * parse(
BigFloat,
"4.99995833347222197420662477933267875294160197228888777242313535399118" *
"7035650836487445623870262734376943805848695816541718420700624513737049" *
"05514630270702921535248799308553761707138746053355844964542271e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99986500054674894555475767993005887482088953986714230381103480836067" *
"1207280929882827381824259106904773784436875813207348082993099618055560" *
"09377832451140873914752437441151359384693536124506596287754281e-05"
) + im * parse(
BigFloat,
"4.49996962508201238137488354834966512503776823798893209691121141521381" *
"6365952501185500142077684346445148589650729975460150545439681798325287" *
"68562667134859429904556956092310515063891534372612584633367801e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99989333367466614654014487451054659103668931526020192115249701013087" *
"2881865058555554600921591582539041192551164400002921899811384390442500" *
"26632123632628861119157955847567661297287488404588636316979116e-05"
) + im * parse(
BigFloat,
"3.99997866671217772576511635186919222906277460146500659585848246011053" *
"8167371812501886798529303645151510692975729588363652509418631073260425" *
"76369569612735360071451184276475399510815116722618633299551479e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99991833353341643323626997350176488088378309474556689386982539359269" *
"4937497030316060462737222951960679803000875547253423158952725632579840" *
"82845566717439452515813305241178195656716891365234851940154394e-05"
) + im * parse(
BigFloat,
"3.49998570835667636846372639814594914461529375131290570876949376100254" *
"2237829497755389687925876878615848933291164841004427929548733638545690" *
"92828681033509743242557948147037246366463184286770850002004288e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99994000010799990742861771427056623726193746267454770304490039885794" *
"4178358195825258942264420783009087187444068933338472335506685488289205" *
"25206522105933900640380140913885027634889373655203155968165751e-05"
) + im * parse(
BigFloat,
"2.99999100001079999305714563428495688326669899279806172758309056253086" *
"6619713658886943473961227434358858947866183058913478435492722179821247" *
"68853296587248768954321437736404821833132413975919387301560656e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99995833338541663566469330425791505746076935528405903559662795203895" *
"4336295702835685130591016439561729233467403389555641963067990315649946" *
"21305520589313585180874304815621172721745121902172813259335368e-05"
) + im * parse(
BigFloat,
"2.49999479167100694250682097473672566413495729310467873529247490440340" *
"0542920874071419514878195733923798659372945600895873850087108066953322" *
"50219227928877031759399988707158154093172006825280131218454020e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99997333335466665853968434567874965530993121898956239073671437481317" *
"7082873307499934238526561122562472475975810254226540348823531850322108" *
"03974895829042646162124856221430286575081668309450620720753306e-05"
) + im * parse(
BigFloat,
"1.99999733333475555514920642144619935652901520578928342159640775447595" *
"1383994371253545878079103141107847591143729644551171042515662370547418" *
"63419953482682079381952144385707530057998548682883488116134653e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99998500000674999855357160937498520698137292391447280519197268162507" *
"6699715248541626266354916503167343495482372714044028189425828761752213" *
"95578131072739924155056364124615071023940426134955382598224618e-05"
) + im * parse(
BigFloat,
"1.49999887500033749994575893399553534446024556080012053378328255697270" *
"1353772650103820400519485271129695621753496412732377271778571930234366" *
"13985551635949327142263389776179169768739527903200604198140651e-07"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99999333333466666653968254673721314734648725759824341835108097166321" *
"8857298395111465380295100875287987685686193768505324542482591183060994" *
"72942028649844383971792706398101406835700563877377490986446667e-05"
) + im * parse(
BigFloat,
"9.99999666666711111107936508077601406659184530930561110455310821876986" *
"0164578352717867807419612479041732263058303237682417757692548838671936" *
"51580897583293444765139032520167531018870766272757100675139917e-08"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"9.99999833333341666666468253971009700151314734808658419004814510271467" *
"3516376365515440749327845858917044747128565625505693920298729248557557" *
"89892276667977042981102909980878076415170642529105746314317485e-05"
) + im * parse(
BigFloat,
"4.99999958333334722222197420635196208110787103854130143764888722055495" *
"9791607509711116762369180462464127436319080849352625133575585710398959" *
"52935854244584417991131133316749372885094720577051441943869006e-08"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
]
tabres[ :, :, 5] .= [
parse(
BigFloat,
"2.64027777777777777777777777777777777777777777777777777777777777777777" *
"7777777777777777777777777777777777777777777777777777777777777777777777" *
"77777777777777777777777777777777777777777777777777777777777778e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.8527777777777777777777777777777777777777777777777777777777777777777" *
"7777777777777777777777777777777777777777777777777777777777777777777777" *
"777777777777777777777777777777777777777777777777777777777777778e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.63333333333333333333333333333333333333333333333333333333333333333333" *
"3333333333333333333333333333333333333333333333333333333333333333333333" *
"33333333333333333333333333333333333333333333333333333333333333e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.7694444444444444444444444444444444444444444444444444444444444444444" *
"4444444444444444444444444444444444444444444444444444444444444444444444" *
"444444444444444444444444444444444444444444444444444444444444444e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.48611111111111111111111111111111111111111111111111111111111111111111" *
"1111111111111111111111111111111111111111111111111111111111111111111111" *
"11111111111111111111111111111111111111111111111111111111111111e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027749632937694968007626279668497330437962690443022585558713246679" *
"0534927684450133041973038391851301305995613119028476791488814145862681" *
"55965856002676518335329975173965814785604510435050491211799762e-04"
) + im * parse(
BigFloat,
"-9.9097215862268706693669698389349871580321912948688692226018622330938" *
"2017876193972155006388688705471325872231526648612123911550670383160805" *
"328689641407641256734394374674629807593950413229279543792045769e-08"
) parse(
BigFloat,
"-3.8527775255952456046074581045254155887737955570826359366747759245748" *
"8381742268128724054293829188293836924716534482854827255063195157284409" *
"996725828058888785672381183959800360990958509346592723625304953e-04"
) + im * parse(
BigFloat,
"1.10833328607804336254407806571012994727370900796349903822451454717357" *
"1288756865239673582913544548331074733188273813073389528737485319155310" *
"28760048798954221343817727004400023334236706885128762991254355e-07"
) parse(
BigFloat,
"3.63333311130953017526444622314523054105594352374372765758653110039531" *
"0643038840794145908816674270445258499948622874658762178968806635340488" *
"84178465442699908799723255677353803553881092574275244325551570e-04"
) + im * parse(
BigFloat,
"-1.0041666259424611830357030874219344069908504354836747041937530022875" *
"0515507642177425910373314231123861852191324780177353808324575004352291" *
"578569623692186061653670253934437989980453812908645029844426192e-07"
) parse(
BigFloat,
"-1.7694443394841299465387527473817192002919728407685045887869361937917" *
"6658780907834981438074257006966738383990032940464907379051996486513648" *
"490792374627790274932068582847143615422726969779626839902273434e-04"
) + im * parse(
BigFloat,
"4.80555536474868125551141240446840317665110608026884222205423835421478" *
"2352955639086035639186253188583782152226989884263830459763471338534304" *
"88274135570303050641907112064696009059926927974264432028693854e-08"
) parse(
BigFloat,
"3.48611090773810092868156619936228974856759982011641061024408395776016" *
"5789028709443200478239338762008977558342948020606767627241685816331702" *
"63631089081003377675068269537121657157169403698044026216588036e-05"
) + im * parse(
BigFloat,
"-9.3749996321097960345016655476733350255537154873951777740887879053658" *
"3302605643729747129472568967259212978981064360493730932749705973649156" *
"144245994749278088001186014064359078889001750868736616487987164e-09"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027665198431690915451044927185979679853830457714285383515439356466" *
"4018032733710676524523516286399055075523673265822495283714143318996077" *
"54889417113801733402073929120863339854082997438327755356532862e-04"
) + im * parse(
BigFloat,
"-1.9819439356482083641935102347924904752878907400263159405003592534652" *
"3531538164369486204108463044468401674781703294765963946985722138640198" *
"666612644721959186206858871289919485339220933812789879458320449e-07"
) parse(
BigFloat,
"-3.8527767690477391975228213353863009317713446866482415536059544361929" *
"2010259526696036346542341004575169793081402545061931815489603086152548" *
"019240192015746382344684869911160245054832310952178409300915133e-04"
) + im * parse(
BigFloat,
"2.21666628862437172839331516226538501517412631390132472505022611372114" *
"9664439304254827176396404576626913361120922716182565824008662169815650" *
"89622966831995144125604221241661364245094013317071040242634171e-07"
) parse(
BigFloat,
"3.63333244523819708994043129737719070240282956008383675509008788800200" *
"0582891860775029966082742928173716941902743451507038530709406902335925" *
"50459701521812435020926037003019965555624736213453021806893194e-04"
) + im * parse(
BigFloat,
"-2.0083330075397102380938047138543702023473293542536199280048774418298" *
"1152181260908929283416804710805010741280512191296043454032018502174765" *
"082688265610892189795310183563095979943443536849688597718439248e-07"
) parse(
BigFloat,
"-1.7694440246032220017605991129492318344175911100269423421348422420801" *
"1637898057983119609150029989062127870603071094515985302670963058092172" *
"591000639112490230789119146570763616077860765459092985708836776e-04"
) + im * parse(
BigFloat,
"9.61110958465621287477295708429508958049984515357202555087853429792036" *
"1657581123754199355613216727231331379807114391658865145254025939239920" *
"37583427995169037705074806231605811291343313647700746055468487e-08"
) parse(
BigFloat,
"3.48611029761913866842446956360203581722216657774028628650662493872693" *
"7663810918169996043469608093290033879869390553001698214303703394213025" *
"21859153576068831079833209978506964065553991472283669449705190e-05"
) + im * parse(
BigFloat,
"-1.8749997056878552469123243012563470224807526590915252208815367009512" *
"5009460999117879017447009944520095564785309618496620104125913239457199" *
"092384890569900163704565502638232331934509506466383477389353143e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027524474302498741051623358113281170683873583696635015315717822114" *
"0483664583889699293926863367050609135678695712827162271075789164399064" *
"92389222153858091993711492202207402446952788810615160665337494e-04"
) + im * parse(
BigFloat,
"-2.9729149494796239322229704475966946292418148892411211779567912494679" *
"3690564707420765701300721085814257007407507284836193028102021512007173" *
"561967556903169157557209653649190384915809565025691948247988067e-07"
) parse(
BigFloat,
"-3.8527755081355288937575931274710136472660185987766598059588920679548" *
"3360946327058626679101230370881363093650216753999028033514214019287906" *
"964072484388442252222794390990935531931219543018986377736146165e-04"
) + im * parse(
BigFloat,
"3.32499872410739424104158685300723258997824720300648517202601336775086" *
"7731853996065413458286760509236345635838029600399763581571074513110780" *
"66073014185281124543731889155410394288928921512463691705465194e-07"
) parse(
BigFloat,
"3.63333133511956324397177286971039330458364568467028126756806167023974" *
"7578426864597078004155822894094561402850452852642175267160386187745844" *
"01200223128605762461076163916862211340656323812613234510754263e-04"
) + im * parse(
BigFloat,
"-3.0124989004466389062255093363245430960085578253757588894955791669602" *
"4836641849601986601686732184937712241716657700888078650124891171244218" *
"889297863591690494189061748117681238987105996940673424539472947e-07"
) parse(
BigFloat,
"-1.7694434998018272569094830029171043832506261598592858845341925911919" *
"5846531193687622883760039310497383060013173804676042158016765297300506" *
"450180112066238057519171448094508351676309160722345624035749942e-04"
) + im * parse(
BigFloat,
"1.44166615148819260415541666753892494030611517125623790536320716987215" *
"9586390754467716606042036763879888481862505760020141822376564385366706" *
"43340463693888771618850371430210287043243209680007757649214380e-07"
) parse(
BigFloat,
"3.48610928075442919140144188034090434924297630520145353291063078848411" *
"6826552838298809571655022029590253476529942926857671960162006899144466" *
"02209642794904477026838193788357769223136337315991448556268115e-05"
) + im * parse(
BigFloat,
"-2.8124990066966150669428267062045514949423522044596354372013267816754" *
"3399951830409427434973749836726237248212381915909565893457083996197928" *
"721336090202595715585742485949282271979960971293066807653592108e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027327460621340281988585214025634419666404268099982611616435887675" *
"0971484485181900901782908572143596387561849587624957384863963117417721" *
"83177031486918015015810496659765061751541743492463047111296611e-04"
) + im * parse(
BigFloat,
"-3.9638848185204454315841249339731691676735039490506290234281346299003" *
"8122275069420214047980605965646829100491030249410543865788374895767645" *
"699166619414024583974335729846084519528642226804626703875296910e-07"
) parse(
BigFloat,
"-3.8527737428590652552171792871437923721625303887047393987062213853767" *
"9784002784262427256947627595982676450333599666022452451898120550439091" *
"191816512800255298444587399564002080488573184493255156759522507e-04"
) + im * parse(
BigFloat,
"4.43333030899576832429143074061145281447323976408647866719255397810998" *
"6605967243491273528864531473671140294923216656288562847988981739106624" *
"65100344940268276743379160844207693057669682082062345675889775e-07"
) parse(
BigFloat,
"3.63332978095401058158442848257716759438633526172263756329572083056748" *
"3443723801539234693159512353172590463659053130564847972181096979913412" *
"46165814757491699115030874864477037441839889541801107436694128e-04"
) + im * parse(
BigFloat,
"-4.0166640603183466664831938686179168941207634157683231525948497818271" *
"2972275420191900195818731187203466603567018360106940356382336329642752" *
"830343330371249244741892487899657197793877220368407418142569014e-07"
) parse(
BigFloat,
"-1.7694427650801234565936871686509337478155092390119104232436472519673" *
"1857415410011989512009143088113732207938125811812754302671610158355927" *
"862145270359601984649203559091009083279594895079187812722672193e-04"
) + im * parse(
BigFloat,
"1.92222100105861135794041153425073733768023725138236112879831546044909" *
"0815319463514524900716919446309584236893364294998909633448385776752329" *
"80768015713217730744587370865363651339027843243118681126771860e-07"
) parse(
BigFloat,
"3.48610785714431393260520555645177146926033445211968671611654885381199" *
"7072609867730255184779420279041469790939330855849162235346001756512670" *
"50164264983518335791620727529120932322946133691238770062792917e-05"
) + im * parse(
BigFloat,
"-3.7499976455034313931372989371730344688822485643917104156429278130751" *
"7859776182138201869667182532585615082379824500663801302245917632302387" *
"797783643508942581536904583495371571321766268350303929009303639e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027074157487926045086673557086388785941817908736137210023151003450" *
"9579541710657734815481753180964962328462807653453152548965397137728515" *
"78379951125774378988339821334926950515451800870131933619065268e-04"
) + im * parse(
BigFloat,
"-4.9548531611748619526000154544859860999298956257869605048456424258408" *
"5163896920656805515309245920729366374778962501680692272630801986118724" *
"808433392052577823560712228032882666037090303410949340679467309e-07"
) parse(
BigFloat,
"-3.8527714732189790682524604312611298950936768996834098029101229701625" *
"5502854373687912108122598264310794204141319823857495358664055552589577" *
"934878101508288233381097017919894339076544177119224688439777272e-04"
) + im * parse(
BigFloat,
"5.54166075975852382223644996607976905383846994881647818799254506748753" *
"8248112888566832672787170045744896237121406420355279597825747600530265" *
"47208327437963860457814231938962348805318824328103899999335947e-07"
) parse(
BigFloat,
"3.63332778274207382443255451356843351441803220663362932567988089876901" *
"5407391637501836725491017474100814885490694526798590067069790987788684" *
"60209012419679776056137438249813838654701595364629206071985616e-04"
) + im * parse(
BigFloat,
"-5.0208282428102446047798954966631568945991857790738404837058112110126" *
"5063388731598094769009580302402278054480283803570812729250699840705224" *
"136781590539453793364683880054285725713640530168119551595358206e-07"
) parse(
BigFloat,
"-1.7694418204383594431439531589864217391814072298319153697331727654921" *
"4220421645104869151401905402012820153533147447568349801483488620915345" *
"130737470996091527498113388411972362234245412726186929753475536e-04"
) + im * parse(
BigFloat,
"2.40277539269305107708930417238519758624982072360808541420569808439921" *
"6821686009950551735015941038875002079975965586833872656226714188373649" *
"75206641531522790047270334018036887689435817150869427744129869e-07"
) parse(
BigFloat,
"3.48610602678927090079461671534045737743710679322740378422846122055067" *
"6794564100518095673313676521265392861379108729622731817470526410970248" *
"91571610178569643528205772286880294128107058008677598281354609e-05"
) + im * parse(
BigFloat,
"-4.6874954013747528445266416205254930969416656066844134893926441943665" *
"3339863250039801079493044587227252683877854555569976085324551587617748" *
"274192143063320653390884465769889988371958147251845666870943212e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64026764565030455141590038551323262134133206678197799521618695312772" *
"4275441970319071763635179798907550126463500916424648648496904004658865" *
"65365137157205212060787634368976036610554433864002653758645248e-04"
) + im * parse(
BigFloat,
"-5.9458195958479658245402198188576308001106952358709073416191773979998" *
"9175230364472080981736913379232130148382143058380693975924210591545948" *
"732212240853161290752106095107493113139800751611817574844935221e-07"
) parse(
BigFloat,
"-3.8527686992160813433431047018431163256310188809983495404260392613534" *
"8593846183268325225192611891694463632365422037726198699691084035000972" *
"315707864148388487287078282550129874866585591108858148202704915e-04"
) + im * parse(
BigFloat,
"6.64998979286518713903740380463794724394465773965607669776727938674886" *
"7434012465537264210470165628501523965286607179340531519367597761320568" *
"27926670501859131749884042122015958245933869624092548114564095e-07"
) parse(
BigFloat,
"3.63332534048444047133632217832785877883707148085204793261918674957361" *
"0980704268928581164634471405327874232934111170739749625410617672152859" *
"67104144847221199603699870539357137338430882479533479991521916e-04"
) + im * parse(
BigFloat,
"-6.0249912035781592825794814968672005427793175768671570373797579099492" *
"7745454970418490800121087323933987504880003293670693615000356785405677" *
"064931631744538400025898194267855171339495698445365332729747189e-07"
) parse(
BigFloat,
"-1.7694406658768551564926271017569130906971897686341298556765282742993" *
"3913982869960576513879866570318859530113757345890449751395820242095945" *
"576987087604516097174109801582607315159844908630435303471983670e-04"
) + im * parse(
BigFloat,
"2.88332921190787761760761949421520938672502481618585051927533930059769" *
"2440685709409193151655925176478072413376790076171714814993348853458996" *
"08220794612160164995631456404476214657424058614645240718487397e-07"
) parse(
BigFloat,
"3.48610378968991467826371011185994639875998848265908238571683872837284" *
"2399801126238903566815754941987159841385886423359334705121896429863741" *
"27463219590715628607385933157925188409341207612776335213379960e-05"
) + im * parse(
BigFloat,
"-5.6249920535773964258246761741328217104636873590192456562677394192825" *
"7287558484927683017507311207677278793908116793911848860607995025084554" *
"078568891035683749218326468875487102571938921574742685599297369e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64026398683405615203300175506101269690006439913271359124262710566988" *
"6984150670070801876082011876372999448608531307690054055047921386903655" *
"32893199076614645496041572793540718809567783400428703631147745e-04"
) + im * parse(
BigFloat,
"-6.9367837409459784241701457431332668224101197724012794884585807888223" *
"6829675631496455998110359208751008386963334619211972932849031719621465" *
"948545491674998757925289885742772315470162496721659146380388454e-07"
) parse(
BigFloat,
"-3.8527654208513633146903987231146896443767819837076876189824374643155" *
"5092786904529944200818014532971381237323766102364686392186798845524002" *
"124266980289487534556225854952044377121873408057996187192907468e-04"
) + im * parse(
BigFloat,
"7.75831712478590537842321459370426403680204260477122531108550897967521" *
"5532472656378613928548750780072552801715971638017055128388366753370290" *
"69391223374707804975751528517604370328324534911149294405079364e-07"
) parse(
BigFloat,
"3.63332245418195079794482408385635097954115231828589293320759270681904" *
"0394748090580717854504755388980011550231275925852170085818291120994742" *
"01019105650988139510327246173939549459166342091387696050005164e-04"
) + im * parse(
BigFloat,
"-7.0291526982784366053610618892888292974671014929957036517347536569059" *
"8213728503041507243325116681104713361750438241318243897291481592836322" *
"393883189205762667636046879900326667391999534282541464484694052e-07"
) parse(
BigFloat,
"-1.7694393013960016340182758294768422691108039367509355156376664629335" *
"3479066012802626590542710784515261914922746310105053422985053593677414" *
"942982028476780798723738189691289386475944953594869011412387964e-04"
) + im * parse(
BigFloat,
"3.36388234421969724499206454548386410689444704984399605790352266742187" *
"1870435304251880499609112984307877159165964651391474623939902682160427" *
"96270199988393919265841798605004167597985074069073090616165516e-07"
) parse(
BigFloat,
"3.48610114584699642054475711024344725134747512514573299556866654119427" *
"8333801157057942292942082047094885039254044458805163267475844473737574" *
"16212607104094935251765561999713148947559252975722841181579619e-05"
) + im * parse(
BigFloat,
"-6.5624873813786396234779790491198116843456214053114393756519096237127" *
"9206696113006251701728981744439061407035372525110789380471869949498526" *
"160614235158500419228145096265468014306107622627926241581666611e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64025976512798582280077975121648272766659185057960370131172038588790" *
"9305620340166830839544320026198388341955434577201638934112169453755268" *
"71239961204300775033329372713736602388650538417757173965155374e-04"
) + im * parse(
BigFloat,
"-7.9277452148764759835087659377131906666928631143378890740401188543658" *
"9817756461580901481865797241916392055494928137439156473972708740875046" *
"596180252709423441509094911363131412868052550235172340036796920e-07"
) parse(
BigFloat,
"-3.8527616381259964397195970438357843562221642022916350691241612988009" *
"0511960887738309136611199575228744756724439630823028802471717738848374" *
"555335322978789871252963909163922170896539048791525713989326370e-04"
) + im * parse(
BigFloat,
"8.86664247199157048284812040197355884019761613022134280038872590437320" *
"0702688907053911371869105954924486576414757831702356689128232559916393" *
"29183938982730757829301552532169930047480137319124596239822977e-07"
) parse(
BigFloat,
"3.63331912383559785632407153012850776267686388662884273710516753396326" *
"5788294801197133355992744676697359932513786791826413126947887105329894" *
"69013986613118501577364146014374705410367390307188686755919680e-04"
) + im * parse(
BigFloat,
"-8.0333124825680456908012058983147489338016267888646228215437268947399" *
"9526602775382394865483411364529224869818564446903602027135635811326972" *
"938753591865388705276719644063274597185199319213067374967827337e-07"
) parse(
BigFloat,
"-1.7694377269962610103557734398277257023060800174139884791414236035092" *
"8701657683092735828164198261266637521747369100922189259259103721989507" *
"424282803452427025072559475018342818227952902958666143715246164e-04"
) + im * parse(
BigFloat,
"3.84443467514540471584358031591720305614719999108076156086044828929285" *
"1777991944147186794470366259875584004576222623600367038866724420003768" *
"70743507030101452290557633472429673750513017876929750404114932e-07"
) parse(
BigFloat,
"3.48609809526140385604533689769574227288457414023197301963946683472104" *
"3304570728020409123090728203119786295039823884244207462292964883379064" *
"20273909770605058267456610389104474552027718657048606151953918e-05"
) + im * parse(
BigFloat,
"-7.4999811640463125014684523373201452491310081956459906152381090467069" *
"7204460294070021491376689795495412020831784200238791226330142531160392" *
"413631710507554234054958148546689932555564024704332649388651304e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64025498053423020718709961518579842967643289997325379219573229136168" *
"3741796214281959297464816527743263926109782091539250354385750117117889" *
"64916817776774491956909535592341251991117060090988876682415553e-04"
) + im * parse(
BigFloat,
"-8.9187036360486153966364840067107939327416106511943509598005518421728" *
"9750483845185842910484283916671048683377599295452091738542153690565998" *
"203330578833108048366313988626613456070896257298749469011743288e-07"
) parse(
BigFloat,
"-3.8527573510413323984917903618210392981076075791206466354472156274091" *
"5519011959246957928694392170337652407177173729821817285595267250614338" *
"510853390219170856248071449739659487223836340613203064508180247e-04"
) + im * parse(
BigFloat,
"9.97496555095394337223620306601350463956511012947514169187823566102310" *
"5474457599073762789718409401950333391768056297152710662258823067951906" *
"45542962098627652316511725278709396678355477565369722641730369e-07"
) parse(
BigFloat,
"3.63331534944652747447008280190052275658559502171950475704921134638382" *
"1244376166987481863773672845289936100755887715963011005800958945707229" *
"83580764710274592792964153707051922826721188919956034912859725e-04"
) + im * parse(
BigFloat,
"-9.0374703121046827366175233694715099172835281261021228122361761505658" *
"3097980627335167972712561786220945679834534332206875479940885460550210" *
"848523194462159937202029623379728745521764455529868851855091792e-07"
) parse(
BigFloat,
"-1.7694359426781665171718584017369127737326577302466798442473786731744" *
"4158422687494254319916984478794531855578863824753888223415191857219749" *
"582899422763582742891833686022217568740980678095276568445365007e-04"
) + im * parse(
BigFloat,
"4.32498609020223135932483859722340804545976070707053834522621103335652" *
"8768782250255807205702259074893537918729938639456700450853305498266094" *
"75405273208919332995301547186756450520216086808134826123844138e-07"
) parse(
BigFloat,
"3.48609463793416128561942114464636773060326341661282160830754143674158" *
"9089021791309640630577030289791199791383933195755285382171919773213174" *
"61930137408186017815066902065990170854481233099853809870454048e-05"
) + im * parse(
BigFloat,
"-8.4374731808488897968191783540427396003750029723813836197893011685472" *
"2124547625304961305529895794369076268027388635479889473721418853381198" *
"376571291471384296480266165514341606698023859174988125321072287e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64024963305521083023138807375401216423206590833927797552037853541986" *
"9346146956285991395180961081105754611304562422757351436731040237607751" *
"23887435023460074373867461454087446637323479676262004993947317e-04"
) + im * parse(
BigFloat,
"-9.9096586228733600253948214668826627354602498914610779380502085723981" *
"0436156755043708286936118028882090255542332293277416347352414920411385" *
"764152360677001067429454123781163962006603993915310359407234865e-07"
) parse(
BigFloat,
"-3.8527525595989030930252928815311994164925347643051408476193027169099" *
"6537476461488656300481011055399830907475815589606490212725611832723090" *
"249446869247839120378661638611001313991748796494849633020896643e-04"
) + im * parse(
BigFloat,
"1.10832860781457780822445214815911074321491192364788235368353802468277" *
"4000185907300222996827830918087344554850191987001821038389715356300811" *
"16930722128370980225498351224163033176168642324498479163571481e-06"
) parse(
BigFloat,
"3.63331113101603825574706273656676128660804058013132215129872239001892" *
"7151412283351275400813435041633903142554512270037369085784117162586795" *
"51044152052203278197501601306543412846713949521989392740756805e-04"
) + im * parse(
BigFloat,
"-1.0041625942546874888017172502169525231828141385239419616453382177463" *
"5423046532528603399756096137911803866698182079122267501267716109733931" *
"944396426231139346674287730083196262546967426338523514397459948e-06"
) parse(
BigFloat,
"-1.7694339484423224829061613379828134897868261594077844710270922438244" *
"2305592789715170575081617187266214211816517945698574284889738660180443" *
"639045792532664083667109894400394212381371483567878098555314682e-04"
) + im * parse(
BigFloat,
"4.80553647490779315843625830705605374113711842924146807603371058541662" *
"4546555801938906957962960159041454261366771417399793227926878362949213" *
"19080157274773456631581992406517941603902530088917541913875677e-07"
) parse(
BigFloat,
"3.48609077386642958207247236103212359335692971259240295215205283236565" *
"3840396639975962233111824538198086908899500363233051650774953390242289" *
"34861199285886307078658098170604373179303683872923896772182129e-05"
) + im * parse(
BigFloat,
"-9.3749632110555830147541059892765195893944836130868183078863543637390" *
"4917844908131159705140737994290554390475856258958808432228896262187321" *
"857853858407916462494828793435754475964494420867126751322984149e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64024372269363409696058229239924668007171730632848847019164321160849" *
"7348949824177971057676084533429079512167724454782620912931851669883594" *
"98919701555875903016893760421950839863666895797156061051784074e-04"
) + im * parse(
BigFloat,
"-1.0900609793763705503819617043463487555699147338427138859456592460563" *
"0739617615493871612365812248680835109550808272231519918918790239845217" *
"917374416677391665341550354401996779224955669617809521533863573e-06"
) parse(
BigFloat,
"-3.8527472638004206465265492095995877896419453028601883225821071517542" *
"2106847088783778639198116693480597269477540029329194481577295698580285" *
"975552728953990483239475424553253315168323955644813151679130766e-04"
) + im * parse(
BigFloat,
"1.21916037700409459019760803412385948475784916906955899670241846535337" *
"5825642813446054004436178003340774527800440863020459563491588041062003" *
"53445068702484544954177774770429394859318741117397421523513700e-06"
) parse(
BigFloat,
"3.63330646854558157825067389789974920035317342086339149719212637272462" *
"3795892079427128484651528062917993000229228496473792842714975989221651" *
"36963813569985661377137369683760119381525761941315137462142567e-04"
) + im * parse(
BigFloat,
"-1.1045779129554084104693855504531826384441681957888928600278363130795" *
"9992729737227194301241120915789193033352539554577264563570180679786078" *
"529566320375639336821357615313846078000975466650878406384392523e-06"
) parse(
BigFloat,
"-1.7694317442894043324777036354037399836039415882234076427545581892063" *
"5331983399266218266478163885920483716650074157447179175425188833483316" *
"413722699473904261737905061666383969321381895133697196708561546e-04"
) + im * parse(
BigFloat,
"5.28608571478013883108461580998639403834384836947218138890048691649734" *
"7953526233654066987765849577866362630170561090973127311134539797283012" *
"37170372528520728740485336987819794704216171624062573322174262e-07"
) parse(
BigFloat,
"3.48608650305950618960055623634020533120795449814057736176952046880577" *
"4752656060027562258529703155654366470839497453627091073656950616176976" *
"93808003943327872100290583112803538099979618198245707453027789e-05"
) + im * parse(
BigFloat,
"-1.0312451033936432523462116834571742256881664558730743254806446290909" *
"9186160820855759332115692053182156127815724650569715229714811566404424" *
"820183674265464922099979393871084431461781188834895532267261015e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64023724945249129061872379822419817693246783931041644305182608607757" *
"1581788039347501596279760896566671587086126033910503317659912741278158" *
"05724424095359296378455218105108681305414850022662208474422780e-04"
) + im * parse(
BigFloat,
"-1.1891556767134905541149430370620544165156405127283225401598918468056" *
"4563118754596430326912825976364179799433733425741454764296501975533449" *
"902116772004012428284895928748883699478650149452356413362306953e-06"
) parse(
BigFloat,
"-3.8527414636477774025305612471379975871363586820178903941569524707321" *
"3354791453276269577540412542415509493697385362480356212044087696939528" *
"816107172737474947589726523243853121542937287333010206483796967e-04"
) + im * parse(
BigFloat,
"1.32999183431145595110738648573285718349100685008140951266865108576344" *
"6669046441846672367946611332943494628331582303468409782330577821268529" *
"75314265524365332575805432638157362104476401504610505753042920e-06"
) parse(
BigFloat,
"3.63330136203676159409639972948563157004835904645668200103708915268678" *
"4054172700315838615593629620794206409905851147171966762038297304504141" *
"73768709248783041329739765404529525525290087929261441693069651e-04"
) + im * parse(
BigFloat,
"-1.2049929628786811027316864058009871532799129978241097614147900148051" *
"9934500726956711098949113424758210808998243344486659700590557766229939" *
"757903273255561413770115767178324448540569331403585769621464021e-06"
) parse(
BigFloat,
"-1.7694293302201585869568670539308198541878614554027529547700514001301" *
"7867568966116209835123926765008782560106126339409344523448565349032470" *
"567290514841506045620234239159857003527736556531739385913187166e-04"
) + im * parse(
BigFloat,
"5.76663369533779791091832389517782368605430499429297325043611925240673" *
"1836138958736452969758577064913928567138257850005695825031795478098974" *
"23422495473953603371864941542492338276187202960668322014171979e-07"
) parse(
BigFloat,
"3.48608182551482512316346828950685749559514315804564793802399879645807" *
"8925409421052496594684360956368762060326871132700230911844273705866079" *
"43897358409406364864188314444605399576235048632204288571792057e-05"
) + im * parse(
BigFloat,
"-1.1249936428762399648416019337533919593908506947170583355757576599231" *
"8752234738824481358376184728550166316183872057779681038063399970262158" *
"490952962929841978723094918290259534069629548849236734608919532e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64023021333505857071019867820101340686303317617751331877515098389147" *
"6960960404643237206881402994528241359401579585066404277214953032467062" *
"05403508478423347601727301193124938200564716159452206503197679e-04"
) + im * parse(
BigFloat,
"-1.2882499161404697723250843315919853082498435445569736141082134502068" *
"9316885809734300354275598124394259118997653732065425175540918737011277" *
"270616352743221786042931723593977252110204564796041957226732431e-06"
) parse(
BigFloat,
"-3.8527351591430459239508355916470232952713566157829132239539557090978" *
"7250806437666285730914610797878330876789674119113012468980026489739122" *
"623772123925554080120313927534364248676611381059181787279076759e-04"
) + im * parse(
BigFloat,
"1.44082295138430971161271724011583660328847593462403151539369567050320" *
"4661652498770780404750470194475007749512689736208143987894615387679240" *
"15839993959881445218928606135766412186416349408038515713073605e-06"
) parse(
BigFloat,
"3.63329581149133522863300010564422685752778071178148242128306054249780" *
"2550676203875921096802977254726056868545000361230927517527107568426547" *
"87549293778892677674418080317471735788262586601451840596424316e-04"
) + im * parse(
BigFloat,
"-1.3054077195906698843455736796231491124493969459847138751672968403729" *
"5915325199972744456616569195395052291713668590481477571835840311126931" *
"906280574433774907477890993533412709319055508379990577594433595e-06"
) parse(
BigFloat,
"-1.7694267062354028632028345258086486308396528588817379836705882989113" *
"7644547766962656274003058520079473596442464104585054371480738996991815" *
"595630737605758070057043145877162701871795374619090397746767521e-04"
) + im * parse(
BigFloat,
"6.24718030209982882790345421518456844865223605334163579270321137982697" *
"9701839071847017182392521363717694580480367911306879853400924313665381" *
"46723414028301503395270801617208469381244527518373724128029640e-07"
) parse(
BigFloat,
"3.48607674123395696779187519312984408873757861829093609851425271847807" *
"8204837324147060140370315635071989504640389140954034049925193603384188" *
"65234737965468162126867339647788261537098784515277008610480562e-05"
) + im * parse(
BigFloat,
"-1.2187419174805458766197019511151021586609806742993186628057448138476" *
"5409299371456477077396966795946252359339363636659577832424702235284286" *
"299288183842272731570513184434289492261033922635133979517505484e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64022261434489697085662549564242440227951493842859022179629356791006" *
"5066687667936163075436941784168258960414316401773621557488917556506123" *
"69097690089744216591214103544824373388511943882772327440668898e-04"
) + im * parse(
BigFloat,
"-1.3873436594993529312302353361167848286215795869940216554580498309142" *
"8497809394416615085560777448052416826480267091551361983253554050354165" *
"242819310821375910736211677157479576473145316204883145047525944e-06"
) parse(
BigFloat,
"-3.8527283502884789920388520153361806540104836384097128234824715149678" *
"0344940056916368376676637263244681391625794510489124173016679639586388" *
"266983753843718121994921898735329241852298302777868896626304575e-04"
) + im * parse(
BigFloat,
"1.55165369987045265863214724232425885855575315181918101733512016354508" *
"1301050691110285735726567613779716278578412237461897511049453916305221" *
"13303246944547132672723472511733188021434194957424095461997148e-06"
) parse(
BigFloat,
"3.63328981691121217958105974159959754356113844732407175587915392291847" *
"9345559059008514721007128621042300080180107527530242038095312248041303" *
"11560134471053050330454348238306007024920846823104516818215357e-04"
) + im * parse(
BigFloat,
"-1.4058221586576637152884091354461710475202886316493022682668207763080" *
"6354630361721747028419377873141252946267248795373991649872340820262396" *
"874353259176921968786815756566549919160304030060409161680808677e-06"
) parse(
BigFloat,
"-1.7694238723360258734665023565104332768450518778040849454190385356308" *
"5000793071732832779249249533229439542049214777274170974397534688997596" *
"729951659760579245144371827666246468123075824504316914776027237e-04"
) + im * parse(
BigFloat,
"6.72772542058586698861457815110621404639940342172068063707285060559172" *
"6528716317776703937350722174790259324964757075867114211207881700932977" *
"85065135497603408854671018552164703823914478672574327071102166e-07"
) parse(
BigFloat,
"3.48607125021860887782847117481618912177781765534214461600529175881436" *
"1637214213559778778538094772519341263388064506195620800212494018328704" *
"94678736167419113750325238146721992493506638742844707933526722e-05"
) + im * parse(
BigFloat,
"-1.3124899051338689397775217031045803525095471639967797952836221837861" *
"5607589246295151656800195488854773400426255667603766593055394327561672" *
"648229480989445498089611666411951320143702945658510352431355766e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64021445248585239646739250522772407633199401610762264771187599531808" *
"9485540516108619878299450205158841395906932588416343724095603729692643" *
"60143311419656137125766814206855844960064424202345579664874368e-04"
) + im * parse(
BigFloat,
"-1.4864368686324783044578554806257504624592400251803679844536704889697" *
"4755458288486860118323347045558462773070384852581059550048113683616587" *
"658822298675924688167178073035122641024246766960535878040239467e-06"
) parse(
BigFloat,
"-3.8527210370865096052530536406391196109085364357788603865908073101282" *
"7257368284676565990832352842259965314402147070940301756357315616934235" *
"898946160817965022453430125014873537839794504744823495553151419e-04"
) + im * parse(
BigFloat,
"1.66248405141784295882630264981807988069819159993905482642322944101294" *
"7263628920590196674265371811891395483253334113719985251867400092903480" *
"61896427598616590686574595145880981041144558365440608320141404e-06"
) parse(
BigFloat,
"3.63328337829845491609662996864355145804064450330113753532572075361493" *
"0585086493270032050264883784295256203252799059733131956511710669219986" *
"61438426914349855098401683199586152704950557865014925733662092e-04"
) + im * parse(
BigFloat,
"-1.5062362556460865832206193933185485767090011984547016420796300527183" *
"8449117197439837632947543156751145416821057907808712721126434736739083" *
"625355774001290890361381995978593080901551843835200305032039191e-06"
) parse(
BigFloat,
"-1.7694208285229874249588640589973254808135258810764974559684440580995" *
"2703260740467111174680308810336954499354449367913023087443518524465196" *
"638042332983031298685767549469871031301733863446045449651365089e-04"
) + im * parse(
BigFloat,
"7.20826893631617285621450124621977692804222699799057328650945723039360" *
"6505324669165006857530478350162309815094459313536258316033628452071234" *
"31316292960377417713686125420463159154628568501383202078982900e-07"
) parse(
BigFloat,
"3.48606535247062457610314993684953735475001410185393514771828269501764" *
"8419694624212805445428108030189377105204982991733080916918190760728761" *
"14431597924897302207828377458226945498064891105930292976858014e-05"
) + im * parse(
BigFloat,
"-1.4062375837636368301196675890202582738590222359979796567695197114907" *
"5568587865070433152357190551874581879949393087127209232357300125404061" *
"874854843700391850755802227372468972346123387856795592295299776e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64020572776205562222384588432661788866685719163969811658981155702820" *
"8520064949570305872718692832700973375473986156720991464230530981501958" *
"14046829622937261696187966318894089205768670701227728924645737e-04"
) + im * parse(
BigFloat,
"1.58552950538250029261763050182053084241720378891585595649256724432192" *
"6735882685328374258613680577184365051698574932456209764777385134945366" *
"12842291600854140099679853898939205281616986870118807142281262e-06"
) parse(
BigFloat,
"-3.8527132195397509780373594876887784622156509221124422555234280294784" *
"3588353588882848923069187612462554378522270691155993076569813766917813" *
"404600469112705762223449086447397644849574437256643846698711731e-04"
) + im * parse(
BigFloat,
"-1.7733139776746125719909500859103454433183786055841846241946950793755" *
"0297447599233375991018615021686924913288418220533371609383211595715067" *
"599207095171561072044652082210762981906454073502155082914072367e-06"
) parse(
BigFloat,
"3.63327649565527867775996442401065032271120063776443093577725793841173" *
"3561870531955481361364547945919080704798859680151069559460884281337047" *
"82621809493806900236341525383117367142933662131631317885994289e-04"
) + im * parse(
BigFloat,
"1.60664998612250788987498297416420664807221971539194597777426123232702" *
"7302517841608636122438990806926675645477134566831709825064970155555016" *
"27124309319386509903909562185045425376437521707485327571393524e-06"
) parse(
BigFloat,
"-1.7694175747973184193848660731144394065036950663273180351932422559000" *
"8775836728986165485983235893437129926216345473067321187319885264141956" *
"583603162456137224531305689397043016682058564148937553577766586e-04"
) + im * parse(
BigFloat,
"-7.6888107348116800300969665431815286399769909781444431006321581988469" *
"9746102671923572581237530003038088619510008858357872200325284529682213" *
"821249261340512689794958924067747258394885293080392850890585322e-07"
) parse(
BigFloat,
"3.48605904799198435304219257372409507544065637917081130540385737749773" *
"3574387166719421854083148406711317263713710276745819350041769604562051" *
"79655962477185644894545400207212723788800172562386080359221170e-05"
) + im * parse(
BigFloat,
"1.49998493129740615636276191477613626631569869326362947810435973581070" *
"4504050618238778636935651129431022658262697765302279464849958986331717" *
"06517443895786948395424685966040708388684724969733365155912251e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64021445248585239646739250522772407633199401610762264771187599531808" *
"9485540516108619878299450205158841395906932588416343724095603729692643" *
"60143311419656137125766814206855844960064424202345579664874368e-04"
) + im * parse(
BigFloat,
"1.48643686863247830445785548062575046245924002518036798445367048896974" *
"7554582884868601183233470455584627730703848525810595500481136836165876" *
"58822298675924688167178073035122641024246766960535878040239467e-06"
) parse(
BigFloat,
"-3.8527210370865096052530536406391196109085364357788603865908073101282" *
"7257368284676565990832352842259965314402147070940301756357315616934235" *
"898946160817965022453430125014873537839794504744823495553151419e-04"
) + im * parse(
BigFloat,
"-1.6624840514178429588263026498180798806981915999390548264232294410129" *
"4726362892059019667426537181189139548325333411371998525186740009290348" *
"061896427598616590686574595145880981041144558365440608320141404e-06"
) parse(
BigFloat,
"3.63328337829845491609662996864355145804064450330113753532572075361493" *
"0585086493270032050264883784295256203252799059733131956511710669219986" *
"61438426914349855098401683199586152704950557865014925733662092e-04"
) + im * parse(
BigFloat,
"1.50623625564608658322061939331854857670900119845470164207963005271838" *
"4491171974398376329475431567511454168210579078087127211264347367390836" *
"25355774001290890361381995978593080901551843835200305032039191e-06"
) parse(
BigFloat,
"-1.7694208285229874249588640589973254808135258810764974559684440580995" *
"2703260740467111174680308810336954499354449367913023087443518524465196" *
"638042332983031298685767549469871031301733863446045449651365089e-04"
) + im * parse(
BigFloat,
"-7.2082689363161728562145012462197769280422269979905732865094572303936" *
"0650532466916500685753047835016230981509445931353625831603362845207123" *
"431316292960377417713686125420463159154628568501383202078982900e-07"
) parse(
BigFloat,
"3.48606535247062457610314993684953735475001410185393514771828269501764" *
"8419694624212805445428108030189377105204982991733080916918190760728761" *
"14431597924897302207828377458226945498064891105930292976858014e-05"
) + im * parse(
BigFloat,
"1.40623758376363683011966758902025827385902223599797965676951971149075" *
"5685878650704331523571905518745818799493930871272092323573001254040618" *
"74854843700391850755802227372468972346123387856795592295299776e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64022261434489697085662549564242440227951493842859022179629356791006" *
"5066687667936163075436941784168258960414316401773621557488917556506123" *
"69097690089744216591214103544824373388511943882772327440668898e-04"
) + im * parse(
BigFloat,
"1.38734365949935293123023533611678482862157958699402165545804983091428" *
"4978093944166150855607774480524168264802670915513619832535540503541652" *
"42819310821375910736211677157479576473145316204883145047525944e-06"
) parse(
BigFloat,
"-3.8527283502884789920388520153361806540104836384097128234824715149678" *
"0344940056916368376676637263244681391625794510489124173016679639586388" *
"266983753843718121994921898735329241852298302777868896626304575e-04"
) + im * parse(
BigFloat,
"-1.5516536998704526586321472423242588585557531518191810173351201635450" *
"8130105069111028573572656761377971627857841223746189751104945391630522" *
"113303246944547132672723472511733188021434194957424095461997148e-06"
) parse(
BigFloat,
"3.63328981691121217958105974159959754356113844732407175587915392291847" *
"9345559059008514721007128621042300080180107527530242038095312248041303" *
"11560134471053050330454348238306007024920846823104516818215357e-04"
) + im * parse(
BigFloat,
"1.40582215865766371528840913544617104752028863164930226826682077630806" *
"3546303617217470284193778731412529462672487953739916498723408202623968" *
"74353259176921968786815756566549919160304030060409161680808677e-06"
) parse(
BigFloat,
"-1.7694238723360258734665023565104332768450518778040849454190385356308" *
"5000793071732832779249249533229439542049214777274170974397534688997596" *
"729951659760579245144371827666246468123075824504316914776027237e-04"
) + im * parse(
BigFloat,
"-6.7277254205858669886145781511062140463994034217206806370728506055917" *
"2652871631777670393735072217479025932496475707586711421120788170093297" *
"785065135497603408854671018552164703823914478672574327071102166e-07"
) parse(
BigFloat,
"3.48607125021860887782847117481618912177781765534214461600529175881436" *
"1637214213559778778538094772519341263388064506195620800212494018328704" *
"94678736167419113750325238146721992493506638742844707933526722e-05"
) + im * parse(
BigFloat,
"1.31248990513386893977752170310458035250954716399677979528362218378615" *
"6075892462951516568001954888547734004262556676037665930553943275616726" *
"48229480989445498089611666411951320143702945658510352431355766e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64023021333505857071019867820101340686303317617751331877515098389147" *
"6960960404643237206881402994528241359401579585066404277214953032467062" *
"05403508478423347601727301193124938200564716159452206503197679e-04"
) + im * parse(
BigFloat,
"1.28824991614046977232508433159198530824984354455697361410821345020689" *
"3168858097343003542755981243942591189976537320654251755409187370112772" *
"70616352743221786042931723593977252110204564796041957226732431e-06"
) parse(
BigFloat,
"-3.8527351591430459239508355916470232952713566157829132239539557090978" *
"7250806437666285730914610797878330876789674119113012468980026489739122" *
"623772123925554080120313927534364248676611381059181787279076759e-04"
) + im * parse(
BigFloat,
"-1.4408229513843097116127172401158366032884759346240315153936956705032" *
"0466165249877078040475047019447500774951268973620814398789461538767924" *
"015839993959881445218928606135766412186416349408038515713073605e-06"
) parse(
BigFloat,
"3.63329581149133522863300010564422685752778071178148242128306054249780" *
"2550676203875921096802977254726056868545000361230927517527107568426547" *
"87549293778892677674418080317471735788262586601451840596424316e-04"
) + im * parse(
BigFloat,
"1.30540771959066988434557367962314911244939694598471387516729684037295" *
"9153251999727444566165691953950522917136685904814775718358403111269319" *
"06280574433774907477890993533412709319055508379990577594433595e-06"
) parse(
BigFloat,
"-1.7694267062354028632028345258086486308396528588817379836705882989113" *
"7644547766962656274003058520079473596442464104585054371480738996991815" *
"595630737605758070057043145877162701871795374619090397746767521e-04"
) + im * parse(
BigFloat,
"-6.2471803020998288279034542151845684486522360533416357927032113798269" *
"7970183907184701718239252136371769458048036791130687985340092431366538" *
"146723414028301503395270801617208469381244527518373724128029640e-07"
) parse(
BigFloat,
"3.48607674123395696779187519312984408873757861829093609851425271847807" *
"8204837324147060140370315635071989504640389140954034049925193603384188" *
"65234737965468162126867339647788261537098784515277008610480562e-05"
) + im * parse(
BigFloat,
"1.21874191748054587661970195111510215866098067429931866280574481384765" *
"4092993714564770773969667959462523593393636366595778324247022352842862" *
"99288183842272731570513184434289492261033922635133979517505484e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64023724945249129061872379822419817693246783931041644305182608607757" *
"1581788039347501596279760896566671587086126033910503317659912741278158" *
"05724424095359296378455218105108681305414850022662208474422780e-04"
) + im * parse(
BigFloat,
"1.18915567671349055411494303706205441651564051272832254015989184680564" *
"5631187545964303269128259763641797994337334257414547642965019755334499" *
"02116772004012428284895928748883699478650149452356413362306953e-06"
) parse(
BigFloat,
"-3.8527414636477774025305612471379975871363586820178903941569524707321" *
"3354791453276269577540412542415509493697385362480356212044087696939528" *
"816107172737474947589726523243853121542937287333010206483796967e-04"
) + im * parse(
BigFloat,
"-1.3299918343114559511073864857328571834910068500814095126686510857634" *
"4666904644184667236794661133294349462833158230346840978233057782126852" *
"975314265524365332575805432638157362104476401504610505753042920e-06"
) parse(
BigFloat,
"3.63330136203676159409639972948563157004835904645668200103708915268678" *
"4054172700315838615593629620794206409905851147171966762038297304504141" *
"73768709248783041329739765404529525525290087929261441693069651e-04"
) + im * parse(
BigFloat,
"1.20499296287868110273168640580098715327991299782410976141479001480519" *
"9345007269567110989491134247582108089982433444866597005905577662299397" *
"57903273255561413770115767178324448540569331403585769621464021e-06"
) parse(
BigFloat,
"-1.7694293302201585869568670539308198541878614554027529547700514001301" *
"7867568966116209835123926765008782560106126339409344523448565349032470" *
"567290514841506045620234239159857003527736556531739385913187166e-04"
) + im * parse(
BigFloat,
"-5.7666336953377979109183238951778236860543049942929732504361192524067" *
"3183613895873645296975857706491392856713825785000569582503179547809897" *
"423422495473953603371864941542492338276187202960668322014171979e-07"
) parse(
BigFloat,
"3.48608182551482512316346828950685749559514315804564793802399879645807" *
"8925409421052496594684360956368762060326871132700230911844273705866079" *
"43897358409406364864188314444605399576235048632204288571792057e-05"
) + im * parse(
BigFloat,
"1.12499364287623996484160193375339195939085069471705833557575765992318" *
"7522347388244813583761847285501663161838720577796810380633999702621584" *
"90952962929841978723094918290259534069629548849236734608919532e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64024372269363409696058229239924668007171730632848847019164321160849" *
"7348949824177971057676084533429079512167724454782620912931851669883594" *
"98919701555875903016893760421950839863666895797156061051784074e-04"
) + im * parse(
BigFloat,
"1.09006097937637055038196170434634875556991473384271388594565924605630" *
"7396176154938716123658122486808351095508082722315199189187902398452179" *
"17374416677391665341550354401996779224955669617809521533863573e-06"
) parse(
BigFloat,
"-3.8527472638004206465265492095995877896419453028601883225821071517542" *
"2106847088783778639198116693480597269477540029329194481577295698580285" *
"975552728953990483239475424553253315168323955644813151679130766e-04"
) + im * parse(
BigFloat,
"-1.2191603770040945901976080341238594847578491690695589967024184653533" *
"7582564281344605400443617800334077452780044086302045956349158804106200" *
"353445068702484544954177774770429394859318741117397421523513700e-06"
) parse(
BigFloat,
"3.63330646854558157825067389789974920035317342086339149719212637272462" *
"3795892079427128484651528062917993000229228496473792842714975989221651" *
"36963813569985661377137369683760119381525761941315137462142567e-04"
) + im * parse(
BigFloat,
"1.10457791295540841046938555045318263844416819578889286002783631307959" *
"9927297372271943012411209157891930333525395545772645635701806797860785" *
"29566320375639336821357615313846078000975466650878406384392523e-06"
) parse(
BigFloat,
"-1.7694317442894043324777036354037399836039415882234076427545581892063" *
"5331983399266218266478163885920483716650074157447179175425188833483316" *
"413722699473904261737905061666383969321381895133697196708561546e-04"
) + im * parse(
BigFloat,
"-5.2860857147801388310846158099863940383438483694721813889004869164973" *
"4795352623365406698776584957786636263017056109097312731113453979728301" *
"237170372528520728740485336987819794704216171624062573322174262e-07"
) parse(
BigFloat,
"3.48608650305950618960055623634020533120795449814057736176952046880577" *
"4752656060027562258529703155654366470839497453627091073656950616176976" *
"93808003943327872100290583112803538099979618198245707453027789e-05"
) + im * parse(
BigFloat,
"1.03124510339364325234621168345717422568816645587307432548064462909099" *
"1861608208557593321156920531821561278157246505697152297148115664044248" *
"20183674265464922099979393871084431461781188834895532267261015e-07"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64024963305521083023138807375401216423206590833927797552037853541986" *
"9346146956285991395180961081105754611304562422757351436731040237607751" *
"23887435023460074373867461454087446637323479676262004993947317e-04"
) + im * parse(
BigFloat,
"9.90965862287336002539482146688266273546024989146107793805020857239810" *
"4361567550437082869361180288820902555423322932774163473524149204113857" *
"64152360677001067429454123781163962006603993915310359407234865e-07"
) parse(
BigFloat,
"-3.8527525595989030930252928815311994164925347643051408476193027169099" *
"6537476461488656300481011055399830907475815589606490212725611832723090" *
"249446869247839120378661638611001313991748796494849633020896643e-04"
) + im * parse(
BigFloat,
"-1.1083286078145778082244521481591107432149119236478823536835380246827" *
"7400018590730022299682783091808734455485019198700182103838971535630081" *
"116930722128370980225498351224163033176168642324498479163571481e-06"
) parse(
BigFloat,
"3.63331113101603825574706273656676128660804058013132215129872239001892" *
"7151412283351275400813435041633903142554512270037369085784117162586795" *
"51044152052203278197501601306543412846713949521989392740756805e-04"
) + im * parse(
BigFloat,
"1.00416259425468748880171725021695252318281413852394196164533821774635" *
"4230465325286033997560961379118038666981820791222675012677161097339319" *
"44396426231139346674287730083196262546967426338523514397459948e-06"
) parse(
BigFloat,
"-1.7694339484423224829061613379828134897868261594077844710270922438244" *
"2305592789715170575081617187266214211816517945698574284889738660180443" *
"639045792532664083667109894400394212381371483567878098555314682e-04"
) + im * parse(
BigFloat,
"-4.8055364749077931584362583070560537411371184292414680760337105854166" *
"2454655580193890695796296015904145426136677141739979322792687836294921" *
"319080157274773456631581992406517941603902530088917541913875677e-07"
) parse(
BigFloat,
"3.48609077386642958207247236103212359335692971259240295215205283236565" *
"3840396639975962233111824538198086908899500363233051650774953390242289" *
"34861199285886307078658098170604373179303683872923896772182129e-05"
) + im * parse(
BigFloat,
"9.37496321105558301475410598927651958939448361308681830788635436373904" *
"9178449081311597051407379942905543904758562589588084322288962621873218" *
"57853858407916462494828793435754475964494420867126751322984149e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64025498053423020718709961518579842967643289997325379219573229136168" *
"3741796214281959297464816527743263926109782091539250354385750117117889" *
"64916817776774491956909535592341251991117060090988876682415553e-04"
) + im * parse(
BigFloat,
"8.91870363604861539663648400671079393274161065119435095980055184217289" *
"7504838451858429104842839166710486833775992954520917385421536905659982" *
"03330578833108048366313988626613456070896257298749469011743288e-07"
) parse(
BigFloat,
"-3.8527573510413323984917903618210392981076075791206466354472156274091" *
"5519011959246957928694392170337652407177173729821817285595267250614338" *
"510853390219170856248071449739659487223836340613203064508180247e-04"
) + im * parse(
BigFloat,
"-9.9749655509539433722362030660135046395651101294751416918782356610231" *
"0547445759907376278971840940195033339176805629715271066225882306795190" *
"645542962098627652316511725278709396678355477565369722641730369e-07"
) parse(
BigFloat,
"3.63331534944652747447008280190052275658559502171950475704921134638382" *
"1244376166987481863773672845289936100755887715963011005800958945707229" *
"83580764710274592792964153707051922826721188919956034912859725e-04"
) + im * parse(
BigFloat,
"9.03747031210468273661752336947150991728352812610212281223617615056583" *
"0979806273351679727125617862209456798345343322068754799408854605502108" *
"48523194462159937202029623379728745521764455529868851855091792e-07"
) parse(
BigFloat,
"-1.7694359426781665171718584017369127737326577302466798442473786731744" *
"4158422687494254319916984478794531855578863824753888223415191857219749" *
"582899422763582742891833686022217568740980678095276568445365007e-04"
) + im * parse(
BigFloat,
"-4.3249860902022313593248385972234080454597607070705383452262110333565" *
"2876878225025580720570225907489353791872993863945670045085330549826609" *
"475405273208919332995301547186756450520216086808134826123844138e-07"
) parse(
BigFloat,
"3.48609463793416128561942114464636773060326341661282160830754143674158" *
"9089021791309640630577030289791199791383933195755285382171919773213174" *
"61930137408186017815066902065990170854481233099853809870454048e-05"
) + im * parse(
BigFloat,
"8.43747318084888979681917835404273960037500297238138361978930116854722" *
"1245476253049613055298957943690762680273886354798894737214188533811983" *
"76571291471384296480266165514341606698023859174988125321072287e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64025976512798582280077975121648272766659185057960370131172038588790" *
"9305620340166830839544320026198388341955434577201638934112169453755268" *
"71239961204300775033329372713736602388650538417757173965155374e-04"
) + im * parse(
BigFloat,
"7.92774521487647598350876593771319066669286311433788907404011885436589" *
"8177564615809014818657972419163920554949281374391564739727087408750465" *
"96180252709423441509094911363131412868052550235172340036796920e-07"
) parse(
BigFloat,
"-3.8527616381259964397195970438357843562221642022916350691241612988009" *
"0511960887738309136611199575228744756724439630823028802471717738848374" *
"555335322978789871252963909163922170896539048791525713989326370e-04"
) + im * parse(
BigFloat,
"-8.8666424719915704828481204019735588401976161302213428003887259043732" *
"0070268890705391137186910595492448657641475783170235668912823255991639" *
"329183938982730757829301552532169930047480137319124596239822977e-07"
) parse(
BigFloat,
"3.63331912383559785632407153012850776267686388662884273710516753396326" *
"5788294801197133355992744676697359932513786791826413126947887105329894" *
"69013986613118501577364146014374705410367390307188686755919680e-04"
) + im * parse(
BigFloat,
"8.03331248256804569080120589831474893380162678886462282154372689473999" *
"5266027753823948654834113645292248698185644469036020271356358113269729" *
"38753591865388705276719644063274597185199319213067374967827337e-07"
) parse(
BigFloat,
"-1.7694377269962610103557734398277257023060800174139884791414236035092" *
"8701657683092735828164198261266637521747369100922189259259103721989507" *
"424282803452427025072559475018342818227952902958666143715246164e-04"
) + im * parse(
BigFloat,
"-3.8444346751454047158435803159172030561471999910807615608604482892928" *
"5177799194414718679447036625987558400457622262360036703886672442000376" *
"870743507030101452290557633472429673750513017876929750404114932e-07"
) parse(
BigFloat,
"3.48609809526140385604533689769574227288457414023197301963946683472104" *
"3304570728020409123090728203119786295039823884244207462292964883379064" *
"20273909770605058267456610389104474552027718657048606151953918e-05"
) + im * parse(
BigFloat,
"7.49998116404631250146845233732014524913100819564599061523810904670697" *
"2044602940700214913766897954954120208317842002387912263301425311603924" *
"13631710507554234054958148546689932555564024704332649388651304e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64026398683405615203300175506101269690006439913271359124262710566988" *
"6984150670070801876082011876372999448608531307690054055047921386903655" *
"32893199076614645496041572793540718809567783400428703631147745e-04"
) + im * parse(
BigFloat,
"6.93678374094597842417014574313326682241011977240127948845858078882236" *
"8296756314964559981103592087510083869633346192119729328490317196214659" *
"48545491674998757925289885742772315470162496721659146380388454e-07"
) parse(
BigFloat,
"-3.8527654208513633146903987231146896443767819837076876189824374643155" *
"5092786904529944200818014532971381237323766102364686392186798845524002" *
"124266980289487534556225854952044377121873408057996187192907468e-04"
) + im * parse(
BigFloat,
"-7.7583171247859053784232145937042640368020426047712253110855089796752" *
"1553247265637861392854875078007255280171597163801705512838836675337029" *
"069391223374707804975751528517604370328324534911149294405079364e-07"
) parse(
BigFloat,
"3.63332245418195079794482408385635097954115231828589293320759270681904" *
"0394748090580717854504755388980011550231275925852170085818291120994742" *
"01019105650988139510327246173939549459166342091387696050005164e-04"
) + im * parse(
BigFloat,
"7.02915269827843660536106188928882929746710149299570365173475365690598" *
"2137285030415072433251166811047133617504382413182438972914815928363223" *
"93883189205762667636046879900326667391999534282541464484694052e-07"
) parse(
BigFloat,
"-1.7694393013960016340182758294768422691108039367509355156376664629335" *
"3479066012802626590542710784515261914922746310105053422985053593677414" *
"942982028476780798723738189691289386475944953594869011412387964e-04"
) + im * parse(
BigFloat,
"-3.3638823442196972449920645454838641068944470498439960579035226674218" *
"7187043530425188049960911298430787715916596465139147462393990268216042" *
"796270199988393919265841798605004167597985074069073090616165516e-07"
) parse(
BigFloat,
"3.48610114584699642054475711024344725134747512514573299556866654119427" *
"8333801157057942292942082047094885039254044458805163267475844473737574" *
"16212607104094935251765561999713148947559252975722841181579619e-05"
) + im * parse(
BigFloat,
"6.56248738137863962347797904911981168434562140531143937565190962371279" *
"2066961130062517017289817444390614070353725251107893804718699494985261" *
"60614235158500419228145096265468014306107622627926241581666611e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64026764565030455141590038551323262134133206678197799521618695312772" *
"4275441970319071763635179798907550126463500916424648648496904004658865" *
"65365137157205212060787634368976036610554433864002653758645248e-04"
) + im * parse(
BigFloat,
"5.94581959584796582454021981885763080011069523587090734161917739799989" *
"1752303644720809817369133792321301483821430583806939759242105915459487" *
"32212240853161290752106095107493113139800751611817574844935221e-07"
) parse(
BigFloat,
"-3.8527686992160813433431047018431163256310188809983495404260392613534" *
"8593846183268325225192611891694463632365422037726198699691084035000972" *
"315707864148388487287078282550129874866585591108858148202704915e-04"
) + im * parse(
BigFloat,
"-6.6499897928651871390374038046379472439446577396560766977672793867488" *
"6743401246553726421047016562850152396528660717934053151936759776132056" *
"827926670501859131749884042122015958245933869624092548114564095e-07"
) parse(
BigFloat,
"3.63332534048444047133632217832785877883707148085204793261918674957361" *
"0980704268928581164634471405327874232934111170739749625410617672152859" *
"67104144847221199603699870539357137338430882479533479991521916e-04"
) + im * parse(
BigFloat,
"6.02499120357815928257948149686720054277931757686715703737975790994927" *
"7454549704184908001210873239339875048800032936706936150003567854056770" *
"64931631744538400025898194267855171339495698445365332729747189e-07"
) parse(
BigFloat,
"-1.7694406658768551564926271017569130906971897686341298556765282742993" *
"3913982869960576513879866570318859530113757345890449751395820242095945" *
"576987087604516097174109801582607315159844908630435303471983670e-04"
) + im * parse(
BigFloat,
"-2.8833292119078776176076194942152093867250248161858505192753393005976" *
"9244068570940919315165592517647807241337679007617171481499334885345899" *
"608220794612160164995631456404476214657424058614645240718487397e-07"
) parse(
BigFloat,
"3.48610378968991467826371011185994639875998848265908238571683872837284" *
"2399801126238903566815754941987159841385886423359334705121896429863741" *
"27463219590715628607385933157925188409341207612776335213379960e-05"
) + im * parse(
BigFloat,
"5.62499205357739642582467617413282171046368735901924565626773941928257" *
"2875584849276830175073112076772787939081167939118488606079950250845540" *
"78568891035683749218326468875487102571938921574742685599297369e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027074157487926045086673557086388785941817908736137210023151003450" *
"9579541710657734815481753180964962328462807653453152548965397137728515" *
"78379951125774378988339821334926950515451800870131933619065268e-04"
) + im * parse(
BigFloat,
"4.95485316117486195260001545448598609992989562578696050484564242584085" *
"1638969206568055153092459207293663747789625016806922726308019861187248" *
"08433392052577823560712228032882666037090303410949340679467309e-07"
) parse(
BigFloat,
"-3.8527714732189790682524604312611298950936768996834098029101229701625" *
"5502854373687912108122598264310794204141319823857495358664055552589577" *
"934878101508288233381097017919894339076544177119224688439777272e-04"
) + im * parse(
BigFloat,
"-5.5416607597585238222364499660797690538384699488164781879925450674875" *
"3824811288856683267278717004574489623712140642035527959782574760053026" *
"547208327437963860457814231938962348805318824328103899999335947e-07"
) parse(
BigFloat,
"3.63332778274207382443255451356843351441803220663362932567988089876901" *
"5407391637501836725491017474100814885490694526798590067069790987788684" *
"60209012419679776056137438249813838654701595364629206071985616e-04"
) + im * parse(
BigFloat,
"5.02082824281024460477989549666315689459918577907384048370581121101265" *
"0633887315980947690095803024022780544802838035708127292506998407052241" *
"36781590539453793364683880054285725713640530168119551595358206e-07"
) parse(
BigFloat,
"-1.7694418204383594431439531589864217391814072298319153697331727654921" *
"4220421645104869151401905402012820153533147447568349801483488620915345" *
"130737470996091527498113388411972362234245412726186929753475536e-04"
) + im * parse(
BigFloat,
"-2.4027753926930510770893041723851975862498207236080854142056980843992" *
"1682168600995055173501594103887500207997596558683387265622671418837364" *
"975206641531522790047270334018036887689435817150869427744129869e-07"
) parse(
BigFloat,
"3.48610602678927090079461671534045737743710679322740378422846122055067" *
"6794564100518095673313676521265392861379108729622731817470526410970248" *
"91571610178569643528205772286880294128107058008677598281354609e-05"
) + im * parse(
BigFloat,
"4.68749540137475284452664162052549309694166560668441348939264419436653" *
"3398632500398010794930445872272526838778545555699760853245515876177482" *
"74192143063320653390884465769889988371958147251845666870943212e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027327460621340281988585214025634419666404268099982611616435887675" *
"0971484485181900901782908572143596387561849587624957384863963117417721" *
"83177031486918015015810496659765061751541743492463047111296611e-04"
) + im * parse(
BigFloat,
"3.96388481852044543158412493397316916767350394905062902342813462990038" *
"1222750694202140479806059656468291004910302494105438657883748957676456" *
"99166619414024583974335729846084519528642226804626703875296910e-07"
) parse(
BigFloat,
"-3.8527737428590652552171792871437923721625303887047393987062213853767" *
"9784002784262427256947627595982676450333599666022452451898120550439091" *
"191816512800255298444587399564002080488573184493255156759522507e-04"
) + im * parse(
BigFloat,
"-4.4333303089957683242914307406114528144732397640864786671925539781099" *
"8660596724349127352886453147367114029492321665628856284798898173910662" *
"465100344940268276743379160844207693057669682082062345675889775e-07"
) parse(
BigFloat,
"3.63332978095401058158442848257716759438633526172263756329572083056748" *
"3443723801539234693159512353172590463659053130564847972181096979913412" *
"46165814757491699115030874864477037441839889541801107436694128e-04"
) + im * parse(
BigFloat,
"4.01666406031834666648319386861791689412076341576832315259484978182712" *
"9722754201919001958187311872034666035670183601069403563823363296427528" *
"30343330371249244741892487899657197793877220368407418142569014e-07"
) parse(
BigFloat,
"-1.7694427650801234565936871686509337478155092390119104232436472519673" *
"1857415410011989512009143088113732207938125811812754302671610158355927" *
"862145270359601984649203559091009083279594895079187812722672193e-04"
) + im * parse(
BigFloat,
"-1.9222210010586113579404115342507373376802372513823611287983154604490" *
"9081531946351452490071691944630958423689336429499890963344838577675232" *
"980768015713217730744587370865363651339027843243118681126771860e-07"
) parse(
BigFloat,
"3.48610785714431393260520555645177146926033445211968671611654885381199" *
"7072609867730255184779420279041469790939330855849162235346001756512670" *
"50164264983518335791620727529120932322946133691238770062792917e-05"
) + im * parse(
BigFloat,
"3.74999764550343139313729893717303446888224856439171041564292781307517" *
"8597761821382018696671825325856150823798245006638013022459176323023877" *
"97783643508942581536904583495371571321766268350303929009303639e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027524474302498741051623358113281170683873583696635015315717822114" *
"0483664583889699293926863367050609135678695712827162271075789164399064" *
"92389222153858091993711492202207402446952788810615160665337494e-04"
) + im * parse(
BigFloat,
"2.97291494947962393222297044759669462924181488924112117795679124946793" *
"6905647074207657013007210858142570074075072848361930281020215120071735" *
"61967556903169157557209653649190384915809565025691948247988067e-07"
) parse(
BigFloat,
"-3.8527755081355288937575931274710136472660185987766598059588920679548" *
"3360946327058626679101230370881363093650216753999028033514214019287906" *
"964072484388442252222794390990935531931219543018986377736146165e-04"
) + im * parse(
BigFloat,
"-3.3249987241073942410415868530072325899782472030064851720260133677508" *
"6773185399606541345828676050923634563583802960039976358157107451311078" *
"066073014185281124543731889155410394288928921512463691705465194e-07"
) parse(
BigFloat,
"3.63333133511956324397177286971039330458364568467028126756806167023974" *
"7578426864597078004155822894094561402850452852642175267160386187745844" *
"01200223128605762461076163916862211340656323812613234510754263e-04"
) + im * parse(
BigFloat,
"3.01249890044663890622550933632454309600855782537575888949557916696024" *
"8366418496019866016867321849377122417166577008880786501248911712442188" *
"89297863591690494189061748117681238987105996940673424539472947e-07"
) parse(
BigFloat,
"-1.7694434998018272569094830029171043832506261598592858845341925911919" *
"5846531193687622883760039310497383060013173804676042158016765297300506" *
"450180112066238057519171448094508351676309160722345624035749942e-04"
) + im * parse(
BigFloat,
"-1.4416661514881926041554166675389249403061151712562379053632071698721" *
"5958639075446771660604203676387988848186250576002014182237656438536670" *
"643340463693888771618850371430210287043243209680007757649214380e-07"
) parse(
BigFloat,
"3.48610928075442919140144188034090434924297630520145353291063078848411" *
"6826552838298809571655022029590253476529942926857671960162006899144466" *
"02209642794904477026838193788357769223136337315991448556268115e-05"
) + im * parse(
BigFloat,
"2.81249900669661506694282670620455149494235220445963543720132678167543" *
"3999518304094274349737498367262372482123819159095658934570839961979287" *
"21336090202595715585742485949282271979960971293066807653592108e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027665198431690915451044927185979679853830457714285383515439356466" *
"4018032733710676524523516286399055075523673265822495283714143318996077" *
"54889417113801733402073929120863339854082997438327755356532862e-04"
) + im * parse(
BigFloat,
"1.98194393564820836419351023479249047528789074002631594050035925346523" *
"5315381643694862041084630444684016747817032947659639469857221386401986" *
"66612644721959186206858871289919485339220933812789879458320449e-07"
) parse(
BigFloat,
"-3.8527767690477391975228213353863009317713446866482415536059544361929" *
"2010259526696036346542341004575169793081402545061931815489603086152548" *
"019240192015746382344684869911160245054832310952178409300915133e-04"
) + im * parse(
BigFloat,
"-2.2166662886243717283933151622653850151741263139013247250502261137211" *
"4966443930425482717639640457662691336112092271618256582400866216981565" *
"089622966831995144125604221241661364245094013317071040242634171e-07"
) parse(
BigFloat,
"3.63333244523819708994043129737719070240282956008383675509008788800200" *
"0582891860775029966082742928173716941902743451507038530709406902335925" *
"50459701521812435020926037003019965555624736213453021806893194e-04"
) + im * parse(
BigFloat,
"2.00833300753971023809380471385437020234732935425361992800487744182981" *
"1521812609089292834168047108050107412805121912960434540320185021747650" *
"82688265610892189795310183563095979943443536849688597718439248e-07"
) parse(
BigFloat,
"-1.7694440246032220017605991129492318344175911100269423421348422420801" *
"1637898057983119609150029989062127870603071094515985302670963058092172" *
"591000639112490230789119146570763616077860765459092985708836776e-04"
) + im * parse(
BigFloat,
"-9.6111095846562128747729570842950895804998451535720255508785342979203" *
"6165758112375419935561321672723133137980711439165886514525402593923992" *
"037583427995169037705074806231605811291343313647700746055468487e-08"
) parse(
BigFloat,
"3.48611029761913866842446956360203581722216657774028628650662493872693" *
"7663810918169996043469608093290033879869390553001698214303703394213025" *
"21859153576068831079833209978506964065553991472283669449705190e-05"
) + im * parse(
BigFloat,
"1.87499970568785524691232430125634702248075265909152522088153670095125" *
"0094609991178790174470099445200955647853096184966201041259132394571990" *
"92384890569900163704565502638232331934509506466383477389353143e-08"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"2.64027749632937694968007626279668497330437962690443022585558713246679" *
"0534927684450133041973038391851301305995613119028476791488814145862681" *
"55965856002676518335329975173965814785604510435050491211799762e-04"
) + im * parse(
BigFloat,
"9.90972158622687066936696983893498715803219129486886922260186223309382" *
"0178761939721550063886887054713258722315266486121239115506703831608053" *
"28689641407641256734394374674629807593950413229279543792045769e-08"
) parse(
BigFloat,
"-3.8527775255952456046074581045254155887737955570826359366747759245748" *
"8381742268128724054293829188293836924716534482854827255063195157284409" *
"996725828058888785672381183959800360990958509346592723625304953e-04"
) + im * parse(
BigFloat,
"-1.1083332860780433625440780657101299472737090079634990382245145471735" *
"7128875686523967358291354454833107473318827381307338952873748531915531" *
"028760048798954221343817727004400023334236706885128762991254355e-07"
) parse(
BigFloat,
"3.63333311130953017526444622314523054105594352374372765758653110039531" *
"0643038840794145908816674270445258499948622874658762178968806635340488" *
"84178465442699908799723255677353803553881092574275244325551570e-04"
) + im * parse(
BigFloat,
"1.00416662594246118303570308742193440699085043548367470419375300228750" *
"5155076421774259103733142311238618521913247801773538083245750043522915" *
"78569623692186061653670253934437989980453812908645029844426192e-07"
) parse(
BigFloat,
"-1.7694443394841299465387527473817192002919728407685045887869361937917" *
"6658780907834981438074257006966738383990032940464907379051996486513648" *
"490792374627790274932068582847143615422726969779626839902273434e-04"
) + im * parse(
BigFloat,
"-4.8055553647486812555114124044684031766511060802688422220542383542147" *
"8235295563908603563918625318858378215222698988426383045976347133853430" *
"488274135570303050641907112064696009059926927974264432028693854e-08"
) parse(
BigFloat,
"3.48611090773810092868156619936228974856759982011641061024408395776016" *
"5789028709443200478239338762008977558342948020606767627241685816331702" *
"63631089081003377675068269537121657157169403698044026216588036e-05"
) + im * parse(
BigFloat,
"9.37499963210979603450166554767333502555371548739517777408878790536583" *
"3026056437297471294725689672592129789810643604937309327497059736491561" *
"44245994749278088001186014064359078889001750868736616487987164e-09"
) 0 0 0 0 0 0 0 0 0 0 0
]
tabres[ :, :, 10] .= [
parse(
BigFloat,
"4.17179880401234567901234567901234567901234567901234567901234567901234" *
"5679012345679012345679012345679012345679012345679012345679012345679012" *
"34567901234567901234567901234567901234567901234567901234567901e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.4466929701278659611992945326278659611992945326278659611992945326278" *
"6596119929453262786596119929453262786596119929453262786596119929453262" *
"786596119929453262786596119929453262786596119929453262786596120e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.66419587742504409171075837742504409171075837742504409171075837742504" *
"4091710758377425044091710758377425044091710758377425044091710758377425" *
"04409171075837742504409171075837742504409171075837742504409171e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-6.2646298500881834215167548500881834215167548500881834215167548500881" *
"8342151675485008818342151675485008818342151675485008818342151675485008" *
"818342151675485008818342151675485008818342151675485008818342152e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"7.41793207120811287477954144620811287477954144620811287477954144620811" *
"2874779541446208112874779541446208112874779541446208112874779541446208" *
"11287477954144620811287477954144620811287477954144620811287478e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-6.1283642250881834215167548500881834215167548500881834215167548500881" *
"8342151675485008818342151675485008818342151675485008818342151675485008" *
"818342151675485008818342151675485008818342151675485008818342152e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.48074052028218694885361552028218694885361552028218694885361552028218" *
"6948853615520282186948853615520282186948853615520282186948853615520282" *
"18694885361552028218694885361552028218694885361552028218694885e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.2994284611992945326278659611992945326278659611992945326278659611992" *
"9453262786596119929453262786596119929453262786596119929453262786596119" *
"929453262786596119929453262786596119929453262786596119929453263e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.87764701829805996472663139329805996472663139329805996472663139329805" *
"9964726631393298059964726631393298059964726631393298059964726631393298" *
"05996472663139329805996472663139329805996472663139329805996473e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.8697544642857142857142857142857142857142857142857142857142857142857" *
"1428571428571428571428571428571428571428571428571428571428571428571428" *
"571428571428571428571428571428571428571428571428571428571428571e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179844488404246806400700418136055762472027123898327679314080259492" *
"4884155111888264765817616428481016664002164392295242204705109822247439" *
"22097952576306678934228158753047757880808259978772839662231576e-04"
) + im * parse(
BigFloat,
"-1.3699027624757346472006074109847306987136195100393511130875735258113" *
"3947400570061323757020189556958495328862526762650996645622314751958619" *
"792120188656061664201815036139678058002150646168939617124122231e-07"
) parse(
BigFloat,
"-1.4466928916890882427776234054980437196767375756397718819764821239424" *
"5187791813344400369787914763933008298442295832719208426698847971056090" *
"389999509110336096535051873783772753383430350845866113525773588e-03"
) + im * parse(
BigFloat,
"3.71679558318755577430278027535655162665599506358380527036843539640094" *
"8617505149011061243425751281545743100209930427134956513946710668914179" *
"12384770385568157435020444282517253137053822868352383744323149e-07"
) parse(
BigFloat,
"3.66419569174497814315393527425630391185958900448061093183296379088120" *
"3124007058774356632278730933536288242277082673586023347083443560981356" *
"53760254748289473031704050592179557661605934050834117616827822e-03"
) + im * parse(
BigFloat,
"-9.0576212801723519625590675699364858459939332661109889274549445903754" *
"9156475404484134741141796900319197068431790757699068988583727360626689" *
"371543311239423521645890365356000592742822857775256967896697612e-07"
) parse(
BigFloat,
"-6.2646295418156557153736092249555514915223107840538737332975291974544" *
"7155825305765954702968987128239784206197310196652945014025418313063933" *
"865989816533348749962032303971918649397912084146626500637519462e-03"
) + im * parse(
BigFloat,
"1.52259324597442440967593799900175820579402319744802761561248394248003" *
"0563963511917756536080814444158830925298588623938446760514242725374224" *
"00973790923559096748552437326187463623392962327167132158072130e-06"
) parse(
BigFloat,
"7.41793171215120550213176303323130689660739835993351224119549121386558" *
"1858305974768467849273885636125755041450096452835356921772559819580343" *
"87822067123642440356744955581560178050100141382180297150365375e-03"
) + im * parse(
BigFloat,
"-1.7857711425899771590845158166252867057079963180008463679499545436000" *
"9367635666511047596544289343810394353155224155111234173175787140134016" *
"150649020279521654814612976624068486985011085148660527129501536e-06"
) parse(
BigFloat,
"-6.1283639315706888198469961091518175510829528561345156319664510694360" *
"4766756231897555146658986152727064422089788992593670770275302334894892" *
"289633957762732836977354290929368968371827547431695505229583322e-03"
) + im * parse(
BigFloat,
"1.46629614847170321578384423365745550850536327570167301083201001964637" *
"3190009188475185532764412835227619897993222897441773748881718468436922" *
"87758412107803432792942372265471560845997487487915023495720716e-06"
) parse(
BigFloat,
"3.48074035479486122369114400553253771806023268679092937013994120099339" *
"1818262348505541365342964155776484391013261571985207255323746555335152" *
"80703824823870713342198532396229656020210090739144401690623395e-03"
) + im * parse(
BigFloat,
"-8.2925751248994327835182202064785451932991861821637992504994655674478" *
"7111040630306749069295538727667767639072500627752086322407812240561056" *
"229871454818188972479287050080357633669800886886444715853781956e-07"
) parse(
BigFloat,
"-1.2994283997535952691318015192910238805085914969869869515526778866716" *
"8697954893957841692196032959647478119154342454650037545301024731423359" *
"603618787589948947173645430706127089392300475054448851587457325e-03"
) + im * parse(
BigFloat,
"3.08602207161327387064960810217864061482834534462899216861431971390321" *
"3017575516863734838790398827662278026443072262583982471650353408340507" *
"04928947902696522506960752747391515212780263174947790280488164e-07"
) parse(
BigFloat,
"2.87764688278830619268870833232905500746960564146948689707161227991940" *
"2064945850829542489304200746418697416736552799497076099754234512609477" *
"48962911096476282844733403433807522979428050506885978747804417e-04"
) + im * parse(
BigFloat,
"-6.8175946170870131187792233051207341334536644948037169061038921753980" *
"9220883910419005039204881794229573990694585405546501821293685607510174" *
"557252147202799995198682579288603038187279483484425523992846808e-08"
) parse(
BigFloat,
"-2.8697543295917521255436762377652470230928456179885519861249785459804" *
"6770392650074730487952739388659781765056519951721448524167635725142078" *
"225123930003452183064876629765867850831763331679666985534332023e-05"
) + im * parse(
BigFloat,
"6.78584975605516742285675594021766158430763442390408139593348835517529" *
"7964818927051192130372707540466756668215640923503211209670856596939255" *
"82103820282228883694806946740750775136513441386224981177516633e-09"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179736749929959883862672478651065687526530662943637465105451630944" *
"9549151753422228809331715633313150596384138360777814576713712328637420" *
"72625293013756992533734271413279195100233945783423683710611433e-04"
) + im * parse(
BigFloat,
"-2.7398050623680579809574381504243772818086890505649179814447252251382" *
"7596111594276135388206559667793843567483655395277363698793484808588904" *
"173390824447670307002026503438986858754024381812275117806408176e-07"
) parse(
BigFloat,
"-1.4466926563727806614966273354330088596137376167267214964733121965900" *
"4526560658481817340817565092378160946614805158024571325871051445660078" *
"883258406357749060674744577720680481648662127829031515490040873e-03"
) + im * parse(
BigFloat,
"7.43359032988242899017495704579104580147124572370666868815933743510858" *
"1713876294360830678842350792057298771586545396312477477621401476644963" *
"87156582078557515667876640217525157235420733555370271425731823e-07"
) parse(
BigFloat,
"3.66419513470483848189755259824442418951835161373575646403528707114046" *
"3153942853522141872149250876464587418628202691990907029382711534922107" *
"58694187281964564247380600327898150520563893193215054018484622e-03"
) + im * parse(
BigFloat,
"-1.8115240623774351596685633315205935937892116912926616747376117375211" *
"6797495956300066578288549801745724794604932349558207438412894172460857" *
"347034094317779277106684031348527822799940668731089642977635691e-06"
) parse(
BigFloat,
"-6.2646286169981676123980897178222276908042869250520811999381844470819" *
"6976137722153081576023955349149437280381749521482994879906019431212894" *
"083064276331298422409235015999084586931273144165642302958693742e-03"
) + im * parse(
BigFloat,
"3.04518617342312583034017791460233061576434796209408937817586959797623" *
"4916567804271330132886341485854600011440304000661224278210005126617221" *
"29994955444412617707851999880816652951938146014037137550685264e-06"
) parse(
BigFloat,
"7.41793063498059304853153789244199241803662828946250587423279206776081" *
"3969815288256095659915530008073357605507681831862470103994404193195339" *
"15274729124825166033402062719622987581732431503594851912054010e-03"
) + im * parse(
BigFloat,
"-3.5715419160926213248886699320622757018336120261155544514033458007423" *
"9813217514316708151426984323109876453781179320362540612974020904253346" *
"393779396140339533609982543970766809664059705407702975196920847e-06"
) parse(
BigFloat,
"-6.1283630510182941454445512227330590500210587896688426537780344692991" *
"2927938238253486134924711495353798913883249769993224640066112013991661" *
"428570036594224318982845976749859374707107306445057802658404183e-03"
) + im * parse(
BigFloat,
"2.93259199621520743203640694587049369114275913875212599790096010391378" *
"5243699131476196133315388168320757216127819911247255901157349635481385" *
"29445048008464305576226354419253731428309788291440547870111503e-06"
) parse(
BigFloat,
"3.48073985833293410045979224744607026976359165658101774496772140433700" *
"9145498139049687039112891125221951513705540975943691900178111547885909" *
"51059742530967739176242951274673853062702228265489809074317034e-03"
) + im * parse(
BigFloat,
"-1.6585148558118151658879277198778180017523882019596746346792306491464" *
"4991778441325192186266723339270595014875842927788313850148948175791413" *
"934074307177294280698523546088215394912196950811145669351482568e-06"
) parse(
BigFloat,
"-1.2994282154165160088494060535409546382613421317701826228747275256879" *
"8761082231934757463625881855706078161942315082719021181640293438675551" *
"665956070209865931100138400397532622646089864223674940620746739e-03"
) + im * parse(
BigFloat,
"6.17204351614818246158466503758148721585405553934420639944781494570084" *
"9681332362137301329330422321343667863190674368070748564377253685005131" *
"51992355732650336200165993562663818664077450512286317741626344e-07"
) parse(
BigFloat,
"2.87764647625908565107843798454809934646568496899994403951476897851368" *
"0728625127239592692526587873971698634945498846288908518798493595634392" *
"56929348096523290585502503035092568369256005619844129875917541e-04"
) + im * parse(
BigFloat,
"-1.3635187853002127357923261047826985248438338001377566756305654791062" *
"2100457108785544633274515903543528130734462726041966022884969474482803" *
"999623886093468331975870196149854666998030840532047133926272792e-07"
) parse(
BigFloat,
"-2.8697539255099061026518054069325507478776251548407717404613444344835" *
"1912724767115669136394134258607485558963319606205678228468586611980670" *
"240591326914932076226739383589408751045809980044615972575855930e-05"
) + im * parse(
BigFloat,
"1.35716981406332034567966893635571287349085241937992306446412356758038" *
"2005423755683103621044712229346311716123517768632177589294104147754942" *
"31856247969631239444578336310322267101638680939959735502321947e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179557185861736209064830900404481321705694834481519433619921712762" *
"9484871468227149790977361717445579412318365178154214256322681397501711" *
"12191866805003074664780064823269013069310561422344813575593331e-04"
) + im * parse(
BigFloat,
"-4.1097064370938165605726359122643252823687322756673775480548979003582" *
"2310562991596244294446188197756580971091621189829194105377729988250328" *
"094776439934149793859289031598004526754811829192821814000731431e-07"
) parse(
BigFloat,
"-1.4466922641790199392961766914397728919219209659964579540178571487868" *
"8613118562716802178806465004335417118293971126359396652497491607396463" *
"747680273319400846493332187038436802434771000365355536353104029e-03"
) + im * parse(
BigFloat,
"1.11503834035922791583386400112014176951750413187720404888503892316609" *
"3225452381226801704591922154051729879404361420891733932375099183364314" *
"04234308342949784548279766693109476472816095325540604172671808e-06"
) parse(
BigFloat,
"3.66419420630479966115684604197589006732773129695954424563065830339792" *
"8634820740759700118957400488557684212871586713181298305617120121162345" *
"06458580861202797377132718692430213400730898579234273684317928e-03"
) + im * parse(
BigFloat,
"-2.7172856094236414078015076082780124369077509128665154646552446973235" *
"7192757880574281230429106057349085394081578436901437827296277790785815" *
"154382419255967844967545542323242445358302754466684316453213448e-06"
) parse(
BigFloat,
"-6.2646270756360041589082661301877093231657822707389977862534392049377" *
"2286431285924813396507428561809244567512342977750144018551369398910836" *
"407121372456074224179141349837473617205791208344194513737466173e-03"
) + im * parse(
BigFloat,
"4.56777846382050589910246664477680062189832526017393333762917963326494" *
"9166488755878115530168991855065085240492796082801914681923185882014323" *
"37538671913227938561735427369647932810620959522002167254681128e-06"
) parse(
BigFloat,
"7.41792883969660450695805830323450304670455730499759335829736279528332" *
"9655696421642156919784897529396632124025147119308124170520102666452267" *
"96817521867265607453495931759865233715936947234012997342613647e-03"
) + im * parse(
BigFloat,
"-5.3573119514207429013021619277071415846015509262207531991898816564848" *
"7709693756429266175053976152927018044660814426275730850842590763203199" *
"772060273001248514000776762659164486718954286847656420904671990e-06"
) parse(
BigFloat,
"-6.1283615834312667900893060407269468492340904349533776055943817736264" *
"9036311711838212768498858104364575049556956842638975471553803350348008" *
"164677838612267569275424913486955125805682562619730128545339360e-03"
) + im * parse(
BigFloat,
"4.39888724250242997024968999292924337900786069528096921286100827498591" *
"8310855257409414205793232532957444509565040907748844440923937054294828" *
"96508770207323678261958416225823603583853530710441840104396567e-06"
) parse(
BigFloat,
"3.48073903089655573590499926458419398145368087576746220860318798850727" *
"8762823929338854903319455780448478527794435313142996487093449595732303" *
"35921954094488215970007550348724282720137229995592690130441881e-03"
) + im * parse(
BigFloat,
"-2.4877718607976095058727470958089800239590550411221704608158991872709" *
"1889529246081282281941587902205430393453828545919571543232633397167891" *
"302334089633268820714571809311308288396155064289529859753075893e-06"
) parse(
BigFloat,
"-1.2994279081881123423896656684914035266915325077867903345202828386269" *
"8797153654775941804878088497084834529602486648188277100769490942217083" *
"484857219864991768459282660373751580065253050580394402830741453e-03"
) + im * parse(
BigFloat,
"9.25806370652660176528700263375291306486245651616320482131801971847814" *
"8385632679362943129971059461903356102296127473102101303717883773805643" *
"74104613510022186029307557610717461244349139895605852027708827e-07"
) parse(
BigFloat,
"2.87764579871052066338784139985332057059853705120884533061406790454525" *
"6985871329695136896706495453903796925414616791958180193066061455152532" *
"72948812157358011047343567579618258096720057517133925535944821e-04"
) + im * parse(
BigFloat,
"-2.0452778326573974346604766178815808126735813092531598215914827708629" *
"6098648961798240786662767399794187159722831297989248668569853969648566" *
"121665577883135075233910103392106645169637078382967192064483503e-07"
) parse(
BigFloat,
"-2.8697532520402975898802333740741190784388968965197456588355106561487" *
"6032660664898228612581886745653464138520676661352856925537353922709005" *
"941963915573092172311688966344518073167091153176369977589401008e-05"
) + im * parse(
BigFloat,
"2.03575437822575027904310892076940436166279436730537267403065492394406" *
"5228385678177416175245570698854165090950577875990407489073577939048913" *
"33021669411511390308332276545566169725754402358424056314837508e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179305796282957539593172183687936807055124041132286025421614548862" *
"2641612796400374261926265802923421414534759406574472704933947019395539" *
"25520288112270696546608759660916670952313433944387337405893914e-04"
) + im * parse(
BigFloat,
"-5.4796064240703726906652008566152302956809495850585048421020472983430" *
"8285996736765831325208040277773719297685972783088642516855365147860378" *
"592279998201239699235829679021352269241526047284926894872891240e-07"
) parse(
BigFloat,
"-1.4466917151079339460354502123359409100551059850860647277657233896081" *
"0867571087690580772636648083073543268281407131608787165417866691332801" *
"809785507202727768546911276030761553510682184560013730355339318e-03"
) + im * parse(
BigFloat,
"1.48671739678254499276395919287960066277773044955991109605608782812919" *
"3150694421205229459611469533730769521562503343050269596511003422524050" *
"13891493343455772393631236621246757859025168778412696603821360e-06"
) parse(
BigFloat,
"3.66419290654515260286712774876217059050703064500148798650320403460501" *
"2321213229441090450134542680172654858782056215511750778060911568791405" *
"40984655728117313879893402597096054936686482502301631998560181e-03"
) + im * parse(
BigFloat,
"-3.6230465754990489589919040540244751246669387809850329940518652247158" *
"3240304166196542746726530628217087800430018819460572775454819300171224" *
"003472484011791169952953902993703992773103079457327955705881822e-06"
) parse(
BigFloat,
"-6.2646249177296404319553138115029977465967613659946195600258184108379" *
"7966083501728430755339846322824323138233804735841527165779047602636438" *
"443876287994013170109272248234379039620631777209375220755611352e-03"
) + im * parse(
BigFloat,
"6.09036979864121550525110590954229387978219230211820536324664885685853" *
"5618260012147906229562300848936912450075700168152068751630367330040602" *
"85392402904863234673767135508378541014959315392746044982399085e-06"
) parse(
BigFloat,
"7.41792632629978819887618470930096210282041392481566501774028060051225" *
"9119913911890970947392273857754592353748448835676439160235579607432333" *
"45427560435254396027733183098601145531141556064554810530906292e-03"
) + im * parse(
BigFloat,
"-7.1430808794874390864811187259874626473809779898702883897559543317894" *
"0588550638660512007266297657217140756916756525617117598786075444543562" *
"301772222736861387715489452660790586473199045487734105042296552e-06"
) parse(
BigFloat,
"-6.1283595288100524066123764714376734528960678854044761209332535158207" *
"7850812491835054716401987141795011316398738423667083556536922716990704" *
"693840892279473605693848111719286096989046104246689795977238004e-03"
) + im * parse(
BigFloat,
"5.86518158660552079390264900001237307693379613883015069194170373485247" *
"8845632622703777296657862636366599336163443982140369614296270008725632" *
"61099648877940799212030276962945718018358555849025225955483041e-06"
) parse(
BigFloat,
"3.48073787248597639119333230084427355765158794865731591125985340458173" *
"5326159335455151262021971762413624943326100946107451294657696208289246" *
"44589587610239532549236117231477188568632251957586484922932590e-03"
) + im * parse(
BigFloat,
"-3.3170283582794506096976353091828398464170348273738351273763516733369" *
"2273783662766759730834735253630354922897927953973837547697975748428418" *
"008640788806968154160198887889424388708948646902461567136683862e-06"
) parse(
BigFloat,
"-1.2994274780684769207395322918003047585227566182946744439298073382874" *
"8192860568071644168653029702693299243683416758838615862989141665700221" *
"334313489952612508695910408778285871694890961185407695348409915e-03"
) + im * parse(
BigFloat,
"1.23440820156708903185079795688432343828488830566997211140658621995782" *
"6301416433461756601963584827951534619906957476724714569196040164694799" *
"45262802485812480075216074099674879743835111222562592454316198e-06"
) parse(
BigFloat,
"2.87764485014281510204203548678042789672775943286401952347354819864561" *
"7784749220754333791793512607141061154989189754406000428710229232105112" *
"37081596658460974997010336937195294229297886972648499713706499e-04"
) + im * parse(
BigFloat,
"-2.7270364656632246731341378992528299633060426223261352899568727111857" *
"6926500903881623932606121040725665107874902438961775453103180030190982" *
"061060836191468902808543793954271896491534417092621469284765151e-07"
) parse(
BigFloat,
"-2.8697523091831288752371849235432612835072418832272677314144675809950" *
"2658174521705799922203880262599260220755723112912856356005829245581665" *
"740606586356693010366131926205872087361957873156556252055298131e-05"
) + im * parse(
BigFloat,
"2.71433853094525122671592633183726509321421022104529195793958155494171" *
"8447939024157593048666854804861852118493027804315755346200294644357687" *
"23123603455107774023965321066473488657881217424355549299472514e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178982581310358262943496503783603611257824771126567634440043621109" *
"3089064045096667254342430761912500406885315690204078432363912647813748" *
"31773158134300600330750990201183526985791565719431239008743641e-04"
) + im * parse(
BigFloat,
"-6.8495045607158622933919573121883405633667321121250703362436551408212" *
"2350224916061490126565373058496417163906849286043714663262028885778424" *
"220162207715432585807772117234476244270055444073128427693121842e-07"
) parse(
BigFloat,
"-1.4466910091597016994320272170526175515050327227846746622327988464121" *
"6425479008534239303069428756642967922635317855381838366539298125566139" *
"036716134713126835230968414421653805986610494268693071251681918e-03"
) + im * parse(
BigFloat,
"1.85839611860913111536546218726772609376240991034707820170422281785184" *
"8812933792292457619891751338788940488951940689902760230657485692905373" *
"53417229681395812446027839030213670650982533292195853941684173e-06"
) parse(
BigFloat,
"3.66419123542630459754866534976927989397995068057985157310157903437738" *
"4442562519505249497802619737379882133123028240908644220922349514059936" *
"72290052219398804784580432862573922242946505161165177461089756e-03"
) + im * parse(
BigFloat,
"-4.5288067669470830826374831521505517768709577104390080913338607219302" *
"9826060299531614612474166357837867692272280030689899496765913721883077" *
"765524770598870378989766835763571095398733186290285288905829905e-06"
) parse(
BigFloat,
"-6.2646221432797415391051022656956630721549630506020547377288446271165" *
"1527108735149613241022554998472182108702708167095283569850727274607481" *
"357796948576143695037252644169258798225088555532990287079797852e-03"
) + im * parse(
BigFloat,
"7.61295985936027941618139184896259874018750714112967711545975829346580" *
"1987723150805804224669429120540771155753702568172491545517595862044034" *
"10384845270339769997437594337443346297691266672883578365340625e-06"
) parse(
BigFloat,
"7.41792309479091177398575578414383018653661734505697914444003225545211" *
"5230808900819030554852732199098146200338385338533901080155429318967137" *
"99791534737635285222350675965932851632655474235687022257560702e-03"
) + im * parse(
BigFloat,
"-8.9288483312062372697970702447979129949870945789014763884365877553600" *
"1020291775665455518110882411780553160380347167420941319235039754945804" *
"540333958152279419261456737375061056117316129095291715861952723e-06"
) parse(
BigFloat,
"-6.1283568871552749086930677988606233073873221359355164378829810273517" *
"6770262975274448714174272444935249814959600565922804751188131914377959" *
"969723044187878317301828471248462474642939579364235389063827278e-03"
) + im * parse(
BigFloat,
"7.33147472779697882930563781491759170884161886652703123310744375224571" *
"7972590321709493384262603668425766712552650046446454323251977597233525" *
"88664162642803842908232216485062798998502340504957463672101418e-06"
) parse(
BigFloat,
"3.48073638310154643179874018940506550425880848906906631507833941705769" *
"4259795332601313055959614702490307376043228373319655626928063082201566" *
"37460972330697682545453781593351402550308731688831555268788048e-03"
) + im * parse(
BigFloat,
"-4.1462841790896584908609165935232798233839247553563112330070641622590" *
"6309294731482526277900424690034344422937409336662849506440361978002708" *
"789864678563715951884711703484824831263407186939744943277566929e-06"
) parse(
BigFloat,
"-1.2994269250577394552218863208005387136564724949931772246960928466794" *
"4195062543211763669447879963102401194183269937240308106429426792630795" *
"185429444087698331975393843876360979691528809518158908522957451e-03"
) + im * parse(
BigFloat,
"1.54300978165041304740951470255414176324563576466928979913792051253050" *
"1731173360009385597944154428618311965604021332072480378258398224062864" *
"28070174869892758191345685312966058644765800714264837420926486e-06"
) parse(
BigFloat,
"2.87764363055625438830685578663077234465954627964610025212921188868600" *
"4662139186429617592178219431233299913572714348877085268338564163295488" *
"52169169634709009929777945141030680230102134278726871815105087e-04"
) + im * parse(
BigFloat,
"-3.4087945462008228683991496754621633905081008611559692244482572987943" *
"6410064425810249166609942136392309844824371514091221599052865921739836" *
"865168283044980422865373202408435894601754216268474142745641968e-07"
) parse(
BigFloat,
"-2.8697510969386831618059863033014627574190869573369972570628312296624" *
"9857914973492154648197598623592880444068056663724129383695686213593098" *
"205816529389241818118566719218732687411519118240018201896552631e-05"
) + im * parse(
BigFloat,
"3.39292213507442569618920380610641181787929300413554459081110169767197" *
"5804469644342059977429166165020957583197695118806562403388117289304198" *
"69812113358716428426647455134650666537832649265245856732783247e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178587541094025323396875872093583031307702366245825553801894719374" *
"1840856473727679862557819892699681137156902343425598149917078417057405" *
"77570162756761783875703795711227463619129854626343625666771721e-04"
) + im * parse(
BigFloat,
"-8.2194003844494527801435692098511495872495988807271441619827651719441" *
"6442861690066401700365644284220958555862626382934762847657564080795424" *
"187727349827681336841445600401166684635095331199538688932924097e-07"
) parse(
BigFloat,
"-1.4466901463345533649766167482465131783511471607876454809828676945212" *
"5007948231472243488056441428396416690161513755868228740877698031882106" *
"754348759670752453366783499923118199696284760195970388927878790e-03"
) + im * parse(
BigFloat,
"2.23007442219006009667536588834464463577976370789108866875286345709902" *
"4325739785202818772881784278509943282241582952384808535929887680358427" *
"14025198750714918363914738965160629956060249200367152500103412e-06"
) parse(
BigFloat,
"3.66418919294877930411751272325626857724310967431824713852160835236054" *
"4942621187630596603909549788342935510632672147657338310128435703756205" *
"93369947622536473166685944672141986080442243709098023741427069e-03"
) + im * parse(
BigFloat,
"-5.4345659901114760493636322772736343903323006056733612370109429823169" *
"3765496415209510148362861049315468948827708117229051365748066501205641" *
"211905475538877998587153643921463795751100466549235497913064666e-06"
) parse(
BigFloat,
"-6.2646187522871626181324193724994902837635503796232883075772281058814" *
"4140582707496113945057421588971441527751434398857684018313329883652062" *
"420581906980724655266836435912771390957541472083009374535640754e-03"
) + im * parse(
BigFloat,
"9.13554832745322090313104935406063091867190907741194267722718995853318" *
"9510351035492017834637179349855860301061486672452433905174395365654465" *
"51301150616981370591645220740470174190214902534400750123172393e-06"
) parse(
BigFloat,
"7.41791914517096220987062271971380076408730974500488453367550217800487" *
"3406178867446323491113799246795295675986315167589358538707590824201945" *
"08595454071946370080500910985628639558690271900801888032247154e-03"
) + im * parse(
BigFloat,
"-1.0714613937491238428564839556578672785491414799666673182231236270158" *
"5132980772823442003192380001835603627691448364789444367741574712392334" *
"958212897265453232793449746532481242081828487644427543463636440e-05"
) parse(
BigFloat,
"-6.1283536584677364705746178860038685855509840461971351972737978241632" *
"6442221137289286145782565909220058912098438946018644072965922589089349" *
"735764990540063228154458554734809704514816247613522670063364321e-03"
) + im * parse(
BigFloat,
"8.79776636534976828626601414500091782482503092341954692165352531100568" *
"5643040879120002136912207685973965314447077259190825531051825761360425" *
"92174438181164908790908067986843821334052716861293609838520154e-06"
) parse(
BigFloat,
"3.48073456274371632734330815125612596627225485276798336896560252881625" *
"8790785936720345619990370288853530187510088777231194368145395903879882" *
"17476335276705979927956158990718494880499301827674652239353127e-03"
) + im * parse(
BigFloat,
"-4.9755391540608140988478258158524606791274603522824859229772330881837" *
"3950170392473251617737816189529270750738953445294284650794447689130768" *
"998110265487022165551820811972359001101394360742940032398816837e-06"
) parse(
BigFloat,
"-1.2994262491560667174366843605394197228809551019108696245784222612073" *
"0965648156668319565913752645429105033496838515652029881702475665397295" *
"703804344932959171560220312893622157315134448795239134756366561e-03"
) + im * parse(
BigFloat,
"1.85161104819503696724491972257674224436233261948315989691072821915841" *
"3774785324155162466378930809598303157843485397028718386042903322690613" *
"76533001825718987859450068218867035020591377903948258075721836e-06"
) parse(
BigFloat,
"2.87764213995120549215952842939023819527494982652868878735644560327729" *
"8339724372614661743657903593937523208841358306966057686906371705274263" *
"35572571805029703057929688205161732674912125245264227258469943e-04"
) + im * parse(
BigFloat,
"-4.0905519361535326408937974929194281898174607530150795553008502038962" *
"1251172115749793540132283752333446495478881267518197403009367459136592" *
"656014371049406765070497716844980278431315842610496020645149614e-07"
) parse(
BigFloat,
"-2.8697496153073245676168768605315277242220893964545658009394624466936" *
"1518581652136158381108317446551693017722053042178049387144388889801619" *
"100394308180912451380375816666773738891019300044174946261943360e-05"
) + im * parse(
BigFloat,
"4.07150505346608662569706465703943206921754935111983766451578761938282" *
"3289077512931766253647574118820686577270916768262298850126033448355765" *
"59976673483623976331601325826777129318833321985272663837941463e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178120675817398128002489037901998797645849265347105964335189279361" *
"0416004413165721045937208123240429641328390110796289721718620921898637" *
"11679401294825230445281466406569223802350504757708022899001041e-04"
) + im * parse(
BigFloat,
"-9.5892934326916009225406197708383492401233851534194420000900826544550" *
"1431450149187029623956959756222674895120622810928387964315527759898550" *
"875064475387041062089807276669319401533122195684983330162779921e-07"
) parse(
BigFloat,
"-1.4466891266327702558234236984092499316229611142393544689387096381923" *
"3148101158219662282596144936582133414679096595069168755284447912822275" *
"371442976745379550365321550051130994015505896736179557341211153e-03"
) + im * parse(
BigFloat,
"2.60175222387657678394347333260141333017765984734723665902358994596326" *
"0321106086485756967847672375844623453061227628554400003634805971137562" *
"06963592448205129170485910103019382215261692924135639327589421e-06"
) parse(
BigFloat,
"3.66418677911321674964229258317966875578367593186686280071528950480835" *
"7950697435344136607135511937872410874550591238510759790313223357561164" *
"69368364064570204843948891559654610667834966389215495291582431e-03"
) + im * parse(
BigFloat,
"-6.3403240513363438810306886028255305389743322231863890142512825820753" *
"2354238230446946424443422800095568560440063239681624609355409311208332" *
"331009000301432145019923570768091303401789556745189089273158241e-06"
) parse(
BigFloat,
"-6.2646147447529488366278313957831309502956141061988427063076855514199" *
"9017086618605229578497690278510057082332798912689288818376578372185196" *
"833884070155344342931349291149212524606708908531773188231093932e-03"
) + im * parse(
BigFloat,
"1.06581348843961863666583262224871550437787724226365604653048269005713" *
"7435647687621348248676700541572235180961306586164514733867178637844530" *
"52365902542463402640973967317285812180942280451577751180965166e-05"
) parse(
BigFloat,
"7.41791447744114581154740793509322291676464666798970841758024229161541" *
"8773051714703628937325916567659041954649202605742956590091132388785342" *
"10992036510903674610748940064943416768123511877449225711626139e-03"
) + im * parse(
BigFloat,
"-1.2500377329257260524475652593481924313030361909598060039413175474705" *
"0131993944855339524092356582994585831028594443685003895134650371084962" *
"744357712946373483349855967669719762357005764830113197770753720e-05"
) parse(
BigFloat,
"-6.1283498427484175266987244233756435591152398647351354847890726430482" *
"8452998756326095619458090710229808884423212769759948888998291074080485" *
"736254052865115948340085323111900808950428399431974798422114787e-03"
) + im * parse(
BigFloat,
"1.02640561985374349785152936051697214159266380189018267457936051056366" *
"3142847900398030128921714319329815982363346969836631121117436245681359" *
"52852498952411399362438574430576854620449996646036855766461381e-05"
) parse(
BigFloat,
"3.48073241141303665139251411731691915493942294375987825868055594502942" *
"6079035274031126745314939150824211630321895467431289237579927232243908" *
"47216090220818834074998957403136862976845314094149844434666484e-03"
) + im * parse(
BigFloat,
"-5.8047931140258245528769803313769056157233605513362410647116677574331" *
"7426348562084929409202616036536575405075449804323408858827208090428509" *
"386917210180862802827766011180251975637059908134864743742317729e-06"
) parse(
BigFloat,
"-1.2994254503636625391852920861547456829784149155531661667887038429329" *
"7819737252759516905875974784917207058084753207889127685325385433487633" *
"424405095669789119979097810514647610269111748200404916790307820e-03"
) + im * parse(
BigFloat,
"2.16021193849348617124879561503838337275845722219018737410908183219685" *
"1530896877281601833282444513485713974981505305981047619803186525746144" *
"07648970393247198085891368005758922842799071556877981032742208e-06"
) parse(
BigFloat,
"2.87764037832811693212239134357851827357446892730568370034128909502939" *
"1183926785190982510035271704333176424035149831807230444401339469105567" *
"19012570230265957290990957231201626504637071024682718333763175e-04"
) + im * parse(
BigFloat,
"-4.7723084974049598649189071294070435109917402900403168536845691547985" *
"4034551909071959932436938999239945954782766978902325969396115628716346" *
"479672712134261903945577376250363441198241700082229154462722030e-07"
) parse(
BigFloat,
"-2.8697478642894981254821955527776880821770453938410457211681910705991" *
"6341647145063581764672363072013538728294196963974819231597238356091236" *
"383103684599847616231192351220825564518042812506883025702223971e-05"
) + im * parse(
BigFloat,
"4.75008714897330999170128025976316657365103422595641886455378346704946" *
"1052267537501875618309223503020965329957961973408916276383981748241320" *
"89761280460875633502923353540048917341364887207028435076582815e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17177581985697268431667890723048916203028762381227674926404130205146" *
"4666704363672187526109955381024736533273877116203413226147355764872402" *
"43154589714860291704475024116072307911750882217634591108375532e-04"
) + im * parse(
BigFloat,
"-1.0959183242864310722554772498719448117419497317075692889755428334237" *
"8938865378804236689187092819000579183559962256154160526076518028683525" *
"343622456454450638268373352665888517045886493016373943162869878e-06"
) parse(
BigFloat,
"-1.4466879500546848326561519817155269589126430197076907760906842051510" *
"0594585653176835757637463261952580691530125662513867431364545359093862" *
"182010876127343013728707348766303112672522871536969939667691438e-03"
) + im * parse(
BigFloat,
"2.97342944002013126527500937208103071835293189182095676005862501872619" *
"2047210954961648273180602550489779923419703143421415945290653769689769" *
"68886977865536489886657435928475710824216164885470033936872284e-06"
) parse(
BigFloat,
"3.66418399392037332904693103506566266888089606507072838768007689530095" *
"8953667936955655233069311532117773212859158489274898311566508758838259" *
"38397129954464072411934666534223742365147446479420187223322664e-03"
) + im * parse(
BigFloat,
"-7.2460807569662631005414847314245637396811509240008806638541248779043" *
"6252917877189774690958785410541399028350588470491147544287497861857535" *
"018558022075051724705338310306384521182841462517274257420660951e-06"
) parse(
BigFloat,
"-6.2646101206783353915171790002704039361025744010612189542435918847669" *
"0143134481572131834475853187761247220742863480137855163241194261533963" *
"465677880984819709243380354168591687226340783780031316323936145e-03"
) + im * parse(
BigFloat,
"1.21807192116660699617984123858332765909488298072442459812431906349891" *
"7548626388659439866462803903070813403068212344046907120535194543071168" *
"11753624812346986823637946489739640745790275090831645473410344e-05"
) parse(
BigFloat,
"7.41790909160288821091398845840792465558454485856162427300309795083100" *
"8124007945049595975686605342877354847474141498480250317344573930344604" *
"09006881539009382649979502766661105426576117114915168038224528e-03"
) + im * parse(
BigFloat,
"-1.4286138137419981899661772617126878485874742189906723995515653345646" *
"8861937301048524726123350928739224589082942107405694031759536011854541" *
"893271692563396539612035269045047670122406782276779476251718972e-05"
) parse(
BigFloat,
"-6.1283454399984767712588564272288663603140430495085366697468567875382" *
"4780581380274029155210147568474220343390721053389977087430767757174518" *
"210337549043757386009265559135675934986208223915038706959384271e-03"
) + im * parse(
BigFloat,
"1.17303439266342226438382395477247559832737734352921709055807302462295" *
"4037672850877611622301564194147392724545943518069360008490411691683132" *
"61662523384910939154701903353313165778250815300418333420253876e-05"
) parse(
BigFloat,
"3.48072992911015808120498668858146744428501541420603285975829636636973" *
"5053079764818647743885210701836790990971264549180498145194486351860615" *
"14598564254494128942952353418021953607928850274258216995586953e-03"
) + im * parse(
BigFloat,
"-6.6340458898179883754800148554684978219621885551213027014393243125071" *
"6460658742179334359526863082595222439994763259868467767142995877091461" *
"183908080170838076259960318313656896678078671562085965265088011e-06"
) parse(
BigFloat,
"-1.2994245286807678123780022718313202679030463301662082229166505030785" *
"5131110391161208261981969475079709658984787084518122613442944091587240" *
"500005205889534472863227787905764948533068232036918779404022942e-03"
) + im * parse(
BigFloat,
"2.46881238983843080219941820430488085367446748196282649882596901353245" *
"3917283464742786180525880651806842665241450844532605832567869527703533" *
"16225553581553503241270740198644880214105663017867422779053901e-06"
) parse(
BigFloat,
"2.87763834568751877505966481277954822264140290934766081971154575565433" *
"6318556798878971115853046127933804930531470817469425902711238142700574" *
"96672727457045750587513217945430321265630418762225783768237325e-04"
) + im * parse(
BigFloat,
"-5.4540640918390287191125944879638976454943508092175475389937521033547" *
"3665515075350138151579589469092280572241917340744454952366034225770151" *
"460262947922820995646423944002092630023190586071715572218951871e-07"
) parse(
BigFloat,
"-2.8697458438857297827949424264835518074951697558122635129721567636267" *
"0063440506514091777738768792248036392746148807046785131987998940005077" *
"768747418337731777829271739024570428627755781357498102659084305e-05"
) + im * parse(
BigFloat,
"5.42866828444948741624177575574112546531864051915305983896574203292607" *
"3944116561093013943900092539291106548898237849855818433330433528720347" *
"92080874564514600019527315131970290337926498260137660518020738e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17176971470983780201356797802194750022322602567429303839636214618454" *
"4767593983787707005526533595443454345767441009906586743629391164954704" *
"39296205890261949313586740492259108235682129395402933553917369e-04"
) + im * parse(
BigFloat,
"-1.2329069352391391281580031181181626505137930176073429897488755644472" *
"3987629081342718693039284916853536358473565443353069351582827988503344" *
"558285470994307682187340094344916107062786418621044033049753707e-06"
) parse(
BigFloat,
"-1.4466866166006807035296448289054228526109108663569843755144411050792" *
"3084097755733659101267926687210165341068456480813337597013750154674690" *
"138349613383119554275227202687149622501200717015832057714262227e-03"
) + im * parse(
BigFloat,
"3.34510598697241307616416873723487167420215769644621490551453052706665" *
"7678559872232509758382855576672453723308987542495928841303815879896312" *
"73497770971804791471311654595710721745107024966434411184738773e-06"
) parse(
BigFloat,
"3.66418083737112180475934426769640301757914554771907208419346744847830" *
"7448885986601158889561584995538782705784068302772930850449079054675825" *
"60783746302732391915874336812681900786550944942533446069875309e-03"
) + im * parse(
BigFloat,
"-8.1518359133463474814091978588527654586912579763770555290943260454675" *
"2961385361329217699446907692863348127617828690425343959373525210641112" *
"774721613187974596887825503715635766289097398936332580010011210e-06"
) parse(
BigFloat,
"-6.2646048800647475084937095472429669976190856159045172082340256938443" *
"2020105689650049577757055069198947338823016202675316126668401234169243" *
"744479259769990494572022827787610183650068209673085451039529156e-03"
) + im * parse(
BigFloat,
"1.37033009907406382228338496492729007029433352607193163424187940379330" *
"0662021779537346340274946484500629057372837309821009509521025595481790" *
"14837201910595800562963845816303205842257317544879111211174806e-05"
) parse(
BigFloat,
"7.41790298765783436609770429141284391240504834999049232618849158971462" *
"7586494257732258032557089463417703626883887005213550385941955708970046" *
"38315166384247492785795521518632257536170723357494383795520730e-03"
) + im * parse(
BigFloat,
"-1.6071895992896084672318964892762402280044879223622232945854494939642" *
"6598164537775388214462273799339280804440762272749819278153086225452696" *
"365404362604112137316847338823672560296960925668259284363836143e-05"
) parse(
BigFloat,
"-6.1283404502192511576723502376181950319073783227620531547344526703162" *
"8058166004008466612053712841955978254704667581709226384349676236624231" *
"179219091701786658240588366994327999298660405367731333949646663e-03"
) + im * parse(
BigFloat,
"1.31966292489151892638442762235339879829452970197150146773170913266781" *
"7659914616396870505686959487562480891243030706809084225320790521574011" *
"84030328846726238634657991547608114275589745694613381857427003e-05"
) parse(
BigFloat,
"3.48072711583583139743676487415442369855058521327907389918928806436676" *
"5280963224858674716693586381699882873004972455774160337465219219959543" *
"20818126542505672889901587015147915961436500003878265511911117e-03"
) + im * parse(
BigFloat,
"-7.4632973122710607258810121761530888812425294752245822528656875293924" *
"0594243636218848212753856320962058703938814433879702346549216951673631" *
"242470462689760351046446092047057592664769734714612264646288370e-06"
) parse(
BigFloat,
"-1.2994234841076604889247380379693398474069043908663486425055854092994" *
"9116070768882761198888194876054897505910455823544777020492833515042151" *
"506563898674659400700443868230445203984065323947694600392470402e-03"
) + im * parse(
BigFloat,
"2.77741233952270989272239316659099629047636198688868393663255570862608" *
"9813517114300065715540197093681397304894481634168122474520105297289955" *
"79023158992232468580034405827739830643764345111017466741856956e-06"
) parse(
BigFloat,
"2.87763604203002263593727149221503898236391646699534113467128661675476" *
"9643191212045217368303818069214357188463320993832238473955177618518530" *
"03994212054600834786544632169337988794303843119037376067457109e-04"
) + im * parse(
BigFloat,
"-6.1358185813400347367626022475728193725298254677569143462975535635445" *
"2941891427685083294461989741798805532539282927937296934950238351197148" *
"463384927668463039568941927356441613854276319916222511681545256e-07"
) parse(
BigFloat,
"-2.8697435540966264012907151752143958501005268967026922851396752230702" *
"2609469967271909027081586718532182161856743185758793295381684606690173" *
"554043916990431947415479253867726095931517418976161728065861358e-05"
) + im * parse(
BigFloat,
"6.10724832274837877412621391759780446745134520387820806190466934789758" *
"4288979813845684533997815688685250359037353898937760652851187707085357" *
"80716142926671222895914140818442529795928503656590543661864663e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17176289131960429459394490061689197449302921922480543193127834351550" *
"1017289674254896542207771287617713106046986293461251602371573737826915" *
"76938286002744175880841367791519384093342705801988331193192153e-04"
) + im * parse(
BigFloat,
"-1.3698951298698714668279117396033894183140677184139159175759129421410" *
"6001577941836559818790429695364240959072616880939465673291915362183880" *
"241160691467153167434872001031177144915177614869396733989959530e-06"
) parse(
BigFloat,
"-1.4466851262711926236871622965496820770016462565245121617245360603683" *
"4700776054118145091954138048229956952871289911497571122723877212647329" *
"252701756797045835108291485219336997845184241439313267800740612e-03"
) + im * parse(
BigFloat,
"3.71678178108538540590042337896121716009030878167072099680286791171944" *
"1206425615752901883007166047137270118785602650222600871736305756045990" *
"16169654628794779264450588289585914377637060338247016739072307e-06"
) parse(
BigFloat,
"3.66417730946645130630607757980146382649356110292084057726552933559023" *
"5794146417048879369248459675342273086861831048787666509238946645073869" *
"58650707176287602475536095981477730151029920627976149516461981e-03"
) + im * parse(
BigFloat,
"-9.0575893268223247970455534276931864305384604245520554758532037815268" *
"5974420139810079726519107987569931055926680901817551742874502843089194" *
"835732269941745606619064821313530448860840372197051681812502197e-06"
) parse(
BigFloat,
"-6.2645990229138004413628459890139876035250856099738509165117369958954" *
"4907084343141631397719864075776039996967161625152563735145267694739342" *
"785952941409291733263860518295959111427036978185302755728267004e-03"
) + im * parse(
BigFloat,
"1.52258799030986546876145976167794907923078331594589788650011997164300" *
"7992015819711892372487416661807537002363440533100416152067326764149096" *
"74125881616075409998756031665357697528481218238698550937634248e-05"
) parse(
BigFloat,
"7.41789616560784856070329212245921179755599918216887573880507140713264" *
"7131910320111685937637360387091816773027750670937339223340075409864570" *
"68413901314038015850507993318406001533390447101196916545169623e-03"
) + im * parse(
BigFloat,
"-1.7857650526603398131813097273238346276960526459678032588044815275033" *
"8031563863879770938935610679652587069310721134059706117572184684814370" *
"341459198453688374521010769844491568219542091687119638890905266e-05"
) parse(
BigFloat,
"-6.1283348734122558979712903117893645486832441970662447434252685765322" *
"8539046641593637608393687186146626374024929150658030462998577912039494" *
"054167064533515567451970608398584807222224926432986953484645043e-03"
) + im * parse(
BigFloat,
"1.46629118646563233833216130384458779493643122068424327379169341259642" *
"3691690876733171403555814466322985148531595861007810641129230227018479" *
"84776185843751040058305706012666214522448391693838546264995282e-05"
) parse(
BigFloat,
"3.48072397159090748380005977247439741883214512055258027035248834563568" *
"3464942987525490636531953619074425470928598614138472181116396005856662" *
"91631153676103866286388315393751090674336561799651508986088836e-03"
) + im * parse(
BigFloat,
"-8.2925472122193186331423626501848377777328737023938366706170361576918" *
"7621202584198228907098163920463187416593926226801475418025267142396210" *
"939936419485987432960970119404452763305846732270879348906421212e-06"
) parse(
BigFloat,
"-1.2994223166446555806089413775834859439855921388115306951810220476418" *
"0801560289483892513539730993311817405401949237023610363712236362752937" *
"938075773193131535712014203969362534419072905126729057179008397e-03"
) + im * parse(
BigFloat,
"3.08601172483935549216522567171314076837374258916807101981764622173699" *
"0678266211743923035963478366424949558112758881408709528874568188147060" *
"23309563152969657029143810880453268734903396983467750377812884e-06"
) parse(
BigFloat,
"2.87763346735632167754570601933413914128970189815027193023502405553128" *
"5274224428681910491061902003790286000709943896480948784597137606337384" *
"43768191215386984736605110102718436225956693202349594006877949e-04"
) + im * parse(
BigFloat,
"-6.8175718277926978559291546421779278543919897857317473057068515032229" *
"4695257370619222667757111789240399933369134706338199063662919290478032" *
"657463298677252669990601160124542350018357616632760750223752695e-07"
) parse(
BigFloat,
"-2.8697409949228757567730209102658690874766461401974295458364523031258" *
"1903872124470111043026083610150064236580051719332030354487825924021492" *
"187636943288305121469390264318557643428306649264472779149529276e-05"
) + im * parse(
BigFloat,
"6.78582712672416479993183711045581435547703492419229858806917954660263" *
"9832654144879384360521382016756561393989315352598898815173494136540578" *
"11633989239599020633810032539659448657096661937890500067614943e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17175534968944064105880938190318278681324146573039103921742722111156" *
"5024568597456249707352050370883488506759254612646798670294580585733188" *
"61549720131014150715130300556276364812858441113078870324083232e-04"
) + im * parse(
BigFloat,
"-1.5068828619214473785029984935575771369371508359244777841199015351345" *
"4724405696429194473455787552147762878888670983284649839473492574335616" *
"100721895526119280035141204460416624113671570745090357775925262e-06"
) parse(
BigFloat,
"-1.4466834790667064953532960961003418159454635036789840825270798248908" *
"9376940968891219219850469952362556965020293043992303431704498192320551" *
"625822413586150948934565943119284414260603178328894758395262460e-03"
) + im * parse(
BigFloat,
"4.08845673871131930382941206749884699247925448544053654733544324460685" *
"7613626859003403212223472610143468205587258892647347352769414348197476" *
"39743826668968020638503842109584477469998140736578768193141883e-06"
) parse(
BigFloat,
"3.66417341020746732985289697158982399197391203922720415851067543377996" *
"1975207763088137533422252962635807219834807265255877877425015330386883" *
"70346536423415267318579129601798926025048214743351343920731536e-03"
) + im * parse(
BigFloat,
"-9.9633408037406135697294343961222932464167300845793284019865052896042" *
"3634692532524334005067025737737540433217430642130787643147359011816405" *
"982060594368952587414248796404896512669149034862516947543381992e-06"
) parse(
BigFloat,
"-6.2645925492272994712995927311591444559684851495643533543171988624361" *
"7978447726203341346856294307340945635476374521405664448429538331969993" *
"176151200210773363166996497683480449051686944509746001648434820e-03"
) + im * parse(
BigFloat,
"1.67484556302200045213634217464788951460412271893299497485153399146171" *
"2452771624359893740511343715637627185516761782390060619502494708863464" *
"13904837539282812683796784748107993612890098246080486743460720e-05"
) parse(
BigFloat,
"7.41788862545501440296054480981313828710697951914283470328946539164061" *
"3664460089647273715948983993821313438411536091312070595369137555398830" *
"11724492841957638196712570939967669970053640256416952427952205e-03"
) + im * parse(
BigFloat,
"-1.9643401369461042133197182708031926404549294390950168614451733083810" *
"3097465282051545470445479694902177366468750939242880639245719676341150" *
"437228144659630452691351731534510360162656015093762043401618969e-05"
) parse(
BigFloat,
"-6.1283287095791844621121751538846241789583256805636359563379439994477" *
"3497732366813428824350162391280702317130254552855432081051539217013998" *
"125441923080571162065239554176735206489243922120908674128047022e-03"
) + im * parse(
BigFloat,
"1.61291914731346604291144679190117305676127962650723983593351828144719" *
"7717745976148223473443355178039539058638005514333697401710289987399121" *
"11951419080094928829962090486231632914144013689671529260190282e-05"
) parse(
BigFloat,
"3.48072049637633732667651838645021278651756796658030345700782158505442" *
"8571495118974830772457229759820988283089247199547079437110162997132788" *
"03594464891060405567136153838957753494019852597522549265689860e-03"
) + im * parse(
BigFloat,
"-9.1217954204976262290436855656271924132944536885569452310694906854841" *
"5597157781915313192159103210982839875748301386297378347966579701402285" *
"676295367369729118751113163413925307091363329588740793162135730e-06"
) parse(
BigFloat,
"-1.2994210262921051589446470323389742191348290556451825046725630641045" *
"9682093513534095762107538866693474602304696354539332565114538133799102" *
"887953414188448983583487485986826354460219196133178463578683853e-03"
) + im * parse(
BigFloat,
"3.39461048308161679337329933362534180135367612427935850953477012885837" *
"3740537301560693865228649905395652017730777279847351337400309384751260" *
"70985446253666236290873633432191412278473192140702042537190156e-06"
) parse(
BigFloat,
"2.87763062166719061018595437300326667436920171144883984052552390785850" *
"1900891367216415395204163122873623541902435955539582131205786887421870" *
"48516669371510969976889214773937050550022340499473972229534369e-04"
) + im * parse(
BigFloat,
"-7.4993236930822154693512618528158855027202602135845503922053848910171" *
"4604074400978133475665378615261313257483781577836059507294922649108767" *
"046170227331349388748630195257931816073600839482335917281490491e-07"
) parse(
BigFloat,
"-2.8697381663652465388019632967766477679620524623875335105066143467293" *
"1283829508458683292976551770868550170650988021208020977544461391888575" *
"970429333151140473867235472768386390710806778783969003215349552e-05"
) + im * parse(
BigFloat,
"7.46440455923149969479274739830133159920353880449948631983401155387349" *
"6518363792087024506114092509467235200549053298021507544415372126521414" *
"88748895358790337723767063122314604692282097502735116968859849e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17174708982284883720211786675375121021183390549323853489532641731036" *
"1814466763185432174227399944992611723992148301091263403573793081084371" *
"49754642678408227751849254390748900594224762853156486445644138e-04"
) + im * parse(
BigFloat,
"-1.6438700851369440232797491614599792643173699638532437884680086629536" *
"5724788178442405472385173635288661593640957357171017191991982413251844" *
"846019570688377733641689541471019996815847939740686375467494933e-06"
) parse(
BigFloat,
"-1.4466816749877593675025218621824971487565136625204436695652378273685" *
"8970468420587543567015617833110304639578925488920532062166687799717979" *
"372468781301429392844564781800609094701052100380179355009731548e-03"
) + im * parse(
BigFloat,
"4.46013077620282788545023531524999526478144018534336139353397782619659" *
"3079354302907534087118349812817534631501759784399024678250219880245754" *
"33142496471337951088490376085749800570656401782657251074950399e-06"
) parse(
BigFloat,
"3.66416913959539173769133356160206222016666973555362003733175987790952" *
"8825568436967810949998092813973023672598585898145136921271778379766499" *
"89227482557325363559007944265356128314608315884240327154219032e-03"
) + im * parse(
BigFloat,
"-1.0869090150448399819215947440997737028537546473926266178808660173880" *
"1402512649061814178107457538635960320062708413956416112760067586050854" *
"753629994496044675093252855900706448976010275437179909601113443e-05"
) parse(
BigFloat,
"-6.2645854590072399060185788806887597424920406149272888620100430508696" *
"3033113414925234980231479758216864219636366359868478683624892278769028" *
"595696313140181556619707575993479717569819459522597108755023006e-03"
) + im * parse(
BigFloat,
"1.82710278535858191399022697907765637911275445493983689517074160868762" *
"9611368996461211204942711019655877245617562084026142061527285917722883" *
"03934368877479445435051203947600647698717617241647451080868742e-05"
) parse(
BigFloat,
"7.41788036720163482477169711355728849228964774265245672865869975567681" *
"3091447722242194858587766847869864303122282588082050446242048965457345" *
"75266254130564569453324634024892948817592276013245049365028042e-03"
) + im * parse(
BigFloat,
"-2.1429148152389570491065170046683790139190549171421621771862830102469" *
"8004770247559629282585567741996851167941576500315363052004919302611682" *
"656079094825130030609450956890146477261465782404880621531741083e-05"
) parse(
BigFloat,
"-6.1283219587219085772043687674119513575524154279308462981386374209985" *
"5170204047430049684973374555244835755359705161035158297991044355292893" *
"984115157236218997382656137474837352292157204172008381555668070e-03"
) + im * parse(
BigFloat,
"1.75954677736283990284637780874856441451303587971924255266045118298052" *
"1137375010778433491118220321881565594722597225310147095606919740753117" *
"23111664899352611066361408119943966318310392476706700653216723e-05"
) parse(
BigFloat,
"3.48071669019317201468498978866550255052808543287429344433790824576000" *
"5991731302154824052710337513376919375202891891666410444234319933904859" *
"40959398917718161982940558142303634210935435060305249509178831e-03"
) + im * parse(
BigFloat,
"-9.9510417679414999806604456136814953013508963852524211184326165273587" *
"7830452854181060102488160278115490697176956863421315830914013393120237" *
"854201194811719426754212110908341458944411877301030677261448879e-06"
) parse(
BigFloat,
"-1.2994196130503983550167417980181766485115598473554200072094083851872" *
"0969523043263675882285809473195249998341079575684705811874976164047330" *
"895296972365352533328802304736951047976622006371531852792763373e-03"
) + im * parse(
BigFloat,
"3.70320855154298425935494082131058475309389649387359221890058953325961" *
"7711626962780628802172188103542324087655939107544681880493105541964703" *
"45479013570686043203129706294275235114481318060449853003915096e-06"
) parse(
BigFloat,
"2.87762750496348569131846315649105979678326447402459324706403949434668" *
"1425248154551248281629100476576743328148071413200794998066407317851937" *
"31265781958414840285432720874620643617746218204880156886687921e-04"
) + im * parse(
BigFloat,
"-8.1810740390943154741094056270822589483637010008070214777040155569855" *
"5349586344054343100313229547303567388501352150996958826373655720089729" *
"950753717354281115204797815099666522049389990410200816140545876e-07"
) parse(
BigFloat,
"-2.8697350684245883503463052288779660849771089883052562704546661333285" *
"6691399422890771873491876658287133604780617666885065137405506450851160" *
"692943586549772352480522869817359105291689472223814358570436211e-05"
) + im * parse(
BigFloat,
"8.14298048312556373294580497206984604612908382130756171760271296241694" *
"7609577771315711637613571255276705909146212719976107974668062427620951" *
"84635615613042262334409777855868899045426353650530576162070382e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17173811172366439341707334297573016897764625512817671430267445929860" *
"5491882201063715080016602811415083905193531808328159598145954510975398" *
"26791421744317945465211083915007325426190917948953848049944984e-04"
) + im * parse(
BigFloat,
"-1.7808567532597222174255250109811300041694881436271235240715658029809" *
"7303342533662779781579336907322227551471459208154017514240071056419632" *
"300145807761538973383423898172862611467335046436904146688346472e-06"
) parse(
BigFloat,
"-1.4466797140349394356033889936363666699244154485516414152183880956740" *
"1409716742887215170392317537249719593824058597679838627049373232459660" *
"532640779102086085798511252263851205829398258720922021473048145e-03"
) + im * parse(
BigFloat,
"4.83180380991290053833097879118327396217387011305335629688931774250447" *
"6701688946828208697059893238933370560705431181266919260854431009368050" *
"60824285755252897305569472249615567160037104452090279331097414e-06"
) parse(
BigFloat,
"3.66416449763156275767118112000655219493927557694329154896550869506108" *
"1371922587005744498462722631004606551891750591456505648150675251988680" *
"11868373003439484798938907828804614428712447167018932071288387e-03"
) + im * parse(
BigFloat,
"-1.1774837173293713810945997632232355284248162902056434218541182434277" *
"1423823517476351034911800675470581872057770565216294805589886770060656" *
"446155339275774656924606103707918675214162884357182965887608588e-05"
) parse(
BigFloat,
"-6.2645777522558070788567393475420648346691506103013401806261205828941" *
"9389153899526026669089054140102906429237876579910936440736221571251241" *
"492057888367987489838582537395274360943949906925541201351741791e-03"
) + im * parse(
BigFloat,
"1.97935962546786008322353032247329446711042950730375471402858069375684" *
"7503664946729381214417694724193198903934551883225797642900655936603226" *
"56247666622257761930000083237575751330470679054504577024521187e-05"
) parse(
BigFloat,
"7.41787139085023208065853821056887239203270029995864062385928946596768" *
"3241180653654502511098309151988098269216913750861432755045237242295209" *
"50063050302407363550884289342935159522832664167340609596252359e-03"
) + im * parse(
BigFloat,
"-2.3214890506311114372668789904369459999017616351988224494167641915760" *
"3744691834654051578977677221012014235209149115017805451907685233296514" *
"312226030209576192047206886316784074600401031295867204010179195e-05"
) parse(
BigFloat,
"-6.1283146208424782266573380623893303783107951111050286058242198838981" *
"4792506205972373999344965592701672348352656129118621384620774331778998" *
"189639859879970251283608727082608864653061136894489645631553847e-03"
) + im * parse(
BigFloat,
"1.90617404654170173267517868677062640990259548625370756929778973741828" *
"2245384903073890802934274907879564032433147901472225721252651670603181" *
"25095209423243332289108633348371491802585410195704750702360601e-05"
) parse(
BigFloat,
"3.48071255304256273820379387823663087245114730046814637609093697280597" *
"6695298586677995961361287393871859891422076379024868772019011521396358" *
"50479439846533580383053069839429756089037235296543643293621083e-03"
) + im * parse(
BigFloat,
"-1.0780286085387173922608897892301436716745185166272431022097873757092" *
"8531457682001762354911013124452418253539040276505843054963993347674541" *
"164067751387248561598823924461856602538972904966087856621811191e-05"
) parse(
BigFloat,
"-1.2994180769199613593044093485987487905693571763706794566195839829168" *
"5788914279368838403049757762928159168577519221716512038337337333194089" *
"705282906403046942199034311619206473003031013656536048485962355e-03"
) + im * parse(
BigFloat,
"4.01180586751721374982324654794319860609919080163744185971948853197016" *
"5130562728650849181873573396595479050637450781076056084535860360300965" *
"86799336234414332324613845100328037163752914160021256755116975e-06"
) parse(
BigFloat,
"2.87762411724614472517515900005419623782546257732576726195622991680493" *
"8539975804996740803316465155539060812894453051004083265656130148495857" *
"66676121751696007267593522178433095961387679336165500164588021e-04"
) + im * parse(
BigFloat,
"-8.8628227277153093210175378857707490495847328133593831039212915874385" *
"2674078066182547867624864620129598563212731985241076216602378341709724" *
"877425490722319836881171328223853903884728696908348540126667833e-07"
) parse(
BigFloat,
"-2.8697317011018317073989072378282151914359486774439474024803747039098" *
"0708185209353017136402037804170585398095102606757398746453752853952098" *
"612884229663598575527239505318781279048684760851024654682641492e-05"
) + im * parse(
BigFloat,
"8.82155476126211586800832522034243823239759770013063185058145191505412" *
"8248357994362144768525516760424192461157959666260028527867166972354575" *
"01377291657451983722134337809383820600254792524440789493071924e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17172841539605633229349669938281356574100567233421456890530556811374" *
"2039212282038274688470183596616536169212043460452244921344230775841875" *
"88371512272202653464559970053287631603168309867756610534373364e-04"
) + im * parse(
BigFloat,
"-1.9178428200334522194982680792350301253816702668141943678186163675743" *
"0067806924620128008737058948435465238109098517605783203605135064932948" *
"883876133037309050326016278845338525142732133355050980966350001e-06"
) parse(
BigFloat,
"-1.4466775962088860413383482148720985184026320031347622143843519915792" *
"6710356044571173238453384126997978225166159872552641934639776457841365" *
"886137417997049415306314554905424889955056943334473938619670241e-03"
) + im * parse(
BigFloat,
"5.20347575619493712782428850621838270947410689370961813143356171329454" *
"0113199730184192892357688314971369103491226435258412077095027412618498" *
"97152909983319085128494626849348748110287475630637238659261753e-06"
) parse(
BigFloat,
"3.66415948431743498257894704010737097083944950543599860695435549667088" *
"4637377577066650247430583279104266119371155528550076701588922786102899" *
"62890768082865311473963336161973332775057339332577637067287332e-03"
) + im * parse(
BigFloat,
"-1.2680581678625506803816423357500950426706323803625492104817536680479" *
"3833855136886393831788231341589031534619732793297169435820385244782261" *
"046782570986172148775567515960019431833596056919941693966037814e-05"
) parse(
BigFloat,
"-6.2645694289753763477686343159815076923227429880503113715681506669028" *
"4849242123022684385591710052721159486677218406623521803106917162170934" *
"791854030541426322658757545026685435694178622777303029774428650e-03"
) + im * parse(
BigFloat,
"2.13161605149823473824242506537549960229104140940652159333455895136951" *
"8670966706680855464914021063428842622393087368600550721787701788550876" *
"99927003457146235195462197552928703253078619413285618338672060e-05"
) parse(
BigFloat,
"7.41786169640354774660925158332836670000331626305074495983191835464422" *
"0169130219767661461537485833731327812687089235947099868120258474921175" *
"35877595769704166365841970860407187054346547501770350130676033e-03"
) + im * parse(
BigFloat,
"-2.5000628062149525690223762799965432139665836452020221544647007267484" *
"0047963788456238088188764077785775817007955566194970805915522904388183" *
"978303816071300407735357587101318523692910947160858715077661183e-05"
) parse(
BigFloat,
"-6.1283066959431216492466766945387229007748000497092760418372410352424" *
"7173850942356423512950279048069083865512663665964684212069581917419163" *
"584604662422768216535607071102983074575548010870699469283509236e-03"
) + im * parse(
BigFloat,
"2.05280092477813893045908955008367673470151971438833078308341902311827" *
"9081082429219975552926766655787017801428883622519529897697203809846423" *
"95484220820628955200722853196358438964396287489119884872146548e-05"
) parse(
BigFloat,
"3.48070808492576078884749299633837462610398885028127415163601262684647" *
"8573796611096215067825861499943972825177908105248129045712100890072592" *
"82257724643835755559268961103611496212918983018060887672955302e-03"
) + im * parse(
BigFloat,
"-1.1609528203671664888923995063905873161390407678994079336866480556929" *
"7328013781935511295956501706532406873335217939819190145452387794908896" *
"932775941718346560203538355256461345797886686166997482572397298e-05"
) parse(
BigFloat,
"-1.2994164179012574214877606775114529425120537301223797964862937099322" *
"9706246450979288888280936265924763288354679061423594687264414107148986" *
"557092729047509368595041034219913940792992189684651744813833114e-03"
) + im * parse(
BigFloat,
"4.32040236829835064760234792995286699272784956358457364999524989207956" *
"9657502574333586146035983739422325621146539174043253034420174402453997" *
"18100812196492858289024207537395505300314792581348701108948693e-06"
) parse(
BigFloat,
"2.87762045851618706233451829954050615227055306280966523537314564876571" *
"4174947028682413552175057789660664730346422675636720054975667762341642" *
"03526976935330359610743817371102581510577027025774574408126706e-04"
) + im * parse(
BigFloat,
"-9.5445696208321450637173242383188855909746611188492365065184275024653" *
"2873936444676529249020033385470159103245070019791880242581543191505823" *
"527760183008422777485796036944441920115022091586204227938354592e-07"
) parse(
BigFloat,
"-2.8697280643979880385555418474959522019391757758368407536647534581511" *
"8929010435260309365914586225053098070664756674807283221000419670564666" *
"720806895108103049514371669380100936718070414483626050873692113e-05"
) + im * parse(
BigFloat,
"9.50012725649754633896075492376276919170071770444426369820646709651570" *
"6601827037522504579867734446120610094268301467158569895412950239522755" *
"72371653584369206606309783988508556882590974914753424238905960e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17171800084452718600628136432404617144695643791956527387847229008758" *
"9047964705686916009018567138247941962409149167526639147985756040177630" *
"83882300262670476993534017989846762160992864354378409607860192e-04"
) + im * parse(
BigFloat,
"-2.0548282392021395162562290960387573667684161315480907136838568901817" *
"6505663785642981875357889963680438678511235447541976400408659873950126" *
"695769933959717622667789486317751541634050693072968830061876327e-06"
) parse(
BigFloat,
"-1.4466753215102896722992170191529391841843597774497180056143843157266" *
"2071048550638007820982876194836736593176690971321498610470104337803307" *
"570943385166912778482280524720692248371116061485239319784569597e-03"
) + im * parse(
BigFloat,
"5.57514653140278220256482117192046617830392843944549871258422258620286" *
"8165514664697718169770507710218488049293525018525259369183266517293637" *
"37387068590305229231124528738063626338008984651010209592508916e-06"
) parse(
BigFloat,
"3.66415409965457936946225710047535218375964528290282077829094343670220" *
"9336050391376488039121586249244870807741195008045275626822170378396390" *
"58507064096977972306232208750811416919343620938037225085440533e-03"
) + im * parse(
BigFloat,
"-1.3586323472793727797470743542587017511813280743144503159921491545001" *
"9013781594087654436108473833617418378440405955581467061972467710806702" *
"233475063947670595264555186432907206753533006791492430314456596e-05"
) parse(
BigFloat,
"-6.2645604891685130942344076516615873540708186371928873690167753293216" *
"8174305215597014418453876240135164589048636705105545476650747981323886" *
"271861163747740105542663883459966535248442609246776169390525748e-03"
) + im * parse(
BigFloat,
"2.28387203159826766906917506180243232799338278795981962821814364545366" *
"0262841135341000383002734304027341387574606563320113105791473091327424" *
"33637590925258581382684377665922992205244066708969531364406301e-05"
) parse(
BigFloat,
"7.41785128386454271882498292957420871315165699158577033314768971543004" *
"7305036124165281232974977317876512064450949408794031822380357638808969" *
"16835268632041237118124003707993459366482694608917256332821788e-03"
) + im * parse(
BigFloat,
"-2.6786360450830520492331677263865021888003061731209643761565513516598" *
"7137043021812770356587611470626009319698663799973199769447150138772863" *
"632395619696458956830393181457033347976545189216305276138804402e-05"
) parse(
BigFloat,
"-6.1282981840262453380989158593673937185272198004045758264244306207786" *
"4098962489824291585536733873059442608196730515732753292803641106119918" *
"636010979180252568990883999373555461125307240423091779790838326e-03"
) + im * parse(
BigFloat,
"2.19942738200039010941971693430480383353461145420871896526845653741323" *
"9418187281566472939408823122363059692274460213972256791868042781613146" *
"98356683160376306421411861183289965883655330626053090884905474e-05"
) parse(
BigFloat,
"3.48070328584411755889816669284106016368196169120827218054586628953400" *
"3882176375007819405861366592454257470769638633728912016899612020110670" *
"74883812473013624990356125838200922433744501778783997035173222e-03"
) + im * parse(
BigFloat,
"-1.2438767953632837744536890509253744453105652701562174967677266870881" *
"0442163496864945283890525101781965391504265475937526308348168250279427" *
"032950003965693994617995398449904088599601413181672125003102058e-05"
) parse(
BigFloat,
"-1.2994146359947868502376502640330645789450344947296529478741650533919" *
"6188612174007470517739664717955782167644415834346918625560386422148938" *
"820363607091892078488859093441629505999709320672179884139368237e-03"
) + im * parse(
BigFloat,
"4.62899799118075398488579178870706000582736699281818195731065656615521" *
"8694686293060330269655913270802584702443818449771133271857791300872298" *
"66811153378504275448718712026421511172531047793196814557101616e-06"
) parse(
BigFloat,
"2.87761652877471359925968752803634312324592222463021690759397303000280" *
"2947303601612851208841723757172302654003301220273250680341155331105848" *
"04890258018304879742453096066764520258365425125909631744676353e-04"
) + im * parse(
BigFloat,
"-1.0226314580332460407447564506668789097474205359576382653911477825587" *
"3414419569546374214346177157547550986825604466883846201426726670358061" *
"062133983019244747266850614165435874321134526443421719438299558e-06"
) parse(
BigFloat,
"-2.8697241583141496845570841119696736522561360901127775676971289435695" *
"8628747985754058908143961625960215067268612684020948606569534943847473" *
"032062541078289845304818264007116390960210414777167053421671494e-05"
) + im * parse(
BigFloat,
"1.01786978316889292758075082305265036974864841976228826342318275410175" *
"1289783647670735871120436418310847533728704063061275168642374905593475" *
"53343300994390231970750505619838086486437712508188036473092190e-07"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17170686807391299349493310219930015454567906802855972543267185623427" *
"0347649870996789855722429441812863687587538409969958232099752915642085" *
"46182935324958209468097549970538554637252934094108786191753186e-04"
) + im * parse(
BigFloat,
"2.19181296451015060834022064554395418633001288420353782804219736056196" *
"5161364375808966191516983640936658013809904457656961305297906718826000" *
"49653948243198445319377673507411176310303115633488338654013656e-06"
) parse(
BigFloat,
"-1.4466728899398919616582831694754653237921679781553807124989244343751" *
"3531533264437663608734105289499116736464558103167307700768572635666271" *
"232662292782304388112936051130469906563699687826742357406460682e-03"
) + im * parse(
BigFloat,
"-5.9468160518907591997303932689327725693725304910875741392080106920410" *
"6937381713564244724348657852027189911350112438669592834815864598490503" *
"810722467165679504909068499610393494477012136063884487047783289e-06"
) parse(
BigFloat,
"3.66414834364468323890021440075720913540815768481644545258968213410281" *
"3851620705585512972107688012203396149359806749305029299432425434076211" *
"28870643293817009910670478697500405121513606267663189438374908e-03"
) + im * parse(
BigFloat,
"1.44920623621494002790705695031419918837925478536267588242698509430674" *
"0090219610920812008340472161587659231866869278836348453676294967046994" *
"45276484514086290861612509000543202142953583515737610827204608e-05"
) parse(
BigFloat,
"-6.2645509328379727220803848593429183185295472598179517125053038185301" *
"2028660448813268447282489838039932980103624440926810003636965218636539" *
"807404715122230256225349170414382816515695322113599713061189761e-03"
) + im * parse(
BigFloat,
"-2.4361275339166951393688351676193160667228488274982177138636143802902" *
"0217533135755265456374080409433017026621527598078703303638349829862677" *
"113428366835168260512177135757854467239731139761072203921368257e-05"
) parse(
BigFloat,
"7.41784015323639721236613679607911287295591188272651336448440446520447" *
"7251378141370654905058570852119806401559518093854080355537091087407525" *
"67112927577947036299611325070441812668476756062851318357084699e-03"
) + im * parse(
BigFloat,
"2.85720873032818223544438461439567684186253490770213257863647464534535" *
"5662215092104574224091354633954937895854686774529691819887362068884668" *
"44303419205329181264357844838791872318352121563734911420106017e-05"
) parse(
BigFloat,
"-6.1282890850944340395951226094369606727471306597059123729399330422892" *
"0239586892037688457577343365003945968710968281230981619349697341946831" *
"082969759544996198301002528802884417618054819787893169962695858e-03"
) + im * parse(
BigFloat,
"-2.3460533881368567294988888246074582670941857240187921155844574289670" *
"8703961180769931348921290251369276709685078308346985300214555477504621" *
"720914255615286165898636744778688739488974950677131758219934076e-05"
) parse(
BigFloat,
"3.48069815579908454069118996193193512733236562798511834648573805110404" *
"0661424101424157657749496347535269795967212858906717404984343779672564" *
"01689635006209978684515494976882165648510505006080832847288807e-03"
) + im * parse(
BigFloat,
"1.32680051661094706163186715592728137485904771729627988125248566895004" *
"7464513444674818658687245640902890433517290692718502276126249771767201" *
"41118351228897882777577835022393426295210367832279629441460537e-05"
) parse(
BigFloat,
"-1.2994127312010870129886780821568778504063678076937643779126754624423" *
"3873188395534655087575746497030587660080330255502209344488814447731518" *
"141552849502647934840996361565297256730933708711258468931785213e-03"
) + im * parse(
BigFloat,
"-4.9375926734591205693347125559861468930680080363872161912775403394946" *
"0289702238070702576987263135538584079779265569959629950954848375938986" *
"561379018862510905977346087230530866769137867404586068425264516e-06"
) parse(
BigFloat,
"2.87761232802290677779965437819556725386321346216216339422301441523929" *
"2523769422266854474943803684213017223760266715180066863670278056525685" *
"20366210858714331331948384027487878116086394354760044293946378e-04"
) + im * parse(
BigFloat,
"1.09080574681046357574617225513056634672348879796359269771554914789433" *
"4795295913598331342080736730747099729944093983041459728288421518762488" *
"58152255878268317358842074988945130799237368514545203284003388e-06"
) parse(
BigFloat,
"-2.8697199828514898977950785904875726041832995285995310449478025140772" *
"1421277675231754233887965726957927085007018840763928551105067672917242" *
"709544316460052752779485464376342256585632687363688887217847207e-05"
) + im * parse(
BigFloat,
"-1.0857266349694075304889143262557897364607607289758937613157791939934" *
"5937643673036637148569612503104714603580306960556199045317785131251680" *
"699747190676586329001643348442338923905099271506617787135224188e-07"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17171800084452718600628136432404617144695643791956527387847229008758" *
"9047964705686916009018567138247941962409149167526639147985756040177630" *
"83882300262670476993534017989846762160992864354378409607860192e-04"
) + im * parse(
BigFloat,
"2.05482823920213951625622909603875736676841613154809071368385689018176" *
"5056637856429818753578899636804386785112354475419764004086598739501266" *
"95769933959717622667789486317751541634050693072968830061876327e-06"
) parse(
BigFloat,
"-1.4466753215102896722992170191529391841843597774497180056143843157266" *
"2071048550638007820982876194836736593176690971321498610470104337803307" *
"570943385166912778482280524720692248371116061485239319784569597e-03"
) + im * parse(
BigFloat,
"-5.5751465314027822025648211719204661783039284394454987125842225862028" *
"6816551466469771816977050771021848804929352501852525936918326651729363" *
"737387068590305229231124528738063626338008984651010209592508916e-06"
) parse(
BigFloat,
"3.66415409965457936946225710047535218375964528290282077829094343670220" *
"9336050391376488039121586249244870807741195008045275626822170378396390" *
"58507064096977972306232208750811416919343620938037225085440533e-03"
) + im * parse(
BigFloat,
"1.35863234727937277974707435425870175118132807431445031599214915450019" *
"0137815940876544361084738336174183784404059555814670619724677108067022" *
"33475063947670595264555186432907206753533006791492430314456596e-05"
) parse(
BigFloat,
"-6.2645604891685130942344076516615873540708186371928873690167753293216" *
"8174305215597014418453876240135164589048636705105545476650747981323886" *
"271861163747740105542663883459966535248442609246776169390525748e-03"
) + im * parse(
BigFloat,
"-2.2838720315982676690691750618024323279933827879598196282181436454536" *
"6026284113534100038300273430402734138757460656332011310579147309132742" *
"433637590925258581382684377665922992205244066708969531364406301e-05"
) parse(
BigFloat,
"7.41785128386454271882498292957420871315165699158577033314768971543004" *
"7305036124165281232974977317876512064450949408794031822380357638808969" *
"16835268632041237118124003707993459366482694608917256332821788e-03"
) + im * parse(
BigFloat,
"2.67863604508305204923316772638650218880030617312096437615655135165987" *
"1370430218127703565876114706260093196986637999731997694471501387728636" *
"32395619696458956830393181457033347976545189216305276138804402e-05"
) parse(
BigFloat,
"-6.1282981840262453380989158593673937185272198004045758264244306207786" *
"4098962489824291585536733873059442608196730515732753292803641106119918" *
"636010979180252568990883999373555461125307240423091779790838326e-03"
) + im * parse(
BigFloat,
"-2.1994273820003901094197169343048038335346114542087189652684565374132" *
"3941818728156647293940882312236305969227446021397225679186804278161314" *
"698356683160376306421411861183289965883655330626053090884905474e-05"
) parse(
BigFloat,
"3.48070328584411755889816669284106016368196169120827218054586628953400" *
"3882176375007819405861366592454257470769638633728912016899612020110670" *
"74883812473013624990356125838200922433744501778783997035173222e-03"
) + im * parse(
BigFloat,
"1.24387679536328377445368905092537444531056527015621749676772668708810" *
"4421634968649452838905251017819653915042654759375263083481682502794270" *
"32950003965693994617995398449904088599601413181672125003102058e-05"
) parse(
BigFloat,
"-1.2994146359947868502376502640330645789450344947296529478741650533919" *
"6188612174007470517739664717955782167644415834346918625560386422148938" *
"820363607091892078488859093441629505999709320672179884139368237e-03"
) + im * parse(
BigFloat,
"-4.6289979911807539848857917887070600058273669928181819573106565661552" *
"1869468629306033026965591327080258470244381844977113327185779130087229" *
"866811153378504275448718712026421511172531047793196814557101616e-06"
) parse(
BigFloat,
"2.87761652877471359925968752803634312324592222463021690759397303000280" *
"2947303601612851208841723757172302654003301220273250680341155331105848" *
"04890258018304879742453096066764520258365425125909631744676353e-04"
) + im * parse(
BigFloat,
"1.02263145803324604074475645066687890974742053595763826539114778255873" *
"4144195695463742143461771575475509868256044668838462014267266703580610" *
"62133983019244747266850614165435874321134526443421719438299558e-06"
) parse(
BigFloat,
"-2.8697241583141496845570841119696736522561360901127775676971289435695" *
"8628747985754058908143961625960215067268612684020948606569534943847473" *
"032062541078289845304818264007116390960210414777167053421671494e-05"
) + im * parse(
BigFloat,
"-1.0178697831688929275807508230526503697486484197622882634231827541017" *
"5128978364767073587112043641831084753372870406306127516864237490559347" *
"553343300994390231970750505619838086486437712508188036473092190e-07"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17172841539605633229349669938281356574100567233421456890530556811374" *
"2039212282038274688470183596616536169212043460452244921344230775841875" *
"88371512272202653464559970053287631603168309867756610534373364e-04"
) + im * parse(
BigFloat,
"1.91784282003345221949826807923503012538167026681419436781861636757430" *
"0678069246201280087370589484354652381090985176057832036051350649329488" *
"83876133037309050326016278845338525142732133355050980966350001e-06"
) parse(
BigFloat,
"-1.4466775962088860413383482148720985184026320031347622143843519915792" *
"6710356044571173238453384126997978225166159872552641934639776457841365" *
"886137417997049415306314554905424889955056943334473938619670241e-03"
) + im * parse(
BigFloat,
"-5.2034757561949371278242885062183827094741068937096181314335617132945" *
"4011319973018419289235768831497136910349122643525841207709502741261849" *
"897152909983319085128494626849348748110287475630637238659261753e-06"
) parse(
BigFloat,
"3.66415948431743498257894704010737097083944950543599860695435549667088" *
"4637377577066650247430583279104266119371155528550076701588922786102899" *
"62890768082865311473963336161973332775057339332577637067287332e-03"
) + im * parse(
BigFloat,
"1.26805816786255068038164233575009504267063238036254921048175366804793" *
"8338551368863938317882313415890315346197327932971694358203852447822610" *
"46782570986172148775567515960019431833596056919941693966037814e-05"
) parse(
BigFloat,
"-6.2645694289753763477686343159815076923227429880503113715681506669028" *
"4849242123022684385591710052721159486677218406623521803106917162170934" *
"791854030541426322658757545026685435694178622777303029774428650e-03"
) + im * parse(
BigFloat,
"-2.1316160514982347382424250653754996022910414094065215933345589513695" *
"1867096670668085546491402106342884262239308736860055072178770178855087" *
"699927003457146235195462197552928703253078619413285618338672060e-05"
) parse(
BigFloat,
"7.41786169640354774660925158332836670000331626305074495983191835464422" *
"0169130219767661461537485833731327812687089235947099868120258474921175" *
"35877595769704166365841970860407187054346547501770350130676033e-03"
) + im * parse(
BigFloat,
"2.50006280621495256902237627999654321396658364520202215446470072674840" *
"0479637884562380881887640777857758170079555661949708059155229043881839" *
"78303816071300407735357587101318523692910947160858715077661183e-05"
) parse(
BigFloat,
"-6.1283066959431216492466766945387229007748000497092760418372410352424" *
"7173850942356423512950279048069083865512663665964684212069581917419163" *
"584604662422768216535607071102983074575548010870699469283509236e-03"
) + im * parse(
BigFloat,
"-2.0528009247781389304590895500836767347015197143883307830834190231182" *
"7908108242921997555292676665578701780142888362251952989769720380984642" *
"395484220820628955200722853196358438964396287489119884872146548e-05"
) parse(
BigFloat,
"3.48070808492576078884749299633837462610398885028127415163601262684647" *
"8573796611096215067825861499943972825177908105248129045712100890072592" *
"82257724643835755559268961103611496212918983018060887672955302e-03"
) + im * parse(
BigFloat,
"1.16095282036716648889239950639058731613904076789940793368664805569297" *
"3280137819355112959565017065324068733352179398191901454523877949088969" *
"32775941718346560203538355256461345797886686166997482572397298e-05"
) parse(
BigFloat,
"-1.2994164179012574214877606775114529425120537301223797964862937099322" *
"9706246450979288888280936265924763288354679061423594687264414107148986" *
"557092729047509368595041034219913940792992189684651744813833114e-03"
) + im * parse(
BigFloat,
"-4.3204023682983506476023479299528669927278495635845736499952498920795" *
"6965750257433358614603598373942232562114653917404325303442017440245399" *
"718100812196492858289024207537395505300314792581348701108948693e-06"
) parse(
BigFloat,
"2.87762045851618706233451829954050615227055306280966523537314564876571" *
"4174947028682413552175057789660664730346422675636720054975667762341642" *
"03526976935330359610743817371102581510577027025774574408126706e-04"
) + im * parse(
BigFloat,
"9.54456962083214506371732423831888559097466111884923650651842750246532" *
"8739364446765292490200333854701591032450700197918802425815431915058235" *
"27760183008422777485796036944441920115022091586204227938354592e-07"
) parse(
BigFloat,
"-2.8697280643979880385555418474959522019391757758368407536647534581511" *
"8929010435260309365914586225053098070664756674807283221000419670564666" *
"720806895108103049514371669380100936718070414483626050873692113e-05"
) + im * parse(
BigFloat,
"-9.5001272564975463389607549237627691917007177044442636982064670965157" *
"0660182703752250457986773444612061009426830146715856989541295023952275" *
"572371653584369206606309783988508556882590974914753424238905960e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17173811172366439341707334297573016897764625512817671430267445929860" *
"5491882201063715080016602811415083905193531808328159598145954510975398" *
"26791421744317945465211083915007325426190917948953848049944984e-04"
) + im * parse(
BigFloat,
"1.78085675325972221742552501098113000416948814362712352407156580298097" *
"3033425336627797815793369073222275514714592081540175142400710564196323" *
"00145807761538973383423898172862611467335046436904146688346472e-06"
) parse(
BigFloat,
"-1.4466797140349394356033889936363666699244154485516414152183880956740" *
"1409716742887215170392317537249719593824058597679838627049373232459660" *
"532640779102086085798511252263851205829398258720922021473048145e-03"
) + im * parse(
BigFloat,
"-4.8318038099129005383309787911832739621738701130533562968893177425044" *
"7670168894682820869705989323893337056070543118126691926085443100936805" *
"060824285755252897305569472249615567160037104452090279331097414e-06"
) parse(
BigFloat,
"3.66416449763156275767118112000655219493927557694329154896550869506108" *
"1371922587005744498462722631004606551891750591456505648150675251988680" *
"11868373003439484798938907828804614428712447167018932071288387e-03"
) + im * parse(
BigFloat,
"1.17748371732937138109459976322323552842481629020564342185411824342771" *
"4238235174763510349118006754705818720577705652162948055898867700606564" *
"46155339275774656924606103707918675214162884357182965887608588e-05"
) parse(
BigFloat,
"-6.2645777522558070788567393475420648346691506103013401806261205828941" *
"9389153899526026669089054140102906429237876579910936440736221571251241" *
"492057888367987489838582537395274360943949906925541201351741791e-03"
) + im * parse(
BigFloat,
"-1.9793596254678600832235303224732944671104295073037547140285806937568" *
"4750366494672938121441769472419319890393455188322579764290065593660322" *
"656247666622257761930000083237575751330470679054504577024521187e-05"
) parse(
BigFloat,
"7.41787139085023208065853821056887239203270029995864062385928946596768" *
"3241180653654502511098309151988098269216913750861432755045237242295209" *
"50063050302407363550884289342935159522832664167340609596252359e-03"
) + im * parse(
BigFloat,
"2.32148905063111143726687899043694599990176163519882244941676419157603" *
"7446918346540515789776772210120142352091491150178054519076852332965143" *
"12226030209576192047206886316784074600401031295867204010179195e-05"
) parse(
BigFloat,
"-6.1283146208424782266573380623893303783107951111050286058242198838981" *
"4792506205972373999344965592701672348352656129118621384620774331778998" *
"189639859879970251283608727082608864653061136894489645631553847e-03"
) + im * parse(
BigFloat,
"-1.9061740465417017326751786867706264099025954862537075692977897374182" *
"8224538490307389080293427490787956403243314790147222572125265167060318" *
"125095209423243332289108633348371491802585410195704750702360601e-05"
) parse(
BigFloat,
"3.48071255304256273820379387823663087245114730046814637609093697280597" *
"6695298586677995961361287393871859891422076379024868772019011521396358" *
"50479439846533580383053069839429756089037235296543643293621083e-03"
) + im * parse(
BigFloat,
"1.07802860853871739226088978923014367167451851662724310220978737570928" *
"5314576820017623549110131244524182535390402765058430549639933476745411" *
"64067751387248561598823924461856602538972904966087856621811191e-05"
) parse(
BigFloat,
"-1.2994180769199613593044093485987487905693571763706794566195839829168" *
"5788914279368838403049757762928159168577519221716512038337337333194089" *
"705282906403046942199034311619206473003031013656536048485962355e-03"
) + im * parse(
BigFloat,
"-4.0118058675172137498232465479431986060991908016374418597194885319701" *
"6513056272865084918187357339659547905063745078107605608453586036030096" *
"586799336234414332324613845100328037163752914160021256755116975e-06"
) parse(
BigFloat,
"2.87762411724614472517515900005419623782546257732576726195622991680493" *
"8539975804996740803316465155539060812894453051004083265656130148495857" *
"66676121751696007267593522178433095961387679336165500164588021e-04"
) + im * parse(
BigFloat,
"8.86282272771530932101753788577074904958473281335938310392129158743852" *
"6740780661825478676248646201295985632127319852410762166023783417097248" *
"77425490722319836881171328223853903884728696908348540126667833e-07"
) parse(
BigFloat,
"-2.8697317011018317073989072378282151914359486774439474024803747039098" *
"0708185209353017136402037804170585398095102606757398746453752853952098" *
"612884229663598575527239505318781279048684760851024654682641492e-05"
) + im * parse(
BigFloat,
"-8.8215547612621158680083252203424382323975977001306318505814519150541" *
"2824835799436214476852551676042419246115795966626002852786716697235457" *
"501377291657451983722134337809383820600254792524440789493071924e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17174708982284883720211786675375121021183390549323853489532641731036" *
"1814466763185432174227399944992611723992148301091263403573793081084371" *
"49754642678408227751849254390748900594224762853156486445644138e-04"
) + im * parse(
BigFloat,
"1.64387008513694402327974916145997926431736996385324378846800866295365" *
"7247881784424054723851736352886615936409573571710171919919824132518448" *
"46019570688377733641689541471019996815847939740686375467494933e-06"
) parse(
BigFloat,
"-1.4466816749877593675025218621824971487565136625204436695652378273685" *
"8970468420587543567015617833110304639578925488920532062166687799717979" *
"372468781301429392844564781800609094701052100380179355009731548e-03"
) + im * parse(
BigFloat,
"-4.4601307762028278854502353152499952647814401853433613935339778261965" *
"9307935430290753408711834981281753463150175978439902467825021988024575" *
"433142496471337951088490376085749800570656401782657251074950399e-06"
) parse(
BigFloat,
"3.66416913959539173769133356160206222016666973555362003733175987790952" *
"8825568436967810949998092813973023672598585898145136921271778379766499" *
"89227482557325363559007944265356128314608315884240327154219032e-03"
) + im * parse(
BigFloat,
"1.08690901504483998192159474409977370285375464739262661788086601738801" *
"4025126490618141781074575386359603200627084139564161127600675860508547" *
"53629994496044675093252855900706448976010275437179909601113443e-05"
) parse(
BigFloat,
"-6.2645854590072399060185788806887597424920406149272888620100430508696" *
"3033113414925234980231479758216864219636366359868478683624892278769028" *
"595696313140181556619707575993479717569819459522597108755023006e-03"
) + im * parse(
BigFloat,
"-1.8271027853585819139902269790776563791127544549398368951707416086876" *
"2961136899646121120494271101965587724561756208402614206152728591772288" *
"303934368877479445435051203947600647698717617241647451080868742e-05"
) parse(
BigFloat,
"7.41788036720163482477169711355728849228964774265245672865869975567681" *
"3091447722242194858587766847869864303122282588082050446242048965457345" *
"75266254130564569453324634024892948817592276013245049365028042e-03"
) + im * parse(
BigFloat,
"2.14291481523895704910651700466837901391905491714216217718628301024698" *
"0047702475596292825855677419968511679415765003153630520049193026116826" *
"56079094825130030609450956890146477261465782404880621531741083e-05"
) parse(
BigFloat,
"-6.1283219587219085772043687674119513575524154279308462981386374209985" *
"5170204047430049684973374555244835755359705161035158297991044355292893" *
"984115157236218997382656137474837352292157204172008381555668070e-03"
) + im * parse(
BigFloat,
"-1.7595467773628399028463778087485644145130358797192425526604511829805" *
"2113737501077843349111822032188156559472259722531014709560691974075311" *
"723111664899352611066361408119943966318310392476706700653216723e-05"
) parse(
BigFloat,
"3.48071669019317201468498978866550255052808543287429344433790824576000" *
"5991731302154824052710337513376919375202891891666410444234319933904859" *
"40959398917718161982940558142303634210935435060305249509178831e-03"
) + im * parse(
BigFloat,
"9.95104176794149998066044561368149530135089638525242111843261652735877" *
"8304528541810601024881602781154906971769568634213158309140133931202378" *
"54201194811719426754212110908341458944411877301030677261448879e-06"
) parse(
BigFloat,
"-1.2994196130503983550167417980181766485115598473554200072094083851872" *
"0969523043263675882285809473195249998341079575684705811874976164047330" *
"895296972365352533328802304736951047976622006371531852792763373e-03"
) + im * parse(
BigFloat,
"-3.7032085515429842593549408213105847530938964938735922189005895332596" *
"1771162696278062880217218810354232408765593910754468188049310554196470" *
"345479013570686043203129706294275235114481318060449853003915096e-06"
) parse(
BigFloat,
"2.87762750496348569131846315649105979678326447402459324706403949434668" *
"1425248154551248281629100476576743328148071413200794998066407317851937" *
"31265781958414840285432720874620643617746218204880156886687921e-04"
) + im * parse(
BigFloat,
"8.18107403909431547410940562708225894836370100080702147770401555698555" *
"3495863440543431003132295473035673885013521509969588263736557200897299" *
"50753717354281115204797815099666522049389990410200816140545876e-07"
) parse(
BigFloat,
"-2.8697350684245883503463052288779660849771089883052562704546661333285" *
"6691399422890771873491876658287133604780617666885065137405506450851160" *
"692943586549772352480522869817359105291689472223814358570436211e-05"
) + im * parse(
BigFloat,
"-8.1429804831255637329458049720698460461290838213075617176027129624169" *
"4760957777131571163761357125527670590914621271997610797466806242762095" *
"184635615613042262334409777855868899045426353650530576162070382e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17175534968944064105880938190318278681324146573039103921742722111156" *
"5024568597456249707352050370883488506759254612646798670294580585733188" *
"61549720131014150715130300556276364812858441113078870324083232e-04"
) + im * parse(
BigFloat,
"1.50688286192144737850299849355757713693715083592447778411990153513454" *
"7244056964291944734557875521477628788886709832846498394734925743356161" *
"00721895526119280035141204460416624113671570745090357775925262e-06"
) parse(
BigFloat,
"-1.4466834790667064953532960961003418159454635036789840825270798248908" *
"9376940968891219219850469952362556965020293043992303431704498192320551" *
"625822413586150948934565943119284414260603178328894758395262460e-03"
) + im * parse(
BigFloat,
"-4.0884567387113193038294120674988469924792544854405365473354432446068" *
"5761362685900340321222347261014346820558725889264734735276941434819747" *
"639743826668968020638503842109584477469998140736578768193141883e-06"
) parse(
BigFloat,
"3.66417341020746732985289697158982399197391203922720415851067543377996" *
"1975207763088137533422252962635807219834807265255877877425015330386883" *
"70346536423415267318579129601798926025048214743351343920731536e-03"
) + im * parse(
BigFloat,
"9.96334080374061356972943439612229324641673008457932840198650528960423" *
"6346925325243340050670257377375404332174306421307876431473590118164059" *
"82060594368952587414248796404896512669149034862516947543381992e-06"
) parse(
BigFloat,
"-6.2645925492272994712995927311591444559684851495643533543171988624361" *
"7978447726203341346856294307340945635476374521405664448429538331969993" *
"176151200210773363166996497683480449051686944509746001648434820e-03"
) + im * parse(
BigFloat,
"-1.6748455630220004521363421746478895146041227189329949748515339914617" *
"1245277162435989374051134371563762718551676178239006061950249470886346" *
"413904837539282812683796784748107993612890098246080486743460720e-05"
) parse(
BigFloat,
"7.41788862545501440296054480981313828710697951914283470328946539164061" *
"3664460089647273715948983993821313438411536091312070595369137555398830" *
"11724492841957638196712570939967669970053640256416952427952205e-03"
) + im * parse(
BigFloat,
"1.96434013694610421331971827080319264045492943909501686144517330838103" *
"0974652820515454704454796949021773664687509392428806392457196763411504" *
"37228144659630452691351731534510360162656015093762043401618969e-05"
) parse(
BigFloat,
"-6.1283287095791844621121751538846241789583256805636359563379439994477" *
"3497732366813428824350162391280702317130254552855432081051539217013998" *
"125441923080571162065239554176735206489243922120908674128047022e-03"
) + im * parse(
BigFloat,
"-1.6129191473134660429114467919011730567612796265072398359335182814471" *
"9771774597614822347344335517803953905863800551433369740171028998739912" *
"111951419080094928829962090486231632914144013689671529260190282e-05"
) parse(
BigFloat,
"3.48072049637633732667651838645021278651756796658030345700782158505442" *
"8571495118974830772457229759820988283089247199547079437110162997132788" *
"03594464891060405567136153838957753494019852597522549265689860e-03"
) + im * parse(
BigFloat,
"9.12179542049762622904368556562719241329445368855694523106949068548415" *
"5971577819153131921591032109828398757483013862973783479665797014022856" *
"76295367369729118751113163413925307091363329588740793162135730e-06"
) parse(
BigFloat,
"-1.2994210262921051589446470323389742191348290556451825046725630641045" *
"9682093513534095762107538866693474602304696354539332565114538133799102" *
"887953414188448983583487485986826354460219196133178463578683853e-03"
) + im * parse(
BigFloat,
"-3.3946104830816167933732993336253418013536761242793585095347701288583" *
"7374053730156069386522864990539565201773077727984735133740030938475126" *
"070985446253666236290873633432191412278473192140702042537190156e-06"
) parse(
BigFloat,
"2.87763062166719061018595437300326667436920171144883984052552390785850" *
"1900891367216415395204163122873623541902435955539582131205786887421870" *
"48516669371510969976889214773937050550022340499473972229534369e-04"
) + im * parse(
BigFloat,
"7.49932369308221546935126185281588550272026021358455039220538489101714" *
"6040744009781334756653786152613132574837815778360595072949226491087670" *
"46170227331349388748630195257931816073600839482335917281490491e-07"
) parse(
BigFloat,
"-2.8697381663652465388019632967766477679620524623875335105066143467293" *
"1283829508458683292976551770868550170650988021208020977544461391888575" *
"970429333151140473867235472768386390710806778783969003215349552e-05"
) + im * parse(
BigFloat,
"-7.4644045592314996947927473983013315992035388044994863198340115538734" *
"9651836379208702450611409250946723520054905329802150754441537212652141" *
"488748895358790337723767063122314604692282097502735116968859849e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17176289131960429459394490061689197449302921922480543193127834351550" *
"1017289674254896542207771287617713106046986293461251602371573737826915" *
"76938286002744175880841367791519384093342705801988331193192153e-04"
) + im * parse(
BigFloat,
"1.36989512986987146682791173960338941831406771841391591757591294214106" *
"0015779418365598187904296953642409590726168809394656732919153621838802" *
"41160691467153167434872001031177144915177614869396733989959530e-06"
) parse(
BigFloat,
"-1.4466851262711926236871622965496820770016462565245121617245360603683" *
"4700776054118145091954138048229956952871289911497571122723877212647329" *
"252701756797045835108291485219336997845184241439313267800740612e-03"
) + im * parse(
BigFloat,
"-3.7167817810853854059004233789612171600903087816707209968028679117194" *
"4120642561575290188300716604713727011878560265022260087173630575604599" *
"016169654628794779264450588289585914377637060338247016739072307e-06"
) parse(
BigFloat,
"3.66417730946645130630607757980146382649356110292084057726552933559023" *
"5794146417048879369248459675342273086861831048787666509238946645073869" *
"58650707176287602475536095981477730151029920627976149516461981e-03"
) + im * parse(
BigFloat,
"9.05758932682232479704555342769318643053846042455205547585320378152685" *
"9744201398100797265191079875699310559266809018175517428745028430891948" *
"35732269941745606619064821313530448860840372197051681812502197e-06"
) parse(
BigFloat,
"-6.2645990229138004413628459890139876035250856099738509165117369958954" *
"4907084343141631397719864075776039996967161625152563735145267694739342" *
"785952941409291733263860518295959111427036978185302755728267004e-03"
) + im * parse(
BigFloat,
"-1.5225879903098654687614597616779490792307833159458978865001199716430" *
"0799201581971189237248741666180753700236344053310041615206732676414909" *
"674125881616075409998756031665357697528481218238698550937634248e-05"
) parse(
BigFloat,
"7.41789616560784856070329212245921179755599918216887573880507140713264" *
"7131910320111685937637360387091816773027750670937339223340075409864570" *
"68413901314038015850507993318406001533390447101196916545169623e-03"
) + im * parse(
BigFloat,
"1.78576505266033981318130972732383462769605264596780325880448152750338" *
"0315638638797709389356106796525870693107211340597061175721846848143703" *
"41459198453688374521010769844491568219542091687119638890905266e-05"
) parse(
BigFloat,
"-6.1283348734122558979712903117893645486832441970662447434252685765322" *
"8539046641593637608393687186146626374024929150658030462998577912039494" *
"054167064533515567451970608398584807222224926432986953484645043e-03"
) + im * parse(
BigFloat,
"-1.4662911864656323383321613038445877949364312206842432737916934125964" *
"2369169087673317140355581446632298514853159586100781064112923022701847" *
"984776185843751040058305706012666214522448391693838546264995282e-05"
) parse(
BigFloat,
"3.48072397159090748380005977247439741883214512055258027035248834563568" *
"3464942987525490636531953619074425470928598614138472181116396005856662" *
"91631153676103866286388315393751090674336561799651508986088836e-03"
) + im * parse(
BigFloat,
"8.29254721221931863314236265018483777773287370239383667061703615769187" *
"6212025841982289070981639204631874165939262268014754180252671423962109" *
"39936419485987432960970119404452763305846732270879348906421212e-06"
) parse(
BigFloat,
"-1.2994223166446555806089413775834859439855921388115306951810220476418" *
"0801560289483892513539730993311817405401949237023610363712236362752937" *
"938075773193131535712014203969362534419072905126729057179008397e-03"
) + im * parse(
BigFloat,
"-3.0860117248393554921652256717131407683737425891680710198176462217369" *
"9067826621174392303596347836642494955811275888140870952887456818814706" *
"023309563152969657029143810880453268734903396983467750377812884e-06"
) parse(
BigFloat,
"2.87763346735632167754570601933413914128970189815027193023502405553128" *
"5274224428681910491061902003790286000709943896480948784597137606337384" *
"43768191215386984736605110102718436225956693202349594006877949e-04"
) + im * parse(
BigFloat,
"6.81757182779269785592915464217792785439198978573174730570685150322294" *
"6952573706192226677571117892403999333691347063381990636629192904780326" *
"57463298677252669990601160124542350018357616632760750223752695e-07"
) parse(
BigFloat,
"-2.8697409949228757567730209102658690874766461401974295458364523031258" *
"1903872124470111043026083610150064236580051719332030354487825924021492" *
"187636943288305121469390264318557643428306649264472779149529276e-05"
) + im * parse(
BigFloat,
"-6.7858271267241647999318371104558143554770349241922985880691795466026" *
"3983265414487938436052138201675656139398931535259889881517349413654057" *
"811633989239599020633810032539659448657096661937890500067614943e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17176971470983780201356797802194750022322602567429303839636214618454" *
"4767593983787707005526533595443454345767441009906586743629391164954704" *
"39296205890261949313586740492259108235682129395402933553917369e-04"
) + im * parse(
BigFloat,
"1.23290693523913912815800311811816265051379301760734298974887556444723" *
"9876290813427186930392849168535363584735654433530693515828279885033445" *
"58285470994307682187340094344916107062786418621044033049753707e-06"
) parse(
BigFloat,
"-1.4466866166006807035296448289054228526109108663569843755144411050792" *
"3084097755733659101267926687210165341068456480813337597013750154674690" *
"138349613383119554275227202687149622501200717015832057714262227e-03"
) + im * parse(
BigFloat,
"-3.3451059869724130761641687372348716742021576964462149055145305270666" *
"5767855987223250975838285557667245372330898754249592884130381587989631" *
"273497770971804791471311654595710721745107024966434411184738773e-06"
) parse(
BigFloat,
"3.66418083737112180475934426769640301757914554771907208419346744847830" *
"7448885986601158889561584995538782705784068302772930850449079054675825" *
"60783746302732391915874336812681900786550944942533446069875309e-03"
) + im * parse(
BigFloat,
"8.15183591334634748140919785885276545869125797637705552909432604546752" *
"9613853613292176994469076928633481276178286904253439593735252106411127" *
"74721613187974596887825503715635766289097398936332580010011210e-06"
) parse(
BigFloat,
"-6.2646048800647475084937095472429669976190856159045172082340256938443" *
"2020105689650049577757055069198947338823016202675316126668401234169243" *
"744479259769990494572022827787610183650068209673085451039529156e-03"
) + im * parse(
BigFloat,
"-1.3703300990740638222833849649272900702943335260719316342418794037933" *
"0066202177953734634027494648450062905737283730982100950952102559548179" *
"014837201910595800562963845816303205842257317544879111211174806e-05"
) parse(
BigFloat,
"7.41790298765783436609770429141284391240504834999049232618849158971462" *
"7586494257732258032557089463417703626883887005213550385941955708970046" *
"38315166384247492785795521518632257536170723357494383795520730e-03"
) + im * parse(
BigFloat,
"1.60718959928960846723189648927624022800448792236222329458544949396426" *
"5981645377753882144622737993392808044407622727498192781530862254526963" *
"65404362604112137316847338823672560296960925668259284363836143e-05"
) parse(
BigFloat,
"-6.1283404502192511576723502376181950319073783227620531547344526703162" *
"8058166004008466612053712841955978254704667581709226384349676236624231" *
"179219091701786658240588366994327999298660405367731333949646663e-03"
) + im * parse(
BigFloat,
"-1.3196629248915189263844276223533987982945297019715014677317091326678" *
"1765991461639687050568695948756248089124303070680908422532079052157401" *
"184030328846726238634657991547608114275589745694613381857427003e-05"
) parse(
BigFloat,
"3.48072711583583139743676487415442369855058521327907389918928806436676" *
"5280963224858674716693586381699882873004972455774160337465219219959543" *
"20818126542505672889901587015147915961436500003878265511911117e-03"
) + im * parse(
BigFloat,
"7.46329731227106072588101217615308888124252947522458225286568752939240" *
"5942436362188482127538563209620587039388144338797023465492169516736312" *
"42470462689760351046446092047057592664769734714612264646288370e-06"
) parse(
BigFloat,
"-1.2994234841076604889247380379693398474069043908663486425055854092994" *
"9116070768882761198888194876054897505910455823544777020492833515042151" *
"506563898674659400700443868230445203984065323947694600392470402e-03"
) + im * parse(
BigFloat,
"-2.7774123395227098927223931665909962904763619868886839366325557086260" *
"8981351711430006571554019709368139730489448163416812247452010529728995" *
"579023158992232468580034405827739830643764345111017466741856956e-06"
) parse(
BigFloat,
"2.87763604203002263593727149221503898236391646699534113467128661675476" *
"9643191212045217368303818069214357188463320993832238473955177618518530" *
"03994212054600834786544632169337988794303843119037376067457109e-04"
) + im * parse(
BigFloat,
"6.13581858134003473676260224757281937252982546775691434629755356354452" *
"9418914276850832944619897417988055325392829279372969349502383511971484" *
"63384927668463039568941927356441613854276319916222511681545256e-07"
) parse(
BigFloat,
"-2.8697435540966264012907151752143958501005268967026922851396752230702" *
"2609469967271909027081586718532182161856743185758793295381684606690173" *
"554043916990431947415479253867726095931517418976161728065861358e-05"
) + im * parse(
BigFloat,
"-6.1072483227483787741262139175978044674513452038782080619046693478975" *
"8428897981384568453399781568868525035903735389893776065285118770708535" *
"780716142926671222895914140818442529795928503656590543661864663e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17177581985697268431667890723048916203028762381227674926404130205146" *
"4666704363672187526109955381024736533273877116203413226147355764872402" *
"43154589714860291704475024116072307911750882217634591108375532e-04"
) + im * parse(
BigFloat,
"1.09591832428643107225547724987194481174194973170756928897554283342378" *
"9388653788042366891870928190005791835599622561541605260765180286835253" *
"43622456454450638268373352665888517045886493016373943162869878e-06"
) parse(
BigFloat,
"-1.4466879500546848326561519817155269589126430197076907760906842051510" *
"0594585653176835757637463261952580691530125662513867431364545359093862" *
"182010876127343013728707348766303112672522871536969939667691438e-03"
) + im * parse(
BigFloat,
"-2.9734294400201312652750093720810307183529318918209567600586250187261" *
"9204721095496164827318060255048977992341970314342141594529065376968976" *
"968886977865536489886657435928475710824216164885470033936872284e-06"
) parse(
BigFloat,
"3.66418399392037332904693103506566266888089606507072838768007689530095" *
"8953667936955655233069311532117773212859158489274898311566508758838259" *
"38397129954464072411934666534223742365147446479420187223322664e-03"
) + im * parse(
BigFloat,
"7.24608075696626310054148473142456373968115092400088066385412487790436" *
"2529178771897746909587854105413990283505884704911475442874978618575350" *
"18558022075051724705338310306384521182841462517274257420660951e-06"
) parse(
BigFloat,
"-6.2646101206783353915171790002704039361025744010612189542435918847669" *
"0143134481572131834475853187761247220742863480137855163241194261533963" *
"465677880984819709243380354168591687226340783780031316323936145e-03"
) + im * parse(
BigFloat,
"-1.2180719211666069961798412385833276590948829807244245981243190634989" *
"1754862638865943986646280390307081340306821234404690712053519454307116" *
"811753624812346986823637946489739640745790275090831645473410344e-05"
) parse(
BigFloat,
"7.41790909160288821091398845840792465558454485856162427300309795083100" *
"8124007945049595975686605342877354847474141498480250317344573930344604" *
"09006881539009382649979502766661105426576117114915168038224528e-03"
) + im * parse(
BigFloat,
"1.42861381374199818996617726171268784858747421899067239955156533456468" *
"8619373010485247261233509287392245890829421074056940317595360118545418" *
"93271692563396539612035269045047670122406782276779476251718972e-05"
) parse(
BigFloat,
"-6.1283454399984767712588564272288663603140430495085366697468567875382" *
"4780581380274029155210147568474220343390721053389977087430767757174518" *
"210337549043757386009265559135675934986208223915038706959384271e-03"
) + im * parse(
BigFloat,
"-1.1730343926634222643838239547724755983273773435292170905580730246229" *
"5403767285087761162230156419414739272454594351806936000849041169168313" *
"261662523384910939154701903353313165778250815300418333420253876e-05"
) parse(
BigFloat,
"3.48072992911015808120498668858146744428501541420603285975829636636973" *
"5053079764818647743885210701836790990971264549180498145194486351860615" *
"14598564254494128942952353418021953607928850274258216995586953e-03"
) + im * parse(
BigFloat,
"6.63404588981798837548001485546849782196218855512130270143932431250716" *
"4606587421793343595268630825952224399947632598684677671429958770914611" *
"83908080170838076259960318313656896678078671562085965265088011e-06"
) parse(
BigFloat,
"-1.2994245286807678123780022718313202679030463301662082229166505030785" *
"5131110391161208261981969475079709658984787084518122613442944091587240" *
"500005205889534472863227787905764948533068232036918779404022942e-03"
) + im * parse(
BigFloat,
"-2.4688123898384308021994182043048808536744674819628264988259690135324" *
"5391728346474278618052588065180684266524145084453260583256786952770353" *
"316225553581553503241270740198644880214105663017867422779053901e-06"
) parse(
BigFloat,
"2.87763834568751877505966481277954822264140290934766081971154575565433" *
"6318556798878971115853046127933804930531470817469425902711238142700574" *
"96672727457045750587513217945430321265630418762225783768237325e-04"
) + im * parse(
BigFloat,
"5.45406409183902871911259448796389764549435080921754753899375210335473" *
"6655150753501381515795894690922805722419173407444549523660342257701514" *
"60262947922820995646423944002092630023190586071715572218951871e-07"
) parse(
BigFloat,
"-2.8697458438857297827949424264835518074951697558122635129721567636267" *
"0063440506514091777738768792248036392746148807046785131987998940005077" *
"768747418337731777829271739024570428627755781357498102659084305e-05"
) + im * parse(
BigFloat,
"-5.4286682844494874162417757557411254653186405191530598389657420329260" *
"7394411656109301394390009253929110654889823784985581843333043352872034" *
"792080874564514600019527315131970290337926498260137660518020738e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178120675817398128002489037901998797645849265347105964335189279361" *
"0416004413165721045937208123240429641328390110796289721718620921898637" *
"11679401294825230445281466406569223802350504757708022899001041e-04"
) + im * parse(
BigFloat,
"9.58929343269160092254061977083834924012338515341944200009008265445501" *
"4314501491870296239569597562226748951206228109283879643155277598985508" *
"75064475387041062089807276669319401533122195684983330162779921e-07"
) parse(
BigFloat,
"-1.4466891266327702558234236984092499316229611142393544689387096381923" *
"3148101158219662282596144936582133414679096595069168755284447912822275" *
"371442976745379550365321550051130994015505896736179557341211153e-03"
) + im * parse(
BigFloat,
"-2.6017522238765767839434733326014133301776598473472366590235899459632" *
"6032110608648575696784767237584462345306122762855440000363480597113756" *
"206963592448205129170485910103019382215261692924135639327589421e-06"
) parse(
BigFloat,
"3.66418677911321674964229258317966875578367593186686280071528950480835" *
"7950697435344136607135511937872410874550591238510759790313223357561164" *
"69368364064570204843948891559654610667834966389215495291582431e-03"
) + im * parse(
BigFloat,
"6.34032405133634388103068860282553053897433222318638901425128258207532" *
"3542382304469464244434228000955685604400632396816246093554093112083323" *
"31009000301432145019923570768091303401789556745189089273158241e-06"
) parse(
BigFloat,
"-6.2646147447529488366278313957831309502956141061988427063076855514199" *
"9017086618605229578497690278510057082332798912689288818376578372185196" *
"833884070155344342931349291149212524606708908531773188231093932e-03"
) + im * parse(
BigFloat,
"-1.0658134884396186366658326222487155043778772422636560465304826900571" *
"3743564768762134824867670054157223518096130658616451473386717863784453" *
"052365902542463402640973967317285812180942280451577751180965166e-05"
) parse(
BigFloat,
"7.41791447744114581154740793509322291676464666798970841758024229161541" *
"8773051714703628937325916567659041954649202605742956590091132388785342" *
"10992036510903674610748940064943416768123511877449225711626139e-03"
) + im * parse(
BigFloat,
"1.25003773292572605244756525934819243130303619095980600394131754747050" *
"1319939448553395240923565829945858310285944436850038951346503710849627" *
"44357712946373483349855967669719762357005764830113197770753720e-05"
) parse(
BigFloat,
"-6.1283498427484175266987244233756435591152398647351354847890726430482" *
"8452998756326095619458090710229808884423212769759948888998291074080485" *
"736254052865115948340085323111900808950428399431974798422114787e-03"
) + im * parse(
BigFloat,
"-1.0264056198537434978515293605169721415926638018901826745793605105636" *
"6314284790039803012892171431932981598236334696983663112111743624568135" *
"952852498952411399362438574430576854620449996646036855766461381e-05"
) parse(
BigFloat,
"3.48073241141303665139251411731691915493942294375987825868055594502942" *
"6079035274031126745314939150824211630321895467431289237579927232243908" *
"47216090220818834074998957403136862976845314094149844434666484e-03"
) + im * parse(
BigFloat,
"5.80479311402582455287698033137690561572336055133624106471166775743317" *
"4263485620849294092026160365365754050754498043234088588272080904285093" *
"86917210180862802827766011180251975637059908134864743742317729e-06"
) parse(
BigFloat,
"-1.2994254503636625391852920861547456829784149155531661667887038429329" *
"7819737252759516905875974784917207058084753207889127685325385433487633" *
"424405095669789119979097810514647610269111748200404916790307820e-03"
) + im * parse(
BigFloat,
"-2.1602119384934861712487956150383833727584572221901873741090818321968" *
"5153089687728160183328244451348571397498150530598104761980318652574614" *
"407648970393247198085891368005758922842799071556877981032742208e-06"
) parse(
BigFloat,
"2.87764037832811693212239134357851827357446892730568370034128909502939" *
"1183926785190982510035271704333176424035149831807230444401339469105567" *
"19012570230265957290990957231201626504637071024682718333763175e-04"
) + im * parse(
BigFloat,
"4.77230849740495986491890712940704351099174029004031685368456915479854" *
"0345519090719599324369389992399459547827669789023259693961156287163464" *
"79672712134261903945577376250363441198241700082229154462722030e-07"
) parse(
BigFloat,
"-2.8697478642894981254821955527776880821770453938410457211681910705991" *
"6341647145063581764672363072013538728294196963974819231597238356091236" *
"383103684599847616231192351220825564518042812506883025702223971e-05"
) + im * parse(
BigFloat,
"-4.7500871489733099917012802597631665736510342259564188645537834670494" *
"6105226753750187561830922350302096532995796197340891627638398174824132" *
"089761280460875633502923353540048917341364887207028435076582815e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178587541094025323396875872093583031307702366245825553801894719374" *
"1840856473727679862557819892699681137156902343425598149917078417057405" *
"77570162756761783875703795711227463619129854626343625666771721e-04"
) + im * parse(
BigFloat,
"8.21940038444945278014356920985114958724959888072714416198276517194416" *
"4428616900664017003656442842209585558626263829347628476575640807954241" *
"87727349827681336841445600401166684635095331199538688932924097e-07"
) parse(
BigFloat,
"-1.4466901463345533649766167482465131783511471607876454809828676945212" *
"5007948231472243488056441428396416690161513755868228740877698031882106" *
"754348759670752453366783499923118199696284760195970388927878790e-03"
) + im * parse(
BigFloat,
"-2.2300744221900600966753658883446446357797637078910886687528634570990" *
"2432573978520281877288178427850994328224158295238480853592988768035842" *
"714025198750714918363914738965160629956060249200367152500103412e-06"
) parse(
BigFloat,
"3.66418919294877930411751272325626857724310967431824713852160835236054" *
"4942621187630596603909549788342935510632672147657338310128435703756205" *
"93369947622536473166685944672141986080442243709098023741427069e-03"
) + im * parse(
BigFloat,
"5.43456599011147604936363227727363439033230060567336123701094298231693" *
"7654964152095101483628610493154689488277081172290513657480665012056412" *
"11905475538877998587153643921463795751100466549235497913064666e-06"
) parse(
BigFloat,
"-6.2646187522871626181324193724994902837635503796232883075772281058814" *
"4140582707496113945057421588971441527751434398857684018313329883652062" *
"420581906980724655266836435912771390957541472083009374535640754e-03"
) + im * parse(
BigFloat,
"-9.1355483274532209031310493540606309186719090774119426772271899585331" *
"8951035103549201783463717934985586030106148667245243390517439536565446" *
"551301150616981370591645220740470174190214902534400750123172393e-06"
) parse(
BigFloat,
"7.41791914517096220987062271971380076408730974500488453367550217800487" *
"3406178867446323491113799246795295675986315167589358538707590824201945" *
"08595454071946370080500910985628639558690271900801888032247154e-03"
) + im * parse(
BigFloat,
"1.07146139374912384285648395565786727854914147996666731822312362701585" *
"1329807728234420031923800018356036276914483647894443677415747123923349" *
"58212897265453232793449746532481242081828487644427543463636440e-05"
) parse(
BigFloat,
"-6.1283536584677364705746178860038685855509840461971351972737978241632" *
"6442221137289286145782565909220058912098438946018644072965922589089349" *
"735764990540063228154458554734809704514816247613522670063364321e-03"
) + im * parse(
BigFloat,
"-8.7977663653497682862660141450009178248250309234195469216535253110056" *
"8564304087912000213691220768597396531444707725919082553105182576136042" *
"592174438181164908790908067986843821334052716861293609838520154e-06"
) parse(
BigFloat,
"3.48073456274371632734330815125612596627225485276798336896560252881625" *
"8790785936720345619990370288853530187510088777231194368145395903879882" *
"17476335276705979927956158990718494880499301827674652239353127e-03"
) + im * parse(
BigFloat,
"4.97553915406081409884782581585246067912746035228248592297723308818373" *
"9501703924732516177378161895292707507389534452942846507944476891307689" *
"98110265487022165551820811972359001101394360742940032398816837e-06"
) parse(
BigFloat,
"-1.2994262491560667174366843605394197228809551019108696245784222612073" *
"0965648156668319565913752645429105033496838515652029881702475665397295" *
"703804344932959171560220312893622157315134448795239134756366561e-03"
) + im * parse(
BigFloat,
"-1.8516110481950369672449197225767422443623326194831598969107282191584" *
"1377478532415516246637893080959830315784348539702871838604290332269061" *
"376533001825718987859450068218867035020591377903948258075721836e-06"
) parse(
BigFloat,
"2.87764213995120549215952842939023819527494982652868878735644560327729" *
"8339724372614661743657903593937523208841358306966057686906371705274263" *
"35572571805029703057929688205161732674912125245264227258469943e-04"
) + im * parse(
BigFloat,
"4.09055193615353264089379749291942818981746075301507955530085020389621" *
"2511721157497935401322837523334464954788812675181974030093674591365926" *
"56014371049406765070497716844980278431315842610496020645149614e-07"
) parse(
BigFloat,
"-2.8697496153073245676168768605315277242220893964545658009394624466936" *
"1518581652136158381108317446551693017722053042178049387144388889801619" *
"100394308180912451380375816666773738891019300044174946261943360e-05"
) + im * parse(
BigFloat,
"-4.0715050534660866256970646570394320692175493511198376645157876193828" *
"2328907751293176625364757411882068657727091676826229885012603344835576" *
"559976673483623976331601325826777129318833321985272663837941463e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17178982581310358262943496503783603611257824771126567634440043621109" *
"3089064045096667254342430761912500406885315690204078432363912647813748" *
"31773158134300600330750990201183526985791565719431239008743641e-04"
) + im * parse(
BigFloat,
"6.84950456071586229339195731218834056336673211212507033624365514082122" *
"3502249160614901265653730584964171639068492860437146632620288857784242" *
"20162207715432585807772117234476244270055444073128427693121842e-07"
) parse(
BigFloat,
"-1.4466910091597016994320272170526175515050327227846746622327988464121" *
"6425479008534239303069428756642967922635317855381838366539298125566139" *
"036716134713126835230968414421653805986610494268693071251681918e-03"
) + im * parse(
BigFloat,
"-1.8583961186091311153654621872677260937624099103470782017042228178518" *
"4881293379229245761989175133878894048895194068990276023065748569290537" *
"353417229681395812446027839030213670650982533292195853941684173e-06"
) parse(
BigFloat,
"3.66419123542630459754866534976927989397995068057985157310157903437738" *
"4442562519505249497802619737379882133123028240908644220922349514059936" *
"72290052219398804784580432862573922242946505161165177461089756e-03"
) + im * parse(
BigFloat,
"4.52880676694708308263748315215055177687095771043900809133386072193029" *
"8260602995316146124741663578378676922722800306898994967659137218830777" *
"65524770598870378989766835763571095398733186290285288905829905e-06"
) parse(
BigFloat,
"-6.2646221432797415391051022656956630721549630506020547377288446271165" *
"1527108735149613241022554998472182108702708167095283569850727274607481" *
"357796948576143695037252644169258798225088555532990287079797852e-03"
) + im * parse(
BigFloat,
"-7.6129598593602794161813918489625987401875071411296771154597582934658" *
"0198772315080580422466942912054077115575370256817249154551759586204403" *
"410384845270339769997437594337443346297691266672883578365340625e-06"
) parse(
BigFloat,
"7.41792309479091177398575578414383018653661734505697914444003225545211" *
"5230808900819030554852732199098146200338385338533901080155429318967137" *
"99791534737635285222350675965932851632655474235687022257560702e-03"
) + im * parse(
BigFloat,
"8.92884833120623726979707024479791299498709457890147638843658775536001" *
"0202917756654555181108824117805531603803471674209413192350397549458045" *
"40333958152279419261456737375061056117316129095291715861952723e-06"
) parse(
BigFloat,
"-6.1283568871552749086930677988606233073873221359355164378829810273517" *
"6770262975274448714174272444935249814959600565922804751188131914377959" *
"969723044187878317301828471248462474642939579364235389063827278e-03"
) + im * parse(
BigFloat,
"-7.3314747277969788293056378149175917088416188665270312331074437522457" *
"1797259032170949338426260366842576671255265004644645432325197759723352" *
"588664162642803842908232216485062798998502340504957463672101418e-06"
) parse(
BigFloat,
"3.48073638310154643179874018940506550425880848906906631507833941705769" *
"4259795332601313055959614702490307376043228373319655626928063082201566" *
"37460972330697682545453781593351402550308731688831555268788048e-03"
) + im * parse(
BigFloat,
"4.14628417908965849086091659352327982338392475535631123300706416225906" *
"3092947314825262779004246900343444229374093366628495064403619780027087" *
"89864678563715951884711703484824831263407186939744943277566929e-06"
) parse(
BigFloat,
"-1.2994269250577394552218863208005387136564724949931772246960928466794" *
"4195062543211763669447879963102401194183269937240308106429426792630795" *
"185429444087698331975393843876360979691528809518158908522957451e-03"
) + im * parse(
BigFloat,
"-1.5430097816504130474095147025541417632456357646692897991379205125305" *
"0173117336000938559794415442861831196560402133207248037825839822406286" *
"428070174869892758191345685312966058644765800714264837420926486e-06"
) parse(
BigFloat,
"2.87764363055625438830685578663077234465954627964610025212921188868600" *
"4662139186429617592178219431233299913572714348877085268338564163295488" *
"52169169634709009929777945141030680230102134278726871815105087e-04"
) + im * parse(
BigFloat,
"3.40879454620082286839914967546216339050810086115596922444825729879436" *
"4100644258102491666099421363923098448243715140912215990528659217398368" *
"65168283044980422865373202408435894601754216268474142745641968e-07"
) parse(
BigFloat,
"-2.8697510969386831618059863033014627574190869573369972570628312296624" *
"9857914973492154648197598623592880444068056663724129383695686213593098" *
"205816529389241818118566719218732687411519118240018201896552631e-05"
) + im * parse(
BigFloat,
"-3.3929221350744256961892038061064118178792930041355445908111016976719" *
"7580446964434205997742916616502095758319769511880656240338811728930419" *
"869812113358716428426647455134650666537832649265245856732783247e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179305796282957539593172183687936807055124041132286025421614548862" *
"2641612796400374261926265802923421414534759406574472704933947019395539" *
"25520288112270696546608759660916670952313433944387337405893914e-04"
) + im * parse(
BigFloat,
"5.47960642407037269066520085661523029568094958505850484210204729834308" *
"2859967367658313252080402777737192976859727830886425168553651478603785" *
"92279998201239699235829679021352269241526047284926894872891240e-07"
) parse(
BigFloat,
"-1.4466917151079339460354502123359409100551059850860647277657233896081" *
"0867571087690580772636648083073543268281407131608787165417866691332801" *
"809785507202727768546911276030761553510682184560013730355339318e-03"
) + im * parse(
BigFloat,
"-1.4867173967825449927639591928796006627777304495599110960560878281291" *
"9315069442120522945961146953373076952156250334305026959651100342252405" *
"013891493343455772393631236621246757859025168778412696603821360e-06"
) parse(
BigFloat,
"3.66419290654515260286712774876217059050703064500148798650320403460501" *
"2321213229441090450134542680172654858782056215511750778060911568791405" *
"40984655728117313879893402597096054936686482502301631998560181e-03"
) + im * parse(
BigFloat,
"3.62304657549904895899190405402447512466693878098503299405186522471583" *
"2403041661965427467265306282170878004300188194605727754548193001712240" *
"03472484011791169952953902993703992773103079457327955705881822e-06"
) parse(
BigFloat,
"-6.2646249177296404319553138115029977465967613659946195600258184108379" *
"7966083501728430755339846322824323138233804735841527165779047602636438" *
"443876287994013170109272248234379039620631777209375220755611352e-03"
) + im * parse(
BigFloat,
"-6.0903697986412155052511059095422938797821923021182053632466488568585" *
"3561826001214790622956230084893691245007570016815206875163036733004060" *
"285392402904863234673767135508378541014959315392746044982399085e-06"
) parse(
BigFloat,
"7.41792632629978819887618470930096210282041392481566501774028060051225" *
"9119913911890970947392273857754592353748448835676439160235579607432333" *
"45427560435254396027733183098601145531141556064554810530906292e-03"
) + im * parse(
BigFloat,
"7.14308087948743908648111872598746264738097798987028838975595433178940" *
"5885506386605120072662976572171407569167565256171175987860754445435623" *
"01772222736861387715489452660790586473199045487734105042296552e-06"
) parse(
BigFloat,
"-6.1283595288100524066123764714376734528960678854044761209332535158207" *
"7850812491835054716401987141795011316398738423667083556536922716990704" *
"693840892279473605693848111719286096989046104246689795977238004e-03"
) + im * parse(
BigFloat,
"-5.8651815866055207939026490000123730769337961388301506919417037348524" *
"7884563262270377729665786263636659933616344398214036961429627000872563" *
"261099648877940799212030276962945718018358555849025225955483041e-06"
) parse(
BigFloat,
"3.48073787248597639119333230084427355765158794865731591125985340458173" *
"5326159335455151262021971762413624943326100946107451294657696208289246" *
"44589587610239532549236117231477188568632251957586484922932590e-03"
) + im * parse(
BigFloat,
"3.31702835827945060969763530918283984641703482737383512737635167333692" *
"2737836627667597308347352536303549228979279539738375476979757484284180" *
"08640788806968154160198887889424388708948646902461567136683862e-06"
) parse(
BigFloat,
"-1.2994274780684769207395322918003047585227566182946744439298073382874" *
"8192860568071644168653029702693299243683416758838615862989141665700221" *
"334313489952612508695910408778285871694890961185407695348409915e-03"
) + im * parse(
BigFloat,
"-1.2344082015670890318507979568843234382848883056699721114065862199578" *
"2630141643346175660196358482795153461990695747672471456919604016469479" *
"945262802485812480075216074099674879743835111222562592454316198e-06"
) parse(
BigFloat,
"2.87764485014281510204203548678042789672775943286401952347354819864561" *
"7784749220754333791793512607141061154989189754406000428710229232105112" *
"37081596658460974997010336937195294229297886972648499713706499e-04"
) + im * parse(
BigFloat,
"2.72703646566322467313413789925282996330604262232613528995687271118576" *
"9265009038816239326061210407256651078749024389617754531031800301909820" *
"61060836191468902808543793954271896491534417092621469284765151e-07"
) parse(
BigFloat,
"-2.8697523091831288752371849235432612835072418832272677314144675809950" *
"2658174521705799922203880262599260220755723112912856356005829245581665" *
"740606586356693010366131926205872087361957873156556252055298131e-05"
) + im * parse(
BigFloat,
"-2.7143385309452512267159263318372650932142102210452919579395815549417" *
"1844793902415759304866685480486185211849302780431575534620029464435768" *
"723123603455107774023965321066473488657881217424355549299472514e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179557185861736209064830900404481321705694834481519433619921712762" *
"9484871468227149790977361717445579412318365178154214256322681397501711" *
"12191866805003074664780064823269013069310561422344813575593331e-04"
) + im * parse(
BigFloat,
"4.10970643709381656057263591226432528236873227566737754805489790035822" *
"3105629915962442944461881977565809710916211898291941053777299882503280" *
"94776439934149793859289031598004526754811829192821814000731431e-07"
) parse(
BigFloat,
"-1.4466922641790199392961766914397728919219209659964579540178571487868" *
"8613118562716802178806465004335417118293971126359396652497491607396463" *
"747680273319400846493332187038436802434771000365355536353104029e-03"
) + im * parse(
BigFloat,
"-1.1150383403592279158338640011201417695175041318772040488850389231660" *
"9322545238122680170459192215405172987940436142089173393237509918336431" *
"404234308342949784548279766693109476472816095325540604172671808e-06"
) parse(
BigFloat,
"3.66419420630479966115684604197589006732773129695954424563065830339792" *
"8634820740759700118957400488557684212871586713181298305617120121162345" *
"06458580861202797377132718692430213400730898579234273684317928e-03"
) + im * parse(
BigFloat,
"2.71728560942364140780150760827801243690775091286651546465524469732357" *
"1927578805742812304291060573490853940815784369014378272962777907858151" *
"54382419255967844967545542323242445358302754466684316453213448e-06"
) parse(
BigFloat,
"-6.2646270756360041589082661301877093231657822707389977862534392049377" *
"2286431285924813396507428561809244567512342977750144018551369398910836" *
"407121372456074224179141349837473617205791208344194513737466173e-03"
) + im * parse(
BigFloat,
"-4.5677784638205058991024666447768006218983252601739333376291796332649" *
"4916648875587811553016899185506508524049279608280191468192318588201432" *
"337538671913227938561735427369647932810620959522002167254681128e-06"
) parse(
BigFloat,
"7.41792883969660450695805830323450304670455730499759335829736279528332" *
"9655696421642156919784897529396632124025147119308124170520102666452267" *
"96817521867265607453495931759865233715936947234012997342613647e-03"
) + im * parse(
BigFloat,
"5.35731195142074290130216192770714158460155092622075319918988165648487" *
"7096937564292661750539761529270180446608144262757308508425907632031997" *
"72060273001248514000776762659164486718954286847656420904671990e-06"
) parse(
BigFloat,
"-6.1283615834312667900893060407269468492340904349533776055943817736264" *
"9036311711838212768498858104364575049556956842638975471553803350348008" *
"164677838612267569275424913486955125805682562619730128545339360e-03"
) + im * parse(
BigFloat,
"-4.3988872425024299702496899929292433790078606952809692128610082749859" *
"1831085525740941420579323253295744450956504090774884444092393705429482" *
"896508770207323678261958416225823603583853530710441840104396567e-06"
) parse(
BigFloat,
"3.48073903089655573590499926458419398145368087576746220860318798850727" *
"8762823929338854903319455780448478527794435313142996487093449595732303" *
"35921954094488215970007550348724282720137229995592690130441881e-03"
) + im * parse(
BigFloat,
"2.48777186079760950587274709580898002395905504112217046081589918727091" *
"8895292460812822819415879022054303934538285459195715432326333971678913" *
"02334089633268820714571809311308288396155064289529859753075893e-06"
) parse(
BigFloat,
"-1.2994279081881123423896656684914035266915325077867903345202828386269" *
"8797153654775941804878088497084834529602486648188277100769490942217083" *
"484857219864991768459282660373751580065253050580394402830741453e-03"
) + im * parse(
BigFloat,
"-9.2580637065266017652870026337529130648624565161632048213180197184781" *
"4838563267936294312997105946190335610229612747310210130371788377380564" *
"374104613510022186029307557610717461244349139895605852027708827e-07"
) parse(
BigFloat,
"2.87764579871052066338784139985332057059853705120884533061406790454525" *
"6985871329695136896706495453903796925414616791958180193066061455152532" *
"72948812157358011047343567579618258096720057517133925535944821e-04"
) + im * parse(
BigFloat,
"2.04527783265739743466047661788158081267358130925315982159148277086296" *
"0986489617982407866627673997941871597228312979892486685698539696485661" *
"21665577883135075233910103392106645169637078382967192064483503e-07"
) parse(
BigFloat,
"-2.8697532520402975898802333740741190784388968965197456588355106561487" *
"6032660664898228612581886745653464138520676661352856925537353922709005" *
"941963915573092172311688966344518073167091153176369977589401008e-05"
) + im * parse(
BigFloat,
"-2.0357543782257502790431089207694043616627943673053726740306549239440" *
"6522838567817741617524557069885416509095057787599040748907357793904891" *
"333021669411511390308332276545566169725754402358424056314837508e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179736749929959883862672478651065687526530662943637465105451630944" *
"9549151753422228809331715633313150596384138360777814576713712328637420" *
"72625293013756992533734271413279195100233945783423683710611433e-04"
) + im * parse(
BigFloat,
"2.73980506236805798095743815042437728180868905056491798144472522513827" *
"5961115942761353882065596677938435674836553952773636987934848085889041" *
"73390824447670307002026503438986858754024381812275117806408176e-07"
) parse(
BigFloat,
"-1.4466926563727806614966273354330088596137376167267214964733121965900" *
"4526560658481817340817565092378160946614805158024571325871051445660078" *
"883258406357749060674744577720680481648662127829031515490040873e-03"
) + im * parse(
BigFloat,
"-7.4335903298824289901749570457910458014712457237066686881593374351085" *
"8171387629436083067884235079205729877158654539631247747762140147664496" *
"387156582078557515667876640217525157235420733555370271425731823e-07"
) parse(
BigFloat,
"3.66419513470483848189755259824442418951835161373575646403528707114046" *
"3153942853522141872149250876464587418628202691990907029382711534922107" *
"58694187281964564247380600327898150520563893193215054018484622e-03"
) + im * parse(
BigFloat,
"1.81152406237743515966856333152059359378921169129266167473761173752116" *
"7974959563000665782885498017457247946049323495582074384128941724608573" *
"47034094317779277106684031348527822799940668731089642977635691e-06"
) parse(
BigFloat,
"-6.2646286169981676123980897178222276908042869250520811999381844470819" *
"6976137722153081576023955349149437280381749521482994879906019431212894" *
"083064276331298422409235015999084586931273144165642302958693742e-03"
) + im * parse(
BigFloat,
"-3.0451861734231258303401779146023306157643479620940893781758695979762" *
"3491656780427133013288634148585460001144030400066122427821000512661722" *
"129994955444412617707851999880816652951938146014037137550685264e-06"
) parse(
BigFloat,
"7.41793063498059304853153789244199241803662828946250587423279206776081" *
"3969815288256095659915530008073357605507681831862470103994404193195339" *
"15274729124825166033402062719622987581732431503594851912054010e-03"
) + im * parse(
BigFloat,
"3.57154191609262132488866993206227570183361202611555445140334580074239" *
"8132175143167081514269843231098764537811793203625406129740209042533463" *
"93779396140339533609982543970766809664059705407702975196920847e-06"
) parse(
BigFloat,
"-6.1283630510182941454445512227330590500210587896688426537780344692991" *
"2927938238253486134924711495353798913883249769993224640066112013991661" *
"428570036594224318982845976749859374707107306445057802658404183e-03"
) + im * parse(
BigFloat,
"-2.9325919962152074320364069458704936911427591387521259979009601039137" *
"8524369913147619613331538816832075721612781991124725590115734963548138" *
"529445048008464305576226354419253731428309788291440547870111503e-06"
) parse(
BigFloat,
"3.48073985833293410045979224744607026976359165658101774496772140433700" *
"9145498139049687039112891125221951513705540975943691900178111547885909" *
"51059742530967739176242951274673853062702228265489809074317034e-03"
) + im * parse(
BigFloat,
"1.65851485581181516588792771987781800175238820195967463467923064914644" *
"9917784413251921862667233392705950148758429277883138501489481757914139" *
"34074307177294280698523546088215394912196950811145669351482568e-06"
) parse(
BigFloat,
"-1.2994282154165160088494060535409546382613421317701826228747275256879" *
"8761082231934757463625881855706078161942315082719021181640293438675551" *
"665956070209865931100138400397532622646089864223674940620746739e-03"
) + im * parse(
BigFloat,
"-6.1720435161481824615846650375814872158540555393442063994478149457008" *
"4968133236213730132933042232134366786319067436807074856437725368500513" *
"151992355732650336200165993562663818664077450512286317741626344e-07"
) parse(
BigFloat,
"2.87764647625908565107843798454809934646568496899994403951476897851368" *
"0728625127239592692526587873971698634945498846288908518798493595634392" *
"56929348096523290585502503035092568369256005619844129875917541e-04"
) + im * parse(
BigFloat,
"1.36351878530021273579232610478269852484383380013775667563056547910622" *
"1004571087855446332745159035435281307344627260419660228849694744828039" *
"99623886093468331975870196149854666998030840532047133926272792e-07"
) parse(
BigFloat,
"-2.8697539255099061026518054069325507478776251548407717404613444344835" *
"1912724767115669136394134258607485558963319606205678228468586611980670" *
"240591326914932076226739383589408751045809980044615972575855930e-05"
) + im * parse(
BigFloat,
"-1.3571698140633203456796689363557128734908524193799230644641235675803" *
"8200542375568310362104471222934631171612351776863217758929410414775494" *
"231856247969631239444578336310322267101638680939959735502321947e-08"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.17179844488404246806400700418136055762472027123898327679314080259492" *
"4884155111888264765817616428481016664002164392295242204705109822247439" *
"22097952576306678934228158753047757880808259978772839662231576e-04"
) + im * parse(
BigFloat,
"1.36990276247573464720060741098473069871361951003935111308757352581133" *
"9474005700613237570201895569584953288625267626509966456223147519586197" *
"92120188656061664201815036139678058002150646168939617124122231e-07"
) parse(
BigFloat,
"-1.4466928916890882427776234054980437196767375756397718819764821239424" *
"5187791813344400369787914763933008298442295832719208426698847971056090" *
"389999509110336096535051873783772753383430350845866113525773588e-03"
) + im * parse(
BigFloat,
"-3.7167955831875557743027802753565516266559950635838052703684353964009" *
"4861750514901106124342575128154574310020993042713495651394671066891417" *
"912384770385568157435020444282517253137053822868352383744323149e-07"
) parse(
BigFloat,
"3.66419569174497814315393527425630391185958900448061093183296379088120" *
"3124007058774356632278730933536288242277082673586023347083443560981356" *
"53760254748289473031704050592179557661605934050834117616827822e-03"
) + im * parse(
BigFloat,
"9.05762128017235196255906756993648584599393326611098892745494459037549" *
"1564754044841347411417969003191970684317907576990689885837273606266893" *
"71543311239423521645890365356000592742822857775256967896697612e-07"
) parse(
BigFloat,
"-6.2646295418156557153736092249555514915223107840538737332975291974544" *
"7155825305765954702968987128239784206197310196652945014025418313063933" *
"865989816533348749962032303971918649397912084146626500637519462e-03"
) + im * parse(
BigFloat,
"-1.5225932459744244096759379990017582057940231974480276156124839424800" *
"3056396351191775653608081444415883092529858862393844676051424272537422" *
"400973790923559096748552437326187463623392962327167132158072130e-06"
) parse(
BigFloat,
"7.41793171215120550213176303323130689660739835993351224119549121386558" *
"1858305974768467849273885636125755041450096452835356921772559819580343" *
"87822067123642440356744955581560178050100141382180297150365375e-03"
) + im * parse(
BigFloat,
"1.78577114258997715908451581662528670570799631800084636794995454360009" *
"3676356665110475965442893438103943531552241551112341731757871401340161" *
"50649020279521654814612976624068486985011085148660527129501536e-06"
) parse(
BigFloat,
"-6.1283639315706888198469961091518175510829528561345156319664510694360" *
"4766756231897555146658986152727064422089788992593670770275302334894892" *
"289633957762732836977354290929368968371827547431695505229583322e-03"
) + im * parse(
BigFloat,
"-1.4662961484717032157838442336574555085053632757016730108320100196463" *
"7319000918847518553276441283522761989799322289744177374888171846843692" *
"287758412107803432792942372265471560845997487487915023495720716e-06"
) parse(
BigFloat,
"3.48074035479486122369114400553253771806023268679092937013994120099339" *
"1818262348505541365342964155776484391013261571985207255323746555335152" *
"80703824823870713342198532396229656020210090739144401690623395e-03"
) + im * parse(
BigFloat,
"8.29257512489943278351822020647854519329918618216379925049946556744787" *
"1110406303067490692955387276677676390725006277520863224078122405610562" *
"29871454818188972479287050080357633669800886886444715853781956e-07"
) parse(
BigFloat,
"-1.2994283997535952691318015192910238805085914969869869515526778866716" *
"8697954893957841692196032959647478119154342454650037545301024731423359" *
"603618787589948947173645430706127089392300475054448851587457325e-03"
) + im * parse(
BigFloat,
"-3.0860220716132738706496081021786406148283453446289921686143197139032" *
"1301757551686373483879039882766227802644307226258398247165035340834050" *
"704928947902696522506960752747391515212780263174947790280488164e-07"
) parse(
BigFloat,
"2.87764688278830619268870833232905500746960564146948689707161227991940" *
"2064945850829542489304200746418697416736552799497076099754234512609477" *
"48962911096476282844733403433807522979428050506885978747804417e-04"
) + im * parse(
BigFloat,
"6.81759461708701311877922330512073413345366449480371690610389217539809" *
"2208839104190050392048817942295739906945854055465018212936856075101745" *
"57252147202799995198682579288603038187279483484425523992846808e-08"
) parse(
BigFloat,
"-2.8697543295917521255436762377652470230928456179885519861249785459804" *
"6770392650074730487952739388659781765056519951721448524167635725142078" *
"225123930003452183064876629765867850831763331679666985534332023e-05"
) + im * parse(
BigFloat,
"-6.7858497560551674228567559402176615843076344239040813959334883551752" *
"9796481892705119213037270754046675666821564092350321120967085659693925" *
"582103820282228883694806946740750775136513441386224981177516633e-09"
) 0 0 0 0 0 0
]
tabres[ :, :, 16] .= [
parse(
BigFloat,
"5.77608002833012693365978198429697547863332695784194902360687193138692" *
"2568580416904931896113553961878476869658527506852021843203501051825566" *
"81674847459679911179029344814177265676383842168674620173738340e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.4437212290517538206168056256239677756432606520789942306697156785340" *
"2068569617070498904714072262573144407359574908075789910005077553578435" *
"412650580199081080915296082844583726417941585490086371920587088e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.53295313563544223903709132986028929591539820816716760279370508647404" *
"5909672011964780924216550318843087802523428625721394680830306932599701" *
"55913718523947800843744406354635631531575094185323462219405782e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-4.8762416523421411960667361901929803164371065605633506868074769309337" *
"2105717784730130409142754821767167446179791858804204483216828895841241" *
"520253865932878278557290902969915315594327940006952352631364977e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.15596625275858515884488657857264559204594477963084665024700298068904" *
"7708448061181747248766649119382805449824850177583863650883051235784921" *
"85194125229398598005299945335218703825405765441038809645511586e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.1023836153022529618270634584567565167212433526366506966154232468165" *
"4487650960314099643905640378303517633323629796292935622741619214282353" *
"612159608632271771601577598050261189590995587468250607580413577e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.98658609609259920700686243014285342327670369998412326454654496982539" *
"3105816386239666662947086227509507932788356068779349202629625910049190" *
"47247089575131903174231216559258887301215343543385871428199471e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.3459621468036405967850246950776051305151834252363352892453421553950" *
"6544797550088555379560670565961571252576543581834587125592416597707602" *
"998608289613580618871624162629453634744640035645326650617655909e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.96467066549164788897965154578911192667806424420181033937647694261450" *
"8752074889641027207164773302339439905577471715037852603990170127736265" *
"30240286854043467800081556695313309069922826536583150339764096e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.0699931318872072560447505332866884895103589988951540979759674645036" *
"1970644157593011208531490718439572055092337279286132901653183840132693" *
"748214030400979254594774876961825815441335723522672376287896570e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.12675145079332107025490513144834132488453476107797095451416439070760" *
"0584143794020337230213773423649966859843403053279596489473032682909226" *
"11910266231253885574873229194216848537836192157179811500799155e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-4.6867412788839866274210961159814775335057522006375621895904082852936" *
"4684567506436994973150175972045460581615784437653926190081392903262391" *
"798547001368870857407012609834479323015478218300087788623943827e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.43998829364498292156884529018567819273286645420684221389688761822800" *
"6235060908782249170256224929946270334277388951110291498298552972274312" *
"66231971699343833382634088101460235499036204503576637615438321e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.0818758034463882040904748135788700162597869828910393284290991522032" *
"0864059841132151537795276772349082754726493703566013971657710634782945" *
"188588927565999876405520144497216807622451361428433738839382578e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"4.10477884474343832464974440283082258390900366209008184316826292134934" *
"1102427522180608600361686781439867859620946040699127118880205299958386" *
"37813946455921764563739872381847690489665798307773616415591724e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.5630949657438915251415251415251415251415251415251415251415251415251" *
"4152514152514152514152514152514152514152514152514152514152514152514152" *
"514152514152514152514152514152514152514152514152514152514152514e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
)
parse(
BigFloat,
"5.77607959995881681612340385430009913584070619138421139715398422633425" *
"0559062967131856688076150506209672173300529110671024011484051666047893" *
"22955505377288688974826864850705596602364071174494513305538542e-04"
) + im * parse(
BigFloat,
"-1.7310855921109735725692303025588502702255047715662372359040322275705" *
"3702386489831670956073366486999922554136335567249262765690244338402851" *
"421120139000924948282383637926825555179150735498944867326000101e-07"
) parse(
BigFloat,
"-3.4437210648580933832091311602837279241929956357022393701978923071162" *
"1669115043162070229940337876493786583240037362789877515348149339090751" *
"686113133662998948624075361868269122390967717010631900028880546e-03"
) + im * parse(
BigFloat,
"8.19950908497994363362292100229772762183748550724639515216955776007993" *
"7073282804436327954149228511199169726338363695790327583631737175768113" *
"25352415695837268581082569523272939595358563237108905913881113e-07"
) parse(
BigFloat,
"1.53295306724252151565589827827505361071443099860049248296437307135578" *
"9493308263906717129369469590648492674300550500163647938519921787453570" *
"88264531853583590858556834424127176297654861900122337663501173e-02"
) + im * parse(
BigFloat,
"-3.5161533041325501492595168054351422270516306441042993039589076424467" *
"2015954365964980871166305621614501633505434458456510948657663104565014" *
"173462238216182894804261231688363449404349608708727555452643230e-06"
) parse(
BigFloat,
"-4.8762414409878829877716818580425022385380753598808754054349727329292" *
"9464822941330933662178476553787537566346603407177726393257181789668278" *
"291815489061321321123710431709295358728660762747020506092092095e-02"
) + im * parse(
BigFloat,
"1.10024229246223312056204394592268874905320093791414891715995536447720" *
"1623562099051807997856455191000606688690343729457390340394233057047198" *
"59614163745691295199566631800369847410113681540962899414871524e-05"
) parse(
BigFloat,
"1.15596620346275576622527573763580859705986155383156913725354989364721" *
"6216810767536758624283910632837200972531705095323636385038662184577061" *
"84136518760947824325264952066923077817833902111123674927029045e-01"
) + im * parse(
BigFloat,
"-2.5841397110301395433298038329070671151457998795230413320600548268059" *
"6438536570661347748897269114090769227179925775171717238983516033128005" *
"018335335026812811968264870429481781133864132764980671518440352e-05"
) parse(
BigFloat,
"-2.1023835265773162550216712611802565381677628387484283238474237177388" *
"8179569043952948937366609904127911351883232204052226586173543784488437" *
"812875416253911948354266386788157011244957623009869452677900629e-01"
) + im * parse(
BigFloat,
"4.67183651197212790659106226637735461495123725994583832883427234212925" *
"9095389200378002235620399301914454955504483698571228484840790242021317" *
"15086930615451331638298133519842344282649920072751039580546702e-05"
) parse(
BigFloat,
"2.98658597096516397496170345151464191923891507265149486144573042371407" *
"0161803619347432801575105726481085965870581346459704189635335778552007" *
"83529078747098050449070222709791750202087271411927162569975910e-01"
) + im * parse(
BigFloat,
"-6.6090594207345967696981421051949693395792967000124538470886451072666" *
"4007113477411836091174817903535270929288101580782560408552223142765223" *
"239377804647322470152283980600490619769190997801126655788431608e-05"
) parse(
BigFloat,
"-3.3459620073681518803515912984571684511545577085619164481777826894159" *
"2549975503128373278805245602158636375799387207239670345460820750062649" *
"885855147943453995734984851439106400306181470222660726370543384e-01"
) + im * parse(
BigFloat,
"7.38158524387373039882460172504728834587081123816238483743332272587443" *
"8712711731890870807798118807488766056503385493309667988246002928769556" *
"43131177368017309101922098440639159055614123488738814210740176e-05"
) parse(
BigFloat,
"2.96467054245221769643507342569386264403724642709228378054138228863204" *
"8164788604825423861798788380202721655025018568728651438434793594665675" *
"66138951533288139282753303589727663781568478925188226239240594e-01"
) + im * parse(
BigFloat,
"-6.5249734209275863272535441266144133132642492593929335806607119891003" *
"4164468108427423315667992342287839799055694142238207925683748484730978" *
"880212321396201700607560463061039870219376291321906380677564396e-05"
) parse(
BigFloat,
"-2.0699930462575960795189611357710523905792501892391324657043978877462" *
"2000636737432155564768586432477707108689688864483532250011363399596540" *
"500662884736695940384379299871211402975770343850607584754708410e-01"
) + im * parse(
BigFloat,
"4.54734594829316155433300595251885255651944682241267007075242501492301" *
"9587225403544912473236893651949106711828680492935157969073555874836925" *
"39062636493417628695356855747666375466795753916634796976793492e-05"
) parse(
BigFloat,
"1.12675140430575088706962718226342577815407207476778307264110834521528" *
"7107171556957068824484924440487385658720212439275181909808283993654995" *
"11946887149746443627208927154287951632433293818194196962796446e-01"
) + im * parse(
BigFloat,
"-2.4714792510567628771346776618290423798501428109024956984347229449147" *
"0802215471900020597231973674385888056631317052690588755873151557097863" *
"661554509160186716838214195449745241170363621927078198600353151e-05"
) parse(
BigFloat,
"-4.6867410859401603240295295482320261028025969373081583682917678915131" *
"9185021802732340641532451113509247189559375073295209232990508426154858" *
"604448852692733175955364873831047703737807900266046450994307378e-02"
) + im * parse(
BigFloat,
"1.02672246953057307937119433770426390504883630871072920938894325625129" *
"5067172461536965314631271898894253916704528780969408238696522189287509" *
"55531039096321855389593369117260923353451785637212543519000449e-05"
) parse(
BigFloat,
"1.43998823447239518404340826093302442431323229740894743438708534139086" *
"5497767770780764503245484606461552962951412791565171516739707896041456" *
"01641802980384318779042501326747250143518600278755197851788038e-02"
) + im * parse(
BigFloat,
"-3.1512352586957738273300139266467642090066902258957776421618826255692" *
"9695648387741012296373533127810816597163541527866628645574896522479256" *
"489305362563661997826405888427825396944601961433705787271059460e-06"
) parse(
BigFloat,
"-3.0818756770031106827035487616355369513091781617767825241554992099945" *
"2895388454010648916949792983993763897148914530107543917470143018095807" *
"881484281801569316685508855535346546495493054178198765826112270e-03"
) + im * parse(
BigFloat,
"6.73820577179297825015176635754766737006173016523729096550974546310596" *
"5730621816891246725948421756674062133363462500195471641046563002116470" *
"51298158474515370429366528247011615709151422096314104842631289e-07"
) parse(
BigFloat,
"4.10477867656024077205305528085570377976516878485290177825172026467845" *
"3657820508438111783800473586971586346602234656139318826948305333812934" *
"45162346392601787445165309867744212576188168976367230628575448e-04"
) + im * parse(
BigFloat,
"-8.9676742880486056147321770030928836361720163915460633948990403375301" *
"0504536086039197131841075240415174702884861669606991392141152045596830" *
"573074600810079199285659485925695318940872585703409730979462494e-08"
) parse(
BigFloat,
"-2.5630948608512385164880665460867241765631394233246432750540994764497" *
"8439459059126671996808298238600202249947258647346055902642210856173372" *
"353410344673245855453101529929706171564165638861992495313009089e-05"
) + im * parse(
BigFloat,
"5.59575958187630673668204407110094340115206028991062426792634394863236" *
"3314974302840714796319591387575793970841305228154370179248791094801839" *
"56173844799866786670066807721033038671215398167240099379039768e-09"
)
parse(
BigFloat,
"5.77607831484507312599560783491067796722635718946236776266892733398459" *
"1835549204911537908601428039314228119101112055824756073458464694255006" *
"52297272146820372091146230646396016714243875230684450548697783e-04"
) + im * parse(
BigFloat,
"-3.4621706528948502000677928103733336373714365800689940977922705271483" *
"6264773263777060988233678006144570954642930952989955145030714071720115" *
"803481628681765470012862794238379886568876334682850307404764733e-07"
) parse(
BigFloat,
"-3.4437205722771622207898810733819990117258511376003527173212087862540" *
"2407418153874806224110801203891088667490411982031792596476625710723541" *
"343094715712248280558280978784395600642678612406378122298945896e-03"
) + im * parse(
BigFloat,
"1.63990164834457201405748923070286892912341187372347935281979698725754" *
"1821549390102290709591235506384457715508095062480270003140257236795864" *
"73347639431851776263254646336803090340430691324978715224680592e-06"
) parse(
BigFloat,
"1.53295286206377940128790927076860653644416483787721974841877101966935" *
"2929277651689909772337039014353560510754915177284005333500327209206123" *
"28396982729562107960609487251873304885209819889579960198640557e-02"
) + im * parse(
BigFloat,
"-7.0323059215523986797303720860007739738529499803175529880645363812897" *
"4140115519611202452112928462670992405769034918527994395585020112329036" *
"758559416813451102615584497762308020189896530446057473170749737e-06"
) parse(
BigFloat,
"-4.8762408069251692952634829825406960434942622241477068883612486756388" *
"5900148709754976166479328813151576393246001986064895915351202017366847" *
"507542568508498420926397100658986076483241581850762248865283644e-02"
) + im * parse(
BigFloat,
"2.20048437473082968267455023183462023759226752008986495514434929554307" *
"7818856149356458930700533171175419490479243552338799410421906425015315" *
"22753738575087768066983816784532030700627937949178586181149909e-05"
) parse(
BigFloat,
"1.15596605557528166731269429602302206268911193858144929805389816743150" *
"2181746334230961841625632276977972083598679745588852706160784339130198" *
"07895080670447167983417452871927273431365322232352417489674698e-01"
) + im * parse(
BigFloat,
"-5.1682789343986180680273889687405548563379996015091102306193908025577" *
"0131031038464553436318637271237918119144922897972148398916068623738609" *
"990594352999200338419030023667552541712404318251230346231640684e-05"
) parse(
BigFloat,
"-2.1023832604025313240550077065246743879352283289320616334628902894934" *
"4260063906775600231795323013531649608119114287195413730194318725109568" *
"084712777988439922595700564998634194242902995815295946054665130e-01"
) + im * parse(
BigFloat,
"9.34367214917865069281941004553309663338085423797896471477211579156587" *
"4299586982739177193941472383677964735813398854036416729935801656185905" *
"96707601877328853445427213943527402341694522115821283474095135e-05"
) parse(
BigFloat,
"2.98658559558289365713744525677078415244686590457990413890348909596262" *
"1126534345089095248697619425069410086302267715560619134894815892807752" *
"15091968670902887330058734832960406327940286472518605837210921e-01"
) + im * parse(
BigFloat,
"-1.3218117610672913059159041763624892322399025589442619995331409507097" *
"4005119335663063854479554971827847262208934130179768380371780705388383" *
"694328646272763957557379668134596976243137010407279396421922281e-04"
) parse(
BigFloat,
"-3.3459615890617250360156640161015397754534949390888274690987635998327" *
"9522019334143249029173143432317501581852604934717529757753217643421547" *
"519571745918529150885247080258863285367292549455051583295008326e-01"
) + im * parse(
BigFloat,
"1.47631691185552341020270879347281551649415791160565018696514962322561" *
"3144166287828735548726808541192146573691680078420890080448877955658053" *
"45311804767822318529699173456822066462036191632164259982770936e-04"
) parse(
BigFloat,
"2.96467017333396172203940293780134187552760379463709289934712239450795" *
"1798691591004548129177753788029877690831087502857723079253597059705639" *
"15069671822260047477999529515291021557149518693599178100923760e-01"
) + im * parse(
BigFloat,
"-1.3049945635243695894968726329804511082216175604031302233737584829227" *
"4236871202782715227509058419186809954167606856125320891614707151535259" *
"772425915517048617138588658118854758759635551022656462926506742e-04"
) parse(
BigFloat,
"-2.0699927893687865883579832909086787092061583416710523773915524597974" *
"9259071203850681547097797919255360328217671698680234689683399253355817" *
"340963426882658473888959703066841341716440689088552742579301084e-01"
) + im * parse(
BigFloat,
"9.09469105770871559621065168241821494662664364822376748897597482067637" *
"0944634449332923534983878724063888060278538026478721446492016073680679" *
"91781652038106566208776688741370850647047149791937139282870240e-05"
) parse(
BigFloat,
"1.12675126484305336854794682339130037174765759472161478906415327728125" *
"0617582396549283496290236367569841559281955847781507619255297071199759" *
"90436579691163953580323946722181722398743454607926196748553998e-01"
) + im * parse(
BigFloat,
"-4.9429580470748591653874899226265161514240669793695667962781367459341" *
"5618084034187164575954541025864847275451555567864129815770863898743777" *
"610579194061672076816933110753316804155205964703668305692173179e-05"
) parse(
BigFloat,
"-4.6867405071087354325912657524205336628497225950723962250766627205453" *
"3182030094638400488586344143764753165165984387713409059988563502103755" *
"730445426527719195991133592857069486232087026803287475849890197e-02"
) + im * parse(
BigFloat,
"2.05344475033057454651490518998450785275273878066666118322025817914610" *
"2707941491385428273962779905429123489657976292812253990938377635654572" *
"22694895664029364868000463174600230230693034055626274477774722e-05"
) parse(
BigFloat,
"1.43998805695464852116966930762308855546087930880637199963557081379478" *
"0486822753898414502632579332723869801260104158813391951268591737779237" *
"71254210891270582291656770479032239296538148930505850184081701e-02"
) + im * parse(
BigFloat,
"-6.3024699389229316992390432577084394207531148636487571714031661916591" *
"8239050692646228629780142384536264263981426040893019758767073092173047" *
"473013902253718012255007933038376319760768562505677137973010194e-06"
) parse(
BigFloat,
"-3.0818752976733134520914320627155119104869097200838285430699619893240" *
"6582634850458205406978774080295810730414759060011834159234109891587513" *
"862088732476193623200851670179370945294095451531139097416694355e-03"
) + im * parse(
BigFloat,
"1.34764103080933116741659429675450147724562909316158566774643243646918" *
"5158168817074169484101117358805741763866651334689732901109716386091253" *
"88238784222944915331929619521496757080127194643233218512525606e-06"
) parse(
BigFloat,
"4.10477817201069507643409256414749326829079447430914605160036500659320" *
"1908184140055172647729394700968426828081534666593326571108487038050764" *
"57581764262468217849191499902989440707711051128449080276622570e-04"
) + im * parse(
BigFloat,
"-1.7935346933459453935104398355124237413078916523817189003564363473141" *
"0194196229563517416524734934559904720651623098487006420639008931647237" *
"324883769803283183067645707347924677033603062760848698661394036e-07"
) parse(
BigFloat,
"-2.5630945461733087607988557801146907111844993563838574562210627522014" *
"5294158416190808469230868627463627297694088829560391011509651584846845" *
"224202752679014493177040097785103925749278946959583987139523613e-05"
) + im * parse(
BigFloat,
"1.11915181396513187027804330114543562708829606016507696940884107719894" *
"4449382514869935928629718505156627552309200610644565977605163782650562" *
"93991754726859723047242220716844712927980926567862865146554693e-08"
)
parse(
BigFloat,
"5.77607617298945585060716889361057663646508423344384335714760996260453" *
"0643976456405487701360657113005763782509978415248252291359697351179265" *
"66996857937658650401790041462274352977994238599028008326768657e-04"
) + im * parse(
BigFloat,
"-5.1932546510248163119273069165711314044295488265203629644460033636652" *
"0226497262155345507784274750273939870456071617144306597277759974180610" *
"982580775826434877867200827282126098332957955958921489381794559e-07"
) parse(
BigFloat,
"-3.4437197513091107827473723956246366715233178262568799184768780735803" *
"1492207303858749216144266062593058674021572528973702333456796585833670" *
"099478083887010832531011462421555732340340762793145752133389815e-03"
) + im * parse(
BigFloat,
"2.45985205088838191298429013691388039787682125706808800863383790569203" *
"6611893943221082638256871511157315274805265004558890253087138728743729" *
"09300233460120055504701811403081891606131964252060018242205227e-06"
) parse(
BigFloat,
"1.53295252009927606325093416662319336759416701465951143039058024273401" *
"2505210773122200579939999657004079414907609568737913733109829003541947" *
"10027412359038340604606407245137726966115243953592195667162717e-02"
) + im * parse(
BigFloat,
"-1.0548457165547102839631957529956363594667374236127056380063322473904" *
"3551323612191747084860991622902659498501835991324728773047802557289561" *
"179484371421297398349774104860800373955318401012139137820349765e-05"
) parse(
BigFloat,
"-4.8762397501541829156460971780939608954927200911382663484901766307033" *
"1757925127357427184658239803195666565913910230288660084775942805134628" *
"389116720868455835349024213773228253562995733784159766509269769e-02"
) + im * parse(
BigFloat,
"3.30072603661223131244475625534966907842988740438801617237466337451941" *
"0998060302043204755239114278373918541567278600316317757257384712051383" *
"07319351443805547969768362901765060996817843275650905227019655e-05"
) parse(
BigFloat,
"1.15596580909620509893970799372037343818204420344238763446835895591885" *
"2738119997216084073694988454841952586092403732279995439463216364052548" *
"83573918444125084667530070623707240214812493778469212127703767e-01"
) + im * parse(
BigFloat,
"-7.7524171824439546267134450340256869054262951761192219436106352056687" *
"1979743987121305809494822880978805689521603618853970159207091619513598" *
"817124689200737581896418430451816500043818530279599238574220736e-05"
) parse(
BigFloat,
"-2.1023828167779737372645818285951295966752419173283815047747830398886" *
"5930366524435890169317987743303004847876247755229878545063105472916631" *
"579985715216376570077824242751551481544213178414688247057152903e-01"
) + im * parse(
BigFloat,
"1.40155060368542847608513273435849205415412758016962689902460921789704" *
"0937103263345823684482161504902019396882401734271188431498779363549578" *
"11804555533590075334838578611200361214504736371554231651528225e-04"
) parse(
BigFloat,
"2.98658496994589438845229127673162927786766908197825875453575833495379" *
"3652685413330570885034584177641294612260631212915866296016352182544979" *
"59245606577234749807835603918261631155539369936796595946967020e-01"
) + im * parse(
BigFloat,
"-1.9827173339019119332702241095663661737053523954882271126882073532427" *
"6002720335663764940637991991711037021531062453803871755145789260068643" *
"838966893075019735095620485944265973598634297145158100351168910e-04"
) parse(
BigFloat,
"-3.3459608918844779786532250867529326293028128043783240258124705369009" *
"8578598289648051968103877740899621985571614329994535563958055734477331" *
"531082542550352939669204417809219512811546532292417020348706953e-01"
) + im * parse(
BigFloat,
"2.21447502548527848981309688016655716513052357142940377137486169243125" *
"1021902685266237806184739417487470380182897002258379260307999647921451" *
"35884508960549715552300882397057239500158245716517777813321709e-04"
) parse(
BigFloat,
"2.96466955813698377549176615775232813199771970215658093679759925656374" *
"7468469371628121051356845717044470158299157501171374997714401788414854" *
"67810983989103339405623294365552709775649019712950206564003617e-01"
) + im * parse(
BigFloat,
"-1.9574915436337292216309648858600564952614094800698323008133830964080" *
"4734187371993399233326214001905768505431162039775437423311894436666665" *
"574569498872105486159396350340421912368466847515184615322938425e-04"
) parse(
BigFloat,
"-2.0699923612208508978005337060952325015419393597788105962777342803900" *
"2481574419130156210529786902726799527217265504170101103571364127328874" *
"425044335391706800729082465167618375456692346844851282938410148e-01"
) + im * parse(
BigFloat,
"1.36420344893693602774538946171013268610634785493734202428744679860401" *
"3811594054582918695590030281809292498156987439073985313905595910176593" *
"42385178113952651789636367367455396229396835638233719524487513e-04"
) parse(
BigFloat,
"1.12675103240526760778666233960376575000749064207881364590591443352811" *
"1270991831013563857395502010123360022350141280425968268499154469394666" *
"83828146670063719442952156667912316714289479439240668387289198e-01"
) + im * parse(
BigFloat,
"-7.4144359330157878919907611591389899254422586824020829893942096547560" *
"1265281820698711773540394886132418686261793489648821294293332812785570" *
"320984260181715581127569631912873115762959705524580315109111971e-05"
) parse(
BigFloat,
"-4.6867395423898740092921576794095957449165529310575276873484569146675" *
"2202738901276521641781041647585972493327969863353104703435013568524410" *
"793122218374247854498622354187118167688394060840274863788462160e-02"
) + im * parse(
BigFloat,
"3.08016665366950141551521702823707729731055431682819707286465081329550" *
"7500386088328230379586660844315523338778643526946870925569305853521515" *
"55248210217332407374229818367623303720408435986017031291552066e-05"
) parse(
BigFloat,
"1.43998776109179258204816341686323816555366863826508688245920116139081" *
"1857491938762871105335710493215378446965739457840992249372138631619141" *
"47057325347299917639566962879987321874969591374753408302566693e-02"
) + im * parse(
BigFloat,
"-9.4537034622130678384334145092846632256358379394583310740894145464988" *
"8877005748647373299230069742882703902850618988156868283530673875299296" *
"909120096717967720503542261122924997464628621912415115011755250e-06"
) parse(
BigFloat,
"-3.0818746654571025128847848056066451011306894560672855756048758215136" *
"1420843636230053024357377487184582529866201048518754047904346684872382" *
"181885836147573625541748685705421632885724715005548374455775397e-03"
) + im * parse(
BigFloat,
"2.02146123734088040444375168918169279337644904438655253221252561409321" *
"0211563275092253213469641939358997883752156216937855448730683004938224" *
"82551908923018609028654623884621739416614926379699952035767268e-06"
) parse(
BigFloat,
"4.10477733109494212428581171387460336045373294303937617023529239639027" *
"9049667024999191784388952089539186641709363182827775786055181838184395" *
"02831595094898283746818398766661197205415693149420586341934509e-04"
) + im * parse(
BigFloat,
"-2.6903016293595383753673753177353106113593151328260911051480719378325" *
"3418414660399470556840516675543096637860005424117137380720129023000499" *
"847204524725634777153639859216868797909465916757393643112090917e-07"
) parse(
BigFloat,
"-2.5630940217101900688747039732422355846641830425538984980407580012671" *
"1199101549585022862635817171584594982406388441604672927469816278327469" *
"472738080334780484881813860690911976281704970392418394105744126e-05"
) + im * parse(
BigFloat,
"1.67872746492241125715435580799252050402119892049690260100335730187999" *
"5432036083310194502308784843606088114946078913415709731094669715985835" *
"32045455584500687978420596600809184208643471217281589145357005e-08"
)
parse(
BigFloat,
"5.77607317439289830179857824171126161925227271860307984961846906232580" *
"4185235078548943695547405860018210043985840078901770729826815923527689" *
"37441003813630759565205885721858743238134137773960165315931198e-04"
) + im * parse(
BigFloat,
"-6.9243370551746250863962454923504680015541147257815424441417518410076" *
"0169739099337383309420898514668239681953330957847207413573474744371408" *
"794091074654960797796195916656863842929924460681259059565016685e-07"
) parse(
BigFloat,
"-3.4437186019541898179854572023041965198517984908203796922340054945702" *
"8852506789197507291043491162803118049482159865916911775268145081203464" *
"332782910352138463494013514525798164354643054876871639848642723e-03"
) + im * parse(
BigFloat,
"3.27980194747820436813910846338876189592415296032947842922376634672828" *
"6983498950184222285361629824733968713953897700810245721231820188554476" *
"91465998282121327048967783109933555743646481492590927535890290e-06"
) parse(
BigFloat,
"1.53295204134911178037812079471313315371795372239302051493555556573635" *
"4688530823265981452894710124085595639886412927350138927151419874261086" *
"52397548244357739759572782472752357828478388127473100826781696e-02"
) + im * parse(
BigFloat,
"-1.4064606349404737611069109678929027521887275204549195019273991494087" *
"9017984923537180305718673792898475954801746835655778945484588106583359" *
"587809640169966049495276698383981188757292531340333998141819154e-05"
) parse(
BigFloat,
"-4.8762382706752285106696713220283767403112756048325638054319787472014" *
"5025568063023175198618769685948025375014898659326119858513799296962648" *
"339956002884293387250253567212769839865297605087343678042186580e-02"
) + im * parse(
BigFloat,
"4.40096706791303600505432666922167969916912808309496719775225554388427" *
"1356162872346513528307421904729858613498952207587518412920062817009369" *
"78162727867773356898716124890216848449622341553034169474836187e-05"
) parse(
BigFloat,
"1.15596546402559645580663472206569398837766672112486575258931141205215" *
"8924809590569321581890494489392138456293652505474109063981327425550473" *
"99828274984275725692786421153574287645015734818842541766322080e-01"
) + im * parse(
BigFloat,
"-1.0336553967505028414424793321317643819986432171594433070006324432532" *
"1351079191704981515227596904083220607486206016518777229750486747937103" *
"309065102333927913041514406041047609146413302523613665190090892e-04"
) parse(
BigFloat,
"-2.1023821957037694418428084321971446185709201096690604251098512357826" *
"6670109751229377557952975015779377085567786533587438981711850827450546" *
"684933804596958961772084413588262626648695667017102149114865666e-01"
) + im * parse(
BigFloat,
"1.86873373002343895577514296946017866081631454880229242725069067276928" *
"6302477507852246912560422503741381814703878811129807316820090273912758" *
"85492053796870901604613027949517384464158163229773878686416030e-04"
) parse(
BigFloat,
"2.98658409405434306038507126250986798836770241265688399540215193214098" *
"3361004868276888493523384532610565744759152145179208421894016936855646" *
"75694534539950601318823386209020913477825824979642460351217603e-01"
) + im * parse(
BigFloat,
"-2.6436225374978287943537366772933415208388736443063271667944847351712" *
"5156044339974180131529430446888358850474329300427650058245980084648994" *
"209423941561482531272764270138030531414099768479293196876278594e-04"
) parse(
BigFloat,
"-3.3459599158366072330004566383904215615597457459335674762179315658112" *
"6657583123407059013382439676305200927234590384161252654806249385778148" *
"625053186811357444548698455189948458596203501588490566313892496e-01"
) + im * parse(
BigFloat,
"2.95263272835756575437033338139074089942124049744022293594341204804620" *
"3918703375783320137999918783443844515265282292465057969865221419650436" *
"42799649042479642770853196180218472290212009941074660084910505e-04"
) parse(
BigFloat,
"2.96466869686145687290715474800890087549721175607712895371537867604924" *
"0634836558501396908830872277863295201721602922586921639146788445133131" *
"76447902153510686449311290331528907753739431504631117773673316e-01"
) + im * parse(
BigFloat,
"-2.6099881617598219349627710170410384215336875031948844483602631407210" *
"8967639446650436566004860818620491364390416339262577671912487824182809" *
"810113979653313528902745370867089704310448791270654767226297311e-04"
) parse(
BigFloat,
"-2.0699917618139091998762924471431797928073928906996638958857278143268" *
"6816453822767013254563826367263141837622375958625414715650287647606473" *
"284464607240367858967457334401505549981076966355033856507017531e-01"
) + im * parse(
BigFloat,
"1.81893754043984050782853667265564553727918651941977043334468859845512" *
"3601686135643639808809793315531583104546468410870748968068057509611442" *
"48584788409922580278292239279036038053197980022138290241846432e-04"
) parse(
BigFloat,
"1.12675070699245875992823027100790909823226027349863693088682031187850" *
"4616958958664826650814840103388659728999790426206432294990462594251480" *
"95935869074549786661191619663091923096458241841295566979054226e-01"
) + im * parse(
BigFloat,
"-9.8859124538413793163234592465462893489206216268692298665883169697043" *
"6676235979758297369232919466472324288908498663479301311988850147190888" *
"369776494431600538574935362250674943115052833198123233469320170e-05"
) parse(
BigFloat,
"-4.6867381917838461476971110218723469472941709458181000305615068573199" *
"6812133384563005862935192260118854241766235180476322837147233254746080" *
"675290729735756956174091546942527279460114948855777458897785318e-02"
) + im * parse(
BigFloat,
"4.10688799081698795304550109679268858627436984926555461972892289658012" *
"2502608475449483871667193374082619238652218795631103932433882246119696" *
"40541384691288169387942081465553615564347860055899856453229771e-05"
) parse(
BigFloat,
"1.43998734688391011515584418110581916870220992579716532462579792317915" *
"8791901212818318743613130553289962032619450908587213187563635530192613" *
"72417430864533107281283044888295035149432685481430423683697749e-02"
) + im * parse(
BigFloat,
"-1.2604935250098196823770459315217622536812443335531540434303502511564" *
"5424876388156362548079770854406295001446101979045550557620519078108627" *
"846664099493125045785433875884942534379099251243991429067082654e-05"
) parse(
BigFloat,
"-3.0818737803546545327502928734587192072857570969045390021991426722604" *
"8354012747227823401478121136239579290694531878578758019219695980847390" *
"913082821741109992766991638810122245551683809577598184155329994e-03"
) + im * parse(
BigFloat,
"2.69528107322481563302055635098196737819551199071496085917885644385732" *
"7004494302089982206306189469090925553212046401619797883328873885570177" *
"55699994667541026523592256574032451512075691506753262509946641e-06"
) parse(
BigFloat,
"4.10477615381321672636194355474471173156137981863058420577294410792323" *
"1948045071585024795604408641900386747166943496069265626098635058032730" *
"57607306205406112201225200262902974013952830522125415516429943e-04"
) + im * parse(
BigFloat,
"-3.5870680725820426036537779392409326097443102380268733274314680733282" *
"1712781788525275999756832836044218649122291308128042298974626266615689" *
"055598610684232806625694159244162645660704985357695859537834129e-07"
) parse(
BigFloat,
"-2.5630932874620287920080165770778213216123034726155660892476470395560" *
"4257797177035239979140859933529393522007807596881817011448773767131228" *
"678002519902332400637525650778387018442603072837959702628461110e-05"
) + im * parse(
BigFloat,
"2.23830280864945079037009820675742302745114097622024529028377109466385" *
"5442026736467535796696965275140419830704774741048149320985970824817179" *
"57542553737473094786941884544291731165596652888932850377789757e-08"
)
parse(
BigFloat,
"5.77606931905670711535384301231605406799854549903442287116875166141823" *
"8303359356449816512382975858403305832982881194257595796739910258925822" *
"66648275021263704364784069260288724799307882683123077949414924e-04"
) + im * parse(
BigFloat,
"-8.6554173340188798244790595207287466003087230969592151831195258602926" *
"9628810503676786540779060139507531547305951577507648265628131649604633" *
"711994707883517799655665041089039230409599231014658782436999776e-07"
) parse(
BigFloat,
"-3.4437171242127503748085081948102637965537505221740237224033395503366" *
"1337597433652600983943860570899721715739594220623436962427753657569576" *
"144776451470487988684988402805331536789539510908509963764194895e-03"
) + im * parse(
BigFloat,
"4.09975116946301670808024889493854328749090256333747686721730787680904" *
"7263114943035229904504367651865133777159963308107867858971292231541960" *
"21216077586393050189004182395896610044154246506517937807725019e-06"
) parse(
BigFloat,
"1.53295142581342694297315206595560429187587920119073180198486101705131" *
"1923507155232457647289281776985299305592464321187985918645615868688920" *
"30045753835736567138830405525792174486333248482570963384729416e-02"
) + im * parse(
BigFloat,
"-1.7580752786414154576648178499935746702685686039471547888202825648084" *
"1343965097323994536625413082166451209719000681093755232543554518850367" *
"137584641926648002073762595773164109903132196228188863312753299e-05"
) parse(
BigFloat,
"-4.8762363684887326065958678863290928618378621960206587152689204986821" *
"9840279127804365174004770156671057021364297698806607642877474577178257" *
"368918064212008421726721829782712707482187739634800563364508240e-02"
) + im * parse(
BigFloat,
"5.50120725844007630919875988172727028624117349212445802546607142008058" *
"7050446601157507508599800907181643171583482552185088482342698640010523" *
"76654973957157258759834709086064619543355729740527563401812172e-05"
) parse(
BigFloat,
"1.15596502036355429045060702263631979436362019740415444253895523668038" *
"0712381968368909984016250366702097340009616254614502057326226604744139" *
"74122231881420535705090955082460846639965617488780218057947411e-01"
) + im * parse(
BigFloat,
"-1.2920688801921258839598240222050685968366127433184282746727922024348" *
"2625500602455580639531293431481255890971880618156452053633229741346364" *
"068565566921659590249082731217557975559105682841106418425043873e-04"
) parse(
BigFloat,
"-2.1023813971800947637818577358489852346923572201452606948540509888327" *
"8561352015090785121856930556255853913774018587513553232640675931209432" *
"654650537760080159923064525810467921009711433816597127675753826e-01"
) + im * parse(
BigFloat,
"2.33591650645552890975326663714902171945332199629024800188297124639118" *
"6695459728636484481432509492805428115760977247313233066900652183854391" *
"97973266295198368829986170712792407301243382116962586953376576e-04"
) parse(
BigFloat,
"2.98658296790848732089797736459418373463285508834354280089234208122821" *
"7610610156674649867580241443891094778372088394055187891220365517486515" *
"58534454906216696566652435712662912253340458410549355943108742e-01"
) + im * parse(
BigFloat,
"-3.3045272487756844077650460967368834959798500571286105980728245653590" *
"6141906024420426431729229989269793429756636667600218382678269408268741" *
"027316640971898144952627071673091409687705537909752307701962290e-04"
) parse(
BigFloat,
"-3.3459586609183879335680583159798862642988818412457415584914666444669" *
"3947971542150270350203550115725834353059853592986513817795361944720660" *
"521442628382472802347958790567508552288487196281035414729912287e-01"
) + im * parse(
BigFloat,
"3.69078988355346282467574614263041443751889259423742033087828234264381" *
"8972931434152858393398456498838845853196871210019205409540652944054591" *
"84678178008549221622563163840014257974229182138828546439105791e-04"
) parse(
BigFloat,
"2.96466758950762323674109829111221030996009323323569192400073854865049" *
"7892433938791403560309347157207941583029422302805464254306861980189130" *
"91590320752760936336129010174962692910904424312677387171308491e-01"
) + im * parse(
BigFloat,
"-3.2624842972417642170511172821240063768648143347105401905904457533225" *
"0703572841392515375044844166309829293008755329881872275914219185699095" *
"854477918911208117839650238215125440514076599627304600481101554e-04"
) parse(
BigFloat,
"-2.0699909911481297633536312883895245978076255707046016224185292497154" *
"8639662497722718728358152617480116099137922241464712359515499122584212" *
"905048371217875304432274570593338747545991472473736544799720617e-01"
) + im * parse(
BigFloat,
"2.27367129639200764711528099892902411924801975108335190524413173782184" *
"2547532237009701006352697471108655041033031075213578191263899356999936" *
"42794391227012434406127892303734311702959177378845395947747771e-04"
) parse(
BigFloat,
"1.12675028860471804213245452203726845895738056890903947117189541516169" *
"3783935142790528949749594683547823719584297275851893712553616856493641" *
"53951839028238602434704410250473762028535325428044819272650666e-01"
) + im * parse(
BigFloat,
"-1.2357387154513960545780177212652489196495347346627402621006866957330" *
"5527555954462192891002716950800329671615625849476077281149334714193384" *
"356794766939201903920236901751918278336791803326536747831797926e-04"
) parse(
BigFloat,
"-4.6867364552910299786328104206963802385074345448691524521174379587649" *
"1840362121747122862399381951039996392545574644462308808076128148913854" *
"069337002772508462967062561139943141264463099042538107831897771e-02"
) + im * parse(
BigFloat,
"5.13360857304287430457843596739774444565299838742886535091668110168457" *
"3050830548770688386161025307976873243904046728394063545249004704838507" *
"49651839120282424627283978095858393940738243402353097976876774e-05"
) parse(
BigFloat,
"1.43998681433111696831017673444342165733939534024596908201496653407222" *
"0982323274413190032801956852635500705735791970804030017857220151307584" *
"92977424030617526897529114573208442110672607687624234056245424e-02"
) + im * parse(
BigFloat,
"-1.5756164724110963768074974282425684136787728070054201699939698616616" *
"3544634385884295682299993510117579424572967301227041620604388121570172" *
"814364736905371613636274556360183345621187319435357641589559519e-05"
) parse(
BigFloat,
"-3.0818726423662168463140465756244489067515022329103601337164124371886" *
"8638757414484049632356814028487435256929933767993347750080159638019424" *
"169781234565224333786811914620872206564604200649478461045804610e-03"
) + im * parse(
BigFloat,
"3.36910041491214152954226275537618086138242824756586707894028953533042" *
"5277415665206763691930687477974408776678081950917932853395723045579388" *
"09296563620799241769727953121559777918827355936470465263503253e-06"
) parse(
BigFloat,
"4.10477464016584761757520189777500327684888223283482818777373877098864" *
"1260660748429054395892834749777882955144725510304509554744248803482468" *
"20923571834407445104460147601467660981999085480284485289256216e-04"
) + im * parse(
BigFloat,
"-4.4838338587500400009370586438248853659323657217988874287365054195613" *
"5444839731533449429004702445375403916307211231083985665618760616248848" *
"330549392014416226711080182171718254818193435235778346099184208e-07"
) parse(
BigFloat,
"-2.5630923434290298219193737425962480813105909701074109541661583517010" *
"5937356121757329839221761007449667098261361113467028492767880149849320" *
"139847308318418397695907789976266085589201583616518978982068473e-05"
) + im * parse(
BigFloat,
"2.79787774273634385907467220529613129267304765844230089501462717146572" *
"6908711191911255651147654438429667196984027578273747728099779229376576" *
"05132485628594102315863756736067747752409571254024186433387518e-08"
)
parse(
BigFloat,
"5.77606460698256225020780636886649264789612569936009442975382174485985" *
"6861709075710125974108647133528532248464481489478248034846946184831701" *
"07840416425425032758794866885986664021725946890773082582008982e-04"
) + im * parse(
BigFloat,
"-1.0386494956233317323312140592859404189140230379365927848996728800701" *
"8276569551442735289512221687069756037778616185961566680429386216100287" *
"154094691339017191525754246270296065791826554102395552145075871e-06"
) parse(
BigFloat,
"-3.4437153180852438007603986054161557929317183854137393002758726515091" *
"2357779665706311150208773601696862435715287153563995049113362171330414" *
"079491719568160279676106674702448369034736672885799420112696209e-03"
) + im * parse(
BigFloat,
"4.91969954819205895529046578516337095099573234493728640715137723209564" *
"7158716700561050802451900260196799761783293073367393847702594997670223" *
"14236238833373529563365813061579328628304177312572160024595310e-06"
) parse(
BigFloat,
"1.53295067349240205274752196543157366089825669934514529946645736471185" *
"0812315332808363280798025946305067064859907226300467020880187458180678" *
"59689570757036658064928429672884759872268409636565467011425063e-02"
) + im * parse(
BigFloat,
"-2.1096895789865240785701111548991268772703813927665044124906755821442" *
"4746051070993009320316730025536901154982217579160221795224820048597275" *
"436807599796293006859306382850194836522881736604257111472163715e-05"
) parse(
BigFloat,
"-4.8762340435952435940093219056079716884675154223995226535464963309295" *
"5767209777498296505365751258669412868001026992481873820870360153597839" *
"953835767816529130612181083137330488531779626533979186933769836e-02"
) + im * parse(
BigFloat,
"6.60144639800049751140942606906495528767762136871193923364168824414784" *
"7887012414807249911039143351221020777584052389597735890777153684205857" *
"05730514097968030525861900610753577622741574136893938990309836e-05"
) parse(
BigFloat,
"1.15596447811020531320225960938441501456204811907007977704531857994378" *
"7577285154544144205751808661746955472562456618371418476790379724151714" *
"35105549934946417888674632255200922861350458514077279356580583e-01"
) + im * parse(
BigFloat,
"-1.5504821198032785594785375926897364654574413999100085742924438191920" *
"0653797451334616367789914356255022570772517615301525017486160305479172" *
"844411851120491962509797701173017906395956810326447908397783312e-04"
) parse(
BigFloat,
"-2.1023804212071764077964449141326347348990365204586458197023708837960" *
"0885571011401290737343720719228448413193992634299094560018269702855923" *
"330183100471852168840883544262130705928774072524363219962130764e-01"
) + im * parse(
BigFloat,
"2.80309884550545934827273265956146242998950707874923864503066393381057" *
"7531963692306483479597408080144285491780423610784711175306326006008093" *
"50522240188895220985475213626428933250598621197979546223128500e-04"
) parse(
BigFloat,
"2.98658159150864557432839470249732173640164908035629470724167120839627" *
"1034915280584256353233961436307828901038906042517926193137652693467110" *
"43608472848306430492984476404027017509413673709196592401289137e-01"
) + im * parse(
BigFloat,
"-3.9654313446563016697019859075249505780990747955330782525094485071461" *
"9893203785701203595775386573706238506613992456230367725643297633633118" *
"403455834349166189921809794644893683908249552684585379966448825e-04"
) parse(
BigFloat,
"-3.3459571271301738245212920255976447221810673251273517705188534489256" *
"5406278656263659192412552901386578387067947349778684339290892074688894" *
"611661853269971767849814751099113238685836557437247724390380789e-01"
) + im * parse(
BigFloat,
"4.42894635415424751494124131104246946601001115103591113047971329484039" *
"6813427293870427867770294466339125326093613579207646697758315211940925" *
"84283463093934834072054064355963675775203305141665324941168333e-04"
) parse(
BigFloat,
"2.96466623607579429568420561357653054227652751400625586934415561054701" *
"9871719383559008256568218380140324028891328715497976773044987772845700" *
"88199465575006421670370594122883278282691465061530813232057419e-01"
) + im * parse(
BigFloat,
"-3.9149798294188486643181835455764022914936861907055585565162206004618" *
"1011961867104745493092554096863030817457464255890971371401352586866602" *
"197825417817512089903377261047242802134712448882954729386261757e-04"
) parse(
BigFloat,
"-2.0699900492237289336664334426030293155645311665974061696462441728531" *
"5341723250201380742123930772686318154588482958794406650085507773656735" *
"718844115130455525956492932734520768614668260736866169440757729e-01"
) + im * parse(
BigFloat,
"2.72840463290598235840996299390473440817249517558907655069933930983555" *
"8231606049762356353272851847679320671478040093380335521196066366245117" *
"26882478303694282929307753364344943670802497857771933920536467e-04"
) parse(
BigFloat,
"1.12674977724216273353685113555952621208813310261189522434001373083748" *
"9395751943218786090167404733409401542762754994272171346462511539961224" *
"81077187893834249008382433937705699033348599999396879316595125e-01"
) + im * parse(
BigFloat,
"-1.4828859579996521151394906911835450499870485046585035249310109916601" *
"6256968328660562263744955387396660895443640495313140568734503921957457" *
"790629902732419655099946973886131392756333967439546997479327722e-04"
) parse(
BigFloat,
"-4.6867343329119116700235362430506180517074833860194674429742108536208" *
"6966128643533230586985354162345399899436454274443536044344512393860805" *
"230706131677923659128165064237967254753041733033212513781746931e-02"
) + im * parse(
BigFloat,
"6.16032821161727512049448075069667627001673122480329462838086744552311" *
"1222375226708973781744497133024096024014010321721770638065854118277032" *
"69411195138006483086395127919398963304244885122794802119323659e-05"
) parse(
BigFloat,
"1.43998616343356208861886788999257523589604079001245247932628129200905" *
"9558704265420073571359499056129662870867997490349873609262252315170843" *
"55488446334938543103157048406147451806323500885915960235629443e-02"
) + im * parse(
BigFloat,
"-1.8907391305784854495644829771474736398141869384718744730722512180669" *
"2254477726996453330965137915722461110857588185530621001821503227081241" *
"424351687427433058134388730911312329649582591155173020790578717e-05"
) parse(
BigFloat,
"-3.0818712514921074550542707904087636827404242646474941599779931220626" *
"2985453426360224880076011587281878244000864979617705842473084363575766" *
"002105636439933002250074918808258437023622951293949094394529626e-03"
) + im * parse(
BigFloat,
"4.04291913885404220959609087567790839596606527059472490694326923663915" *
"3094056814677948460295185141519468846927904022050815118007364758162481" *
"90564107435685123792265962198950839207824526831398829924144541e-06"
) parse(
BigFloat,
"4.10477279015325745685477428942999634307210603031858824487183352692007" *
"0790456251472450528777322555651820414056397350150313207526593674656272" *
"16048968569353657446862808106928477555209114249748058655719232e-04"
) + im * parse(
BigFloat,
"-5.3805988236003509242578056438081216246393575080037610698633772145563" *
"2539155521677392128673001191763322341594981240826978203236853210108408" *
"824625187136920534935893884839913241719098745055594115097600121e-07"
) parse(
BigFloat,
"-2.5630911896114565906687428966088595617328343778147963267627886297644" *
"6617142335151227364177366532725998858687405305386118138385866106761948" *
"206143122695500368746454202201098751322115632309388469754090746e-05"
) + im * parse(
BigFloat,
"3.35745216477333242976737688434752265153971944488598443775041793045955" *
"8083874596202995275737400547342813629037145375764645371742245725681378" *
"52975730899717339213050848848624226390868167562696100586090254e-08"
)
parse(
BigFloat,
"5.77605903817251698742698860367149998127153146522114279827912057337664" *
"9883548874374301522383013934847720306940918939678676387599254210647851" *
"81607513182052868839556227544849823643626647832535706753694914e-04"
) + im * parse(
BigFloat,
"-1.2117569390495091248788901202626367722405852339279131582917873124659" *
"1963392622002680144323599962012099593809477471615678408489634457755841" *
"513677109928239591578553535981535954758040529760601254580815314e-06"
) parse(
BigFloat,
"-3.4437131835722217424174765160141687732896288789277861992388683861397" *
"5029624703367635881647433638719044358383549772803912035197463117129341" *
"205925793267582224180352651720337108686136142411417180737384527e-03"
) + im * parse(
BigFloat,
"5.73964691501489949940403186323143386988072937399151419780795207412929" *
"3754804833321304056708182642394684465395137936744072936274398181458642" *
"56151598363568464160417144720778375555021378200693675370376145e-06"
) parse(
BigFloat,
"1.53294978438625772273989045886667246004960160560010832391082491213884" *
"9673236010724535390075833867914736351246048805455802152409130081051708" *
"08274085082024567235401131659457249093950799181218271035791661e-02"
) + im * parse(
BigFloat,
"-2.4613034673049177619986892618796129676899647763110205092557743379341" *
"0245594272942551818331121858075932137695138083921688062824718282312040" *
"506350211731182391808129093710757626487321439015015389456827239e-05"
) parse(
BigFloat,
"-4.8762312959954317275752286848319100481387899489737919166034854661295" *
"9739318875886720858624147063976962514190349980272047553385041550756519" *
"255886871345947959608942404672388261551489917866612627992776620e-02"
) + im * parse(
BigFloat,
"7.70168427640183582021911397817754018617655821011570321442413226215013" *
"0846872592966927426340890455448404588693940442500576749243152022023869" *
"93461866056200595712396737503179187688890279767946398336655938e-05"
) parse(
BigFloat,
"1.15596383726570439213004193771229754970277127618426238278375181347284" *
"8252404532854149996405109579562979808238265641541670935047998302898070" *
"25913581270722152629083567285288272592869208053631244136329999e-01"
) + im * parse(
BigFloat,
"-1.8088950668180648727008633728989605468203727922205432075139281363095" *
"7754888614074201762277290266279569365037248119630818173359191301552169" *
"295755899834085218823889825154207273487560805866825037493156025e-04"
) parse(
BigFloat,
"-2.1023792677852914572245595815170680416686678101516794097625720851509" *
"9608460301713870809576476790734351945988733245117657170193403966571467" *
"346886582812122694848062045803737158851488343039722351518201163e-01"
) + im * parse(
BigFloat,
"3.27028065969715204253193848487982206106191499921303909639813687967416" *
"7017270953797060197391185268967697061091969921375323975681130760369885" *
"02748475123905142067164149966788229033832097837161388540540632e-04"
) parse(
BigFloat,
"2.98657996485520698124982648389948914532732819932828617392366933680563" *
"7228063595855246485307661819271878550446258584934251439392358491636628" *
"03219955673143332288073230830100132420257417027952057134428931e-01"
) + im * parse(
BigFloat,
"-4.6263347020607289481938130419255836866665941143830700066392583659214" *
"8192722352676570367211661572097853596077744381597275367031150940002427" *
"177581991226055766381576559715107508971434364933723739528560328e-04"
) parse(
BigFloat,
"-3.3459553144723972595257538602014381397833562826655813265259567642499" *
"7984507478155114554611579540903304257213298741510149634924377590798630" *
"060894690587696538130806809510709111604300372761016547442871393e-01"
) + im * parse(
BigFloat,
"5.16710200324144788095619406127558378882265640754378920299866529260663" *
"7878539951016879142967500173592586002657181376186922083352221011748703" *
"69370464663173847987079650496667214305615365719545588663134418e-04"
) parse(
BigFloat,
"2.96466463656635068452657515775272887874057767814204714757253637332659" *
"5107297568064547204950814999674650280604141721048965914205767219137970" *
"83549858317856356483008535681132690356207870409927025063251950e-01"
) + im * parse(
BigFloat,
"-4.5674746376305880091021177524878709773083830575464590775091284930167" *
"8841664255675434441701106342699265099927962675389013627968486850967408" *
"764383253973375322453039970624078600803094797551640484233719263e-04"
) parse(
BigFloat,
"-2.0699889360409711328200047104472774768359463170365494586400199802017" *
"2209402863248602996312483025932571100020957890746726225051081520729779" *
"275378528987679026094474129369860524557371191398198259412437970e-01"
) + im * parse(
BigFloat,
"3.18313746609446238635316070646071483375998728442728768523047707295281" *
"1667530173842828969688327534001573392428825168943211229940300217844791" *
"89842333927106602223514187585636841502178798679052002205185058e-04"
) parse(
BigFloat,
"1.12674917290493617520568875362077914715055261234724671673322872821282" *
"3537231009953652154160694606607208750694800258341186995846477955981321" *
"53900883455190681527232529321217154032497015018780582339670333e-01"
) + im * parse(
BigFloat,
"-1.7300329275252878783137868948323172445885327139356273119027767973498" *
"6135932916339785376423519759927023506638598213974564262171291078923857" *
"617758482001157724187898503381964422192463251347648651427863328e-04"
) parse(
BigFloat,
"-4.6867318246470854266800720212164529781537729991441424688800221118201" *
"4837471356079629468452995950419197507749960903677939257538816047462296" *
"605355007322366741225870416278917233499011550990871829215090666e-02"
) + im * parse(
BigFloat,
"7.18704671781064818205495194268906818022179688462951117848377311270621" *
"6337146890846233727486324191938157193248437531979339919728354952904740" *
"94526647686004585794882825837293611063376834192161643847097082e-05"
) parse(
BigFloat,
"1.43998539419142752241523350613617672268432371366376960065628420274218" *
"6836248633006077810866380082628704569113576767984246285784524311814309" *
"71810871422946761912576820305149154188731167433826055043503452e-02"
) + im * parse(
BigFloat,
"-2.2058614416654405719342110859937834752652923689657246013984923208370" *
"0121880317321491519503691605212886369076401626318546532960274775329300" *
"777679709241706836840170443892244800296750146578335476937467484e-05"
) parse(
BigFloat,
"-3.0818696077327150271634066768982141793003766907921557386595767554399" *
"6045255781958420144513576002319809284122968429208139209280523706499522" *
"490948593709049678024330071575719654631892267983257719363136730e-03"
) + im * parse(
BigFloat,
"4.71673712150192608759341875876606587676227812353715206299286915946504" *
"7407080946520206813170261691951300644248620529975890672040168370573265" *
"66908987000406013921974126514445151276945254913427744882503061e-06"
) parse(
BigFloat,
"4.10477060377596282696309596438638355513574003251646139504019387930240" *
"8026085836541856747692683922315055151268295138809425721849551163183594" *
"52211117824206374925960152643229341912416540486395826751737248e-04"
) + im * parse(
BigFloat,
"-6.2773628028700937735278484111673133000811569803284123914597577745331" *
"1538178263453693855485261332400019797612592925939856023906752534000907" *
"626632385059400804387810833694080653383466355433738305253629651e-07"
) parse(
BigFloat,
"-2.5630898260096310705413235654355579981443075369020811794545640585785" *
"6376344433702178443666821530709771076476411837320651045233880170696845" *
"655743176481229618384993514649389246997404823453962346196729702e-05"
) + im * parse(
BigFloat,
"3.91702597235084419049769224963313806455832547744666370048600557814695" *
"6773084245128431413607213285560065422042791162622822907286566004565856" *
"24629932253864788557437855286511023851467650149814940239912600e-08"
)
parse(
BigFloat,
"5.77605261262899792896394994564550853589796531250162760579226498705248" *
"2695673888088381198348495463899103973270560436263839737733952738157134" *
"38376027741048105597551056319850760977795435658080835036132077e-04"
) + im * parse(
BigFloat,
"-1.3848640105483055507246253330813384645326649886539510383852337123617" *
"9050541990173404273563261904048557729502771769585416991444417847328181" *
"632039134247805008264506978745458879610273432556337986719690423e-06"
) parse(
BigFloat,
"-3.4437107206743361451355337073777769773790264292755552914865639730381" *
"1538050493626555286851838540446210519583087150749108436225052778954339" *
"750725531340340517891150713567114326816225779491535585895288409e-03"
) + im * parse(
BigFloat,
"6.55959310128150077026444469162105945947407887197543098640260578423355" *
"7478610185422016760020759006279298458691883615787592711030304802704720" *
"53752813187635034939074304453790774223063112264726572339208713e-06"
) parse(
BigFloat,
"1.53294875849525467721751735807315690077205242557743408231158635431850" *
"5739229147255332174158916188375417209349623713114340421596047726087745" *
"82880371797116656334316110663497361265384451431896702892072761e-02"
) + im * parse(
BigFloat,
"-2.8129168749258699658739674073255384051206452091856686885060396098699" *
"1875840231961964048810590485271650505269682141357295666872370465736291" *
"332149145326382277521021026243710391299338518852631614906271745e-05"
) parse(
BigFloat,
"-4.8762281256900891257430623799248412297508844011043271068698664167772" *
"6959534808671623701077276130479277518506530221031907730248638041390977" *
"392274217287968368110925029042159166064772642654795804799660943e-02"
) + im * parse(
BigFloat,
"8.80192068345209655013196389074880661050339276173260528345348632349879" *
"8905632059187894510337031761284121776087878754350883709125963729253091" *
"12161751044313018941524736628986646043128609778468087821333356e-05"
) parse(
BigFloat,
"1.15596309783023455297215585094945055799463961436538814952789939389639" *
"0818819792186170682515141417409690169973900367548816028375670143250037" *
"64883242607553501616079611450433572203121242395182644768390884e-01"
) + im * parse(
BigFloat,
"-2.0673076724706968707668925476366173741736380417594872407425812265753" *
"8085799227216296943381482255442525462560657296546357057089393288314580" *
"891436711209683496503865793118860838294808323088834168256113465e-04"
) parse(
BigFloat,
"-2.1023779369147673739061352718256373376138840586390331669207308868569" *
"2759876456933654384986012017806089970217641577020267440320071966754057" *
"532756665983598466322557722140545195707737548828767322829619383e-01"
) + im * parse(
BigFloat,
"3.73746186155472167668785207662665926126851823660857290910090440887568" *
"8437658200662897961716736762825925236651840884762809128034689453063034" *
"49981801802801296351405266864580012378924517176038643089275280e-04"
) parse(
BigFloat,
"2.98657808794863145830191374905534076129632792378221575668448126204598" *
"7749920532255284830903847500334576163387436605527712369465919732152386" *
"50772769897584390231105720942449438452026093394719498091241846e-01"
) + im * parse(
BigFloat,
"-5.2872371979102851772216598655660243589098185803217530332253131116437" *
"3295640734011364130326882827320533217462214164312749888146104517231327" *
"340733811705465414402098374609140994429959960532864547632872881e-04"
) parse(
BigFloat,
"-3.3459532229455692015588732909719788494758968595851099885395515510565" *
"0909092059413118661297047812375792921379156382739490510060619816363751" *
"326930114416560439626057891503804120109881038688321435732135356e-01"
) + im * parse(
BigFloat,
"5.90525669389689226813050358111296168291921944407957114931703999593052" *
"8399272635610717567162140363114279008640434731685773603646252586445130" *
"19232722274302979199523320223360016079316335302269435399219303e-04"
) parse(
BigFloat,
"2.96466279097974224399207447537511811313694178431734304470290252653656" *
"7853483114670826973049129709192550202638538832221386564562578465756698" *
"14629600825003841215074077635159037441550398280968118458566283e-01"
) + im * parse(
BigFloat,
"-5.2199686012167591466008345867817801302130113997330295399198696278631" *
"9908937114569314112787625576993176479176934891970321768820936055922448" *
"628498946058792290565016057984849487967978079485134967579523808e-04"
) parse(
BigFloat,
"-2.0699876516001688592760761006148552641837900195007038839711514142015" *
"0280850585933960917270081422167698661945848938002442724094014845519526" *
"285255985781885979946162288247573750554955133965700188225490666e-01"
) + im * parse(
BigFloat,
"3.63786971207032887362288061881153685968706000117013233981110939945978" *
"2665630932274935708688640434783306023067381546881829062437161650559034" *
"90637816241614640001262664857642400331291960321719259354664108e-04"
) parse(
BigFloat,
"1.12674847559320777006770479249499466533274418193344409274824406225907" *
"6111518924541929655779560820609329587175815199242080089243265268908527" *
"33208587387085412320027835932975466006925271411047396801737774e-01"
) + im * parse(
BigFloat,
"-1.9771795785247844784803663269492546418798665278244874381537540583104" *
"8978718901591200572588661039956338874347215418506444308329407744316730" *
"602690956826124128922248042370822314592416346424464005607968673e-04"
) parse(
BigFloat,
"-4.6867289304972534900417026667419005814527986239045179585034938202940" *
"4631407899725540691731444453305264074319153445271162009804961508541567" *
"845179773608203773267654466255273992074509573354365118309653022e-02"
) + im * parse(
BigFloat,
"8.21376390289386302720585496325530869401307244062382978202364867878986" *
"1304520231419475338132093503412368928879019457619506521871944553068944" *
"62688747987450615785202910571662178399418963405062034242551060e-05"
) parse(
BigFloat,
"1.43998450660492841517920311668643924254856676182934454405121753875748" *
"2244227943060034003922747462370073224579498016285451828758050533706420" *
"41447621519371674590634451712452330510244554806762365266183229e-02"
) + im * parse(
BigFloat,
"-2.5209833478255415217166173988211812204087687034448185933626683169994" *
"1570610956485128284189784331851822507856400423632071821187182799205464" *
"667693605077114360600755707066850548425128638012887731188967155e-05"
) parse(
BigFloat,
"-3.0818677110884988973795450306628063656658908516743046143201877494373" *
"8233156755693491697179275210652680213505714770693966875583479518196271" *
"858871490432745039962327225449969045977977499093382925809860382e-03"
) + im * parse(
BigFloat,
"5.39055423930747073629144270620342598736149829373195468641484828777038" *
"9850187498294677333821380183581104170910295843422723325906081632382603" *
"80399414152628525563009753067336202996580905385686555163896221e-06"
) parse(
BigFloat,
"4.10476808103457423427190710125835835549757545774653886052657214486786" *
"9610354272359605601093151321592645269394759761454381698028181120818851" *
"10307946599862308631734245344452343613807588962683057629786091e-04"
) + im * parse(
BigFloat,
"-7.1741256322967445997815016399214544733571515157126474934836699855473" *
"8562874547719371438972018924434749869637130313107596291358769345910255" *
"790298603456358051062178529918633242099440636341068712722749000e-07"
) parse(
BigFloat,
"-2.5630882526239337739080245076505850061888194256090754717382842970253" *
"0851458203832464651950817857686810130980545168308189947105365446040146" *
"888853214606703917290408928548137052038045120096457495683161698e-05"
) + im * parse(
BigFloat,
"4.47659906305952969497410237399925824096993951599370004924496513885893" *
"0615605644270154415574111615017443976042497297977438793217872610145120" *
"01087214387523491568813069678948903167747681469723080446366669e-08"
)
parse(
BigFloat,
"5.77604533035480499618517595630861200510536841622771350803236946132810" *
"9138253976631156597516520624552559954583854361658494638746896181366542" *
"88502964496971910452813279933711777854486487087025598007473610e-04"
) + im * parse(
BigFloat,
"-1.5579706569878047616024766504629542688802063515802935062129151038695" *
"0081108081001550862208008666828302553541633382840642743613553582661299" *
"471483805296168297526395630651764196444828759658834439599948414e-06"
) parse(
BigFloat,
"-3.4437079293923392527507691814353530027022325877860441818613736594923" *
"4376572989068194271522981142278680606928655964713414221261056513263989" *
"445749368754201424732942933558636359862241201158599148840169507e-03"
) + im * parse(
BigFloat,
"7.37953793834228491077889864959382408371035596536376425015631621230877" *
"8842945578248152093561874992296799606675946314700140215890288243157704" *
"76061547337288265888381930441489615690377205622190374496920966e-06"
) parse(
BigFloat,
"1.53294759581969375155977519986539887676664673794169645021711746877299" *
"7094793153080875593413899337273652479670242938098221548278802661717550" *
"94849028555448683772161524037363071748782376391588538439740149e-02"
) + im * parse(
BigFloat,
"-3.1645297331788353542932942459398445761519934147486467958169148743731" *
"2888090302249594841855721976853583968791387747475162246485375804823097" *
"717816830803605109932937986024859368700609317620604749804082939e-05"
) parse(
BigFloat,
"-4.8762245326801297703964256139369191944288431006459532985260575260149" *
"8987125715063357709540871373735223452362134753143550483507153508819373" *
"885871906846176356121860930091102709705717200405535638544060021e-02"
) + im * parse(
BigFloat,
"9.90215540895983230535866423455547296742436916119324979043560095530201" *
"2362844461561306892997064422219995969050098050550128780318398469733473" *
"62068407000239209997808447139972916388620907019005075504484569e-05"
) parse(
BigFloat,
"1.15596225980400697905611834146212758750689648034528877103050761033333" *
"1806422707038585097106572803716198999531195013688860940464372687791155" *
"89439342067159378465637356336887861759681420445319894118203822e-01"
) + im * parse(
BigFloat,
"-2.3257198879955126501915168983776680931476370273493867961719001987088" *
"1639966145915541960494162525490960527195600543070099219127904810005950" *
"940269541204599383044824624610069922416819366320430593546407120e-04"
) parse(
BigFloat,
"-2.1023764285959819980396589795574924563629360896696407651628671367674" *
"9450425363831900019876127897960993531173326005259016702644384051985351" *
"343910324937015927474117994634234345911079021323996267048446530e-01"
) + im * parse(
BigFloat,
"4.20464236360250799977361495577399637800576108808529880570271805684487" *
"2870701105604778974465957268682585080821248745330405431018081986875106" *
"09557560410811420795533404673594078965921491072269212869344798e-04"
) parse(
BigFloat,
"2.98657596078944967798954983307009866380894605092789324132804619957664" *
"0242047916006446096530945444883310480511190143535094093084049064633072" *
"44388148457308121241235946372904523810396685330411479722104871e-01"
) + im * parse(
BigFloat,
"-5.9481387091266049507048959268834883122310448700295518416698519099622" *
"8112153886366462220872068183266357952319572362527796992113562012126806" *
"103062022795199635827931436269987682125061814666102376636298304e-04"
) parse(
BigFloat,
"-3.3459508525502792226871397267977687503655838020631524371756571334447" *
"8552271937935426467983122983827991699060199601059901888471401609194861" *
"187367674347463585929594774998236608620653139919489519182664034e-01"
) + im * parse(
BigFloat,
"6.64341028920275935938904532845710783684033569530833651298294710560663" *
"6230657481584637722279404827965490692787109163729493630761227829968211" *
"80611591046100369989643024681826402881890721221588688745716159e-04"
) parse(
BigFloat,
"2.96466069931648802054248893288644701573528069663893802652702061771348" *
"0194222871376697508923696369955098694468287685673796102870002658501845" *
"66623891475276945301962746849194119377039229911284641425096596e-01"
) + im * parse(
BigFloat,
"-5.8724615995174471616852352932710426429730640316957111315986033829189" *
"5714855552675710187492375930361512688485701317154637450170529518252521" *
"897271630118206910821695768861785096162989019374925045218838849e-04"
) parse(
BigFloat,
"-2.0699861959016826878168979831068139646921797675119688307409092058897" *
"6256751505356835971843850943845467112355326216627696848275335797010827" *
"876040315666291686731968049833936172288845376919009616646965687e-01"
) + im * parse(
BigFloat,
"4.09260128694667692704517243888668146942735441565583351458897681998352" *
"6154882356265240638601810316065837612008445711464430931896618682964924" *
"25736513900830925785781413406276259860253994418183118512160731e-04"
) parse(
BigFloat,
"1.12674768530717298284249736585580760584614877803492731294724200995876" *
"9746901088033986176597044752252335800521805447036156829618323143472178" *
"58110876951745960364084072426863437994520322089948547732950801e-01"
) + im * parse(
BigFloat,
"-2.2243258654947389808409005088795013620515850851776312184775038526438" *
"0796941852961858316382565765860704487036756875701330995436445013922765" *
"146099301586997537795842885150423140439250211005191258779778832e-04"
) parse(
BigFloat,
"-4.6867256504632261378713035999348605731189740237239454876101926696066" *
"2675015738035955316645789094178975117557213861028705819655949442888701" *
"819555765340814605777328588078312678347762477609834833646522203e-02"
) + im * parse(
BigFloat,
"9.24047957813826957617862154274440803183665483640160934471456585148532" *
"5840688573044427083915169402689307433197850153064490817080706857663177" *
"15623117006069456306345632130493154741118250998293048289602466e-05"
) parse(
BigFloat,
"1.43998350067431301144396186782161615461001569850180280384714137584366" *
"6410715364053572062179506591300789031254867775863086993246488035860883" *
"34496710789574127298709152464846520561150650378409285494138186e-02"
) + im * parse(
BigFloat,
"-2.8361047912125152008205003090106807072463789431506065714087695158431" *
"7528137871726568665331839330661778881339779852639816459321468191040141" *
"473475753521296806566706595541610927583473774294836035779330584e-05"
) parse(
BigFloat,
"-3.0818655615599890667872113747429854636839957310675624995429765357133" *
"1462152339643048340048889751060193935200376619800429405682923650656343" *
"771052619467244972360948870826056854782226505120745665857988192e-03"
) + im * parse(
BigFloat,
"6.06437036872266774618219872654302203060307681929335526111081392014187" *
"9389332169747345113806384024726728611579024281768887920837584322886314" *
"83849188016446883869967488991639725548134154432819626396462552e-06"
) parse(
BigFloat,
"4.10476522192979610849759350269087775711764120455665090243152954510687" *
"6549206364154174630084109938936091483103936800179234437044084725210530" *
"74762570486678962316777555344606218418513283287305734706299766e-04"
) + im * parse(
BigFloat,
"-8.0708871476181967132506253626160200203122414405605957722335593786410" *
"3750831756645342703409367937865131845508560370596782646477055975005883" *
"648621290075325328393229067439368386445054687084254040509052342e-07"
) parse(
BigFloat,
"-2.5630864694548037530605732315232707033551538790694891222311995322641" *
"8210109204894808832152354724576850163463362820760754688052745090354432" *
"300585860464629688466159004095072605953078439003278207128698158e-05"
) + im * parse(
BigFloat,
"5.03617133449029950656316616506590984556860105054981475549317819339625" *
"7387019421276676000238336506768177029286498177149897888260169531961215" *
"27257014848733150550565837029283749329351931724060759753983218e-08"
)
parse(
BigFloat,
"5.77603719135311142817248655292804379031847323685687223503646090182821" *
"2479749828307075652933692487438966602427101131888936906951744437489234" *
"40476641266446872633647603064888816526470477328164097550182385e-04"
) + im * parse(
BigFloat,
"-1.7310768252363172072714787351751936641426008095088460098442349672117" *
"1306205340681783215408634273777301735072223969910868785997572813099271" *
"064396808786204826239691228513738211812128791268417733046316232e-06"
) parse(
BigFloat,
"-3.4437048097270836072347475249460499262141091413167137077251119772771" *
"9879087271794921927776331879295879393001608669553687225456059902070536" *
"384911476848414498406852085943704611785964583297489556814740527e-03"
) + im * parse(
BigFloat,
"8.19948125754819944953565033966184583472077234986731024516079017181957" *
"3210102107109814499251120939105887148487811587944846611697317471506414" *
"51954236611749232446524795379864300854614104522565534747064036e-06"
) parse(
BigFloat,
"1.53294629635991589212374120287262448043715114770966916405454589872900" *
"6226889777467014251940656153824342357068041752006118683038139417743479" *
"07543533563917060060855326230065177077470868830760384041571986e-02"
) + im * parse(
BigFloat,
"-3.5161419733934756838629057452653653611455060211124362747839186871272" *
"6387816635995816515556280542222366122867881981427770694484827059126146" *
"784050062981357482700861635358426370112323667163490166597009038e-05"
) parse(
BigFloat,
"-4.8762205169665895064490303210547826097468729240460261952054483125424" *
"5863280037039096757571832156508738074919167224948665039369800767437176" *
"942064868030226654857399486529206420686712863669639811924288592e-02"
) + im * parse(
BigFloat,
"1.10023882427342211632777894668712100940227170989651229760372283589130" *
"8045254688828545694641490015542436477299282470705771009547214439938188" *
"51990787497177551762452160119438488117240581821069927518012269e-04"
) parse(
BigFloat,
"1.15596132318726101120594947039566021309342714794031508770237162589793" *
"5402760992232035859463602103282579819477856449199171143082882332639937" *
"82019349254530982285514130608612895677332442311548808639178317e-01"
) + im * parse(
BigFloat,
"-2.5841316646269943637386023530490690509187133506028677583491317814935" *
"0650557724113660710348470611593711845097867025423941220736396736362254" *
"256461920916793626741110443519764449256950113937390098520189523e-04"
) parse(
BigFloat,
"-2.1023747428293635480167208413110298049818050039252843136467729249206" *
"5668505496698860694597286041083673900508186559474549713966272703721553" *
"516887703064442392068255942465345028026539355732604140081662033e-01"
) + im * parse(
BigFloat,
"4.67182207836510797750437994662522428597630874593099107245489840549615" *
"0060885781202128973923498892900448399261357201900491373356276768656944" *
"39804385029858665932806668591937962976542396088229481675642869e-04"
) parse(
BigFloat,
"2.98657358337826306845108965548759053553118394123144607467371275201663" *
"8416421661820072227658274810168686439729852008247564368269369366652320" *
"74089731839850084635339302986905790315511256398464454749062480e-01"
) + im * parse(
BigFloat,
"-6.6090391126316836163310512321339816386556944237402176408985531437454" *
"6136997044754334519576159758238188974290756165996488731430751118050952" *
"779836709943368154209327886006464044518140978436311933627384434e-04"
) parse(
BigFloat,
"-3.3459482032871955038090565631253284919545909711247642870436969810964" *
"2012343322597064153810376752444309436820729196967177876257202425262877" *
"577565455205761187283060841949425457772426272868508515955695708e-01"
) + im * parse(
BigFloat,
"7.38156265224162822289275365820552151458111017627624597450546639136335" *
"4335567162930892782392235110454460224492949819076073698073653408205667" *
"50398167082572915430937548386629142991986099049111575270088571e-04"
) parse(
BigFloat,
"2.96465836157717626615153973501651668319968945946692559988796586497576" *
"2755359286609775942597050787543252168794436435542335078395303323115389" *
"00917031354952332814489880320975176728603932777175049879840991e-01"
) + im * parse(
BigFloat,
"-6.5249535118730893555600857173627465213701242786653825554970204548310" *
"6850586578055134328485894904984715285746752627235548890898497926031901" *
"758156730393453584943943944130853201138354509316587596154304829e-04"
) parse(
BigFloat,
"-2.0699845689459212693884258494904225109182500065831993427814247405508" *
"4618752119391451391909924284597634088058461664122940695223473389940716" *
"796314877546885431964540881545547529515679945147076760415261705e-01"
) + im * parse(
BigFloat,
"4.54733210683684618359907185692050448254954016568505435727453753725890" *
"7788888956337859620166367413393564587220367633144463499706326068442242" *
"75688160958861085862799545401980584558806135917059505417358179e-04"
) parse(
BigFloat,
"1.12674680204705333995559299603633618378770247701648056738204643436991" *
"5528660335654935579564322768945227857902886915408182279552588995876682" *
"67868293401239962326510527389036780045627693711770115049275951e-01"
) + im * parse(
BigFloat,
"-2.4714717429318809428018311084603982841717239521740345861839663742300" *
"8554940907609644449319722318847898287034449329270051003163000674821920" *
"219640273007935019782246138554570332158163497676237381774355290e-04"
) parse(
BigFloat,
"-4.6867219845459216839035209601688495375239935257590226622415698192962" *
"8789010326299589394912940152602615671705193236516524154806504370567188" *
"559154198262936731473357390664513755273598798495764284543745915e-02"
) + im * parse(
BigFloat,
"1.02671935548157667568539042312973482676473689930817304788498594708357" *
"5219944992626405439557721925969537940586283053502123753737090407093023" *
"64135150447544909039046582509825706626149057515635772816376689e-04"
) parse(
BigFloat,
"1.43998237639986265468822981244119113129834052219771861624442895746513" *
"1566600774301257274912573720789023728850201119615100986261137603643245" *
"69867826542224031934510509761144691515050511751282807250518746e-02"
) + im * parse(
BigFloat,
"-3.1512257139802566527861249373700976549425387900885552826013230738115" *
"0285530317149976324296656299249065207092502678840726755853560191019559" *
"094801188573022322840699364683667205550880943526287352732075058e-05"
) parse(
BigFloat,
"-3.0818631591477862025875028939548526595714030075314240502408495233741" *
"0111337271852514563422192155188341721379469995230584166127725980077768" *
"813779231568701494691552931943473722258947254016963576066213939e-03"
) + im * parse(
BigFloat,
"6.73818538619986758472683899982581474022130282288404098634055181275836" *
"9968660786269367029395233950205427685172961326616676314905407482191415" *
"10196288884637145889384831052434676299136421927568492657383422e-06"
) parse(
BigFloat,
"4.10476202646242680239581084330221600799839806934374947813194477165119" *
"0885440748539375941131110183935158691087772572626661354883928838699001" *
"26870980694251862298861425100165978447269160290249907578534893e-04"
) + im * parse(
BigFloat,
"-8.9676471845728202912341375066131008611266252325560860665727193779277" *
"7654344839977764179187057960780170872955605605470302456042546640535498" *
"068963316671387340684766118617338319993330777747321050907421555e-07"
) parse(
BigFloat,
"-2.5630844765027386000212579865241524038487731385560748951858254689366" *
"5123411101704414518463470106607892602302746297523865976299330418332596" *
"461149073479113371720667346885723997464970393839879676273765897e-05"
) + im * parse(
BigFloat,
"5.59574268423436134216054385791430451283068833467093021163327150977441" *
"9686192453771088964996152141694128927179892835055336777455841444959415" *
"00199202721071009293405461726762720752647242753015740254747915e-08"
)
parse(
BigFloat,
"5.77602819562746377979796985750572244784087153839009045166061861336242" *
"4213394908070430623575127726476312615572896219972133155733520169713492" *
"01733117002044082699683634989239814766390838059568147803174189e-04"
) + im * parse(
BigFloat,
"-1.9041824621624083722900803640321025426687200209599415186085343821076" *
"3227238071201183918165182704795404049745448370496208304880216475278239" *
"931818164593422045277001951151055037062496632185660124687516124e-06"
) parse(
BigFloat,
"-3.4437013616795220483033523088744494525660714330099656351903356265379" *
"8453902576230351345474511879432220030009943379376344565391975450431367" *
"991549620748867914766591459715286956974950919050794471532785851e-03"
) + im * parse(
BigFloat,
"9.01942289025078297315040545722343102028595285202603750852681489150438" *
"4156745223564048647424360732140984552219850175238487101071497785665069" *
"81107512707802921091168299190651963101261788541701215064735650e-06"
) parse(
BigFloat,
"1.53294486011630215609186837658385051839788320711522325757677357158570" *
"5958651808954802178840975474864127361020234271142323645167628239779115" *
"72237400909475366865978024284283098854185445779814161717765701e-02"
) + im * parse(
BigFloat,
"-3.8677535268996856899283504734377486440930012538621366037800792138168" *
"5836799770589642852363441490024037461402698842483692065652128261786416" *
"447360840353693396275090427652259497494493163544795237556198036e-05"
) parse(
BigFloat,
"-4.8762160785506260413868100403070725708182437847292857161416944167678" *
"9503839073846187732210628665210608352309732448031712253577034557296404" *
"600934718481633421332518555212270167603809221566849990643040417e-02"
) + im * parse(
BigFloat,
"1.21026189745851448575841570162210222864951955878225638986838659947444" *
"0828598976614498462081903245005697071707663705562972680755739936135198" *
"81350839705572162163432083589776760361186241750995087333500787e-04"
) parse(
BigFloat,
"1.15596028798026414763698549681875076692020504122070726086525458580843" *
"8601946890703296763699386894008484640172301304861012487592581859006339" *
"19971926395129810403891878399875628400875460799858672897344169e-01"
) + im * parse(
BigFloat,
"-2.8425429535997862272234149940031425859839551984322627501685562396652" *
"5601282330606617674048016217509222254231462363918071232834202331064738" *
"438520043833923574308907075185532502929485209098462661067633631e-04"
) parse(
BigFloat,
"-2.1023728796153906202345040475953854162847554393785036666987158567873" *
"3954860627081062626441673980759725543532805536735488244664484652053960" *
"002698664118706113681674485741441834465442079820382499443676420e-01"
) + im * parse(
BigFloat,
"5.13900091836740794395541734303747701102677179966290994698164046317841" *
"3730388635285736074851647145424220045055078564560729154154266444225481" *
"91908023945980456779440236313077841076302744615832482243446486e-04"
) parse(
BigFloat,
"2.98657095571574381319565396347015986385125891206734616241531301515943" *
"5047934893277155764423355457923538883479706230732015169841305254366655" *
"15746435449104900592920229066853348474554843909273226961744259e-01"
) + im * parse(
BigFloat,
"-7.2699382853479223692069529544950515916826560654422871250057807565681" *
"7142627014238659456725182352736724572016588149919634058024709505680384" *
"794488360305136102926151293861691259647467981942105328220194109e-04"
) parse(
BigFloat,
"-3.3459452751570648343638228600463350155308631180971435144520802859802" *
"9551449153205034533421549467431480448906107442573241536656805359537922" *
"711870950646589824905761769195323538417971275353132386009427608e-01"
) + im * parse(
BigFloat,
"8.11971364609652835956156801910064751359740313091731994384062245358756" *
"1347703390639809204674594629449021679394047980250741654293803917089232" *
"25439198813200024485093705380025307963271301913501087295815364e-04"
) parse(
BigFloat,
"2.96465577776246443804877138947057679393406440991384872464633336274816" *
"2212976579870437860407286710300971559636213239404216680568735256748978" *
"85465040428934157548276479418803599338975380451869134336599676e-01"
) + im * parse(
BigFloat,
"-7.1774442176245192722507897053683833121932078273939182926849926621161" *
"7494090255433637272287808735407087054956257136689665983390774582635083" *
"527424738181656216549940073229679831482394243361299087641445302e-04"
) parse(
BigFloat,
"-2.0699827707333413309225977653270204717075015551525490701012483481357" *
"8195396431850771184549603685448626495581128536924783170891814471856359" *
"331896089023767889781339902698673683698312428559570652411493939e-01"
) + im * parse(
BigFloat,
"5.00206208785445137630077543772448142669787877740445518881124382706203" *
"2025936326774318488883736929452684967866589204822137533938573165204324" *
"56734386891863787418282423381248056431795784259500796992065816e-04"
) parse(
BigFloat,
"1.12674582581309642944219015949119474348966432185127579621708037355621" *
"3845440649126848666770872726485560013181932757976046080452483178656945" *
"74738206551499155929443604837229433883250658722620665682124087e-01"
) + im * parse(
BigFloat,
"-2.7186171653330889752915401155750474779111657764989110687727978441740" *
"6583894695306653433582844223386857243505691645036698408170439490947496" *
"730993142736327760373026963616894795054996875688503068424625953e-04"
) parse(
BigFloat,
"-4.6867179327463664774460430879317327939253790293686680848860719555206" *
"1012004278320324325914170168176139316111782137774467554283309295951798" *
"707571148684998675843021656604651581788399982475935034229457695e-02"
) + im * parse(
BigFloat,
"1.12939056441988711298545794440388225915659358440796090584237347446705" *
"2721845644524228331578055768552454372754937234827975342678946988224463" *
"06764721523308804752753304568042211279243743252309438308315666e-04"
) parse(
BigFloat,
"1.43998113378189178721417862037563219961534062140824301482269530581779" *
"4308698372868203909469856718472412682288446904695224786141347028333341" *
"68702085595854630612002297227953926493199106207131191665518876e-02"
) + im * parse(
BigFloat,
"-3.4663460582828500802249339341657770529191449949724057765131729807073" *
"9285521402273894705423043749272980850607264128004671571434448483696800" *
"320273138808204203826747637718863884636618541420242748575387900e-05"
) parse(
BigFloat,
"-3.0818605038525616378375773371669917717085408456054462280795828376315" *
"2112030255366502200776648353779108511884442752462694698235474828110813" *
"412535396292225284305795162555134011456439367328082826781043657e-03"
) + im * parse(
BigFloat,
"7.41199916819182445541305718564448267098418354946508172625336674242763" *
"2350561430808469209593277274551080111021303768848428352463215533758030" *
"08713388200590377764546043682405207147209111019928266811548482e-06"
) parse(
BigFloat,
"4.10475849463335859141539265103097920687330171364605247222973511517909" *
"1821769425481056159647748792199438447884322505924705883691746512433447" *
"52991525563629722693579465899299081628950367272636248662510112e-04"
) + im * parse(
BigFloat,
"-9.8644055788995219857326152959073919314670864824715617639936738536503" *
"8571913406838049348397170733141038638433307355706679521044384244355420" *
"463519234572217812490412115699612045003420633497088018016127291e-07"
) parse(
BigFloat,
"-2.5630822737682944463273023320160077070092504749262258207420967692553" *
"7338636169602407325603914346777749754905747128873457978306949287382805" *
"971525545364283440427622328414562949640485177158408567487211809e-05"
) + im * parse(
BigFloat,
"6.15531300988325721591568740708879509578908461069513490172176891580271" *
"2746404128494912356538021883312993977885478049246890296289672394274135" *
"80339794882750804639513908827416683756537857487082171494061872e-08"
)
parse(
BigFloat,
"5.77601834318178191957244223014112223969857820143749035509885754840054" *
"7430041676549221539282214212382657669414280460557113417484170987234564" *
"49197858183578788514950926204028831837803403047010742823288993e-04"
) + im * parse(
BigFloat,
"-2.0772875146349271126216336907492983092211191138991412020618273265174" *
"8089661420726868772754913323040742816946413311293505717843592255047528" *
"097621070337171635649349802147769133583111883314049889433496236e-06"
) parse(
BigFloat,
"-3.4436975852507077129797347436664206888509820739136662975010516922259" *
"6132103040930364037487058220367377977106330476257138402690762849008659" *
"227934727253328852214161805260186118495670575092822425055068820e-03"
) + im * parse(
BigFloat,
"9.83936266780223079830785532686783592130818466904445021574236619240652" *
"2144640769699365323976858598634712924818651604094675871210005694351194" *
"40869499440456274023880908391638554120728875254637587788046471e-06"
) parse(
BigFloat,
"1.53294328708927371130173586687115478108735780416037513299827584169425" *
"7779855390944659967819998082376524933576633624633499842867755741028651" *
"06126532135182263100169438369437182158853933760001571932235662e-02"
) + im * parse(
BigFloat,
"-4.2193643250276189726873204021047399718739792950695830134415676618672" *
"3654618071573986668275300017977583785785498885503524531542956457763443" *
"155990801455909050700354956211611923107656170801015038295870825e-05"
) parse(
BigFloat,
"-4.8762112174335189447561639103995154414353227156300403357384116052810" *
"3176020808883240960497728293662581183119339823979108693215537403638608" *
"399843563465281653391934551271064167262310212181782471127652186e-02"
) + im * parse(
BigFloat,
"1.32028473943232669610850812534714656808154519759948207580547897905029" *
"9952564252456653743312350049811185613147152477041305844537385501945488" *
"29816862120071057120489840514574241763770534299432249739614592e-04"
) parse(
BigFloat,
"1.15595915418331204383831727380817481659503751989239215405082116822223" *
"9868344600686884683544147487919722128557293464211004353729081166287644" *
"35574480711625762778421471027434165680530261399077662965616796e-01"
) + im * parse(
BigFloat,
"-3.1009537061487125262343312159776829577671459444766558488857247713080" *
"2838574624990707385789809654048495763643510353917561832667867418339043" *
"607664058289950533369778366749383985100463633984034368645247824e-04"
) parse(
BigFloat,
"-2.1023708389545921888862150873539533923330307796780376802961310929219" *
"1303789336227261375174049325129800494234203125320480614514847322367997" *
"033392891383178129005985019000720010663960810631910277916440737e-01"
) + im * parse(
BigFloat,
"5.60617879613461575309652328653498151648485847282543875299959379473718" *
"4427467594515456069576359327403152969726062107001783653848121432421252" *
"39007486641372820348238838292175979578054734143114401666511177e-04"
) parse(
BigFloat,
"2.98656807780263485080952867168749114576290817034706763408258819649734" *
"2302525346753580404301012039174027336632744557171337291287355913096491" *
"88397897030520140131565585141511471875778936469098688228427365e-01"
) + im * parse(
BigFloat,
"-7.9308361041981733453087275906090557514568956686593848454297104639088" *
"7409328391459720764952773303202967206992719353006685162809234062319472" *
"628812424553824560409699851612561777580181992939242549979218502e-04"
) parse(
BigFloat,
"-3.3459420681607126120057428081424356230145849758948714641740242326230" *
"6360559664166247737296149119378112180349704253079707027925710186273140" *
"566461482349710702329067451633844358596271423145010774513818240e-01"
) + im * parse(
BigFloat,
"8.85786313385098975037447603667660297160363001930725650470493674770174" *
"1380968059121291843325710344334107666987723132692580086149986869594037" *
"51573618971444262266583150055502044077726307217406219155073988e-04"
) parse(
BigFloat,
"2.96465294787307919843330875196424596775721315176502991384199930896155" *
"9415749492642839688827678821931554058022139605961032281940936101863828" *
"36429524354256168510562910807198726331551149799583724531927694e-01"
) + im * parse(
BigFloat,
"-7.8299335961130107248942951102646266311899145350755245672851935979721" *
"1826350849209494386696136437900347011172498075410426030522267813829221" *
"033068391503341977494128787061005441732797620173608476567948653e-04"
) parse(
BigFloat,
"-2.0699808012644476751387036113205302266772808817711284814517930258866" *
"5080334924943433444879860195264935488909945107080015032370778739778486" *
"900479760329157518852459203812619497751669384531354168934499945e-01"
) + im * parse(
BigFloat,
"5.45679114611341289995195189074537104229497249551061238532682345289061" *
"3467173765776638706930651852873885356143651217137318151004640270200575" *
"98925614682180636175360987620684629191199358696231365255140412e-04"
) parse(
BigFloat,
"1.12674475660557590083957871872335166068067467483807417801016349276109" *
"0001131533727748019200773719199792797862830513567810446340704729190579" *
"97877030182363276093396834431685501986649160594314422471764200e-01"
) + im * parse(
BigFloat,
"-2.9657620871954073040039581396766106335248751523610105707463761352397" *
"2156530010300600465681314756742180514243251693319126774435428345898798" *
"057705362080094630977638618473954537128054783454317179280560941e-04"
) parse(
BigFloat,
"-4.6867134950656949029339634950050290586030811949022665630176325237884" *
"9090560804563844991448936076242044960663413730455714166598343526964775" *
"519689227833580101065331334924640616977180116070737412792749654e-02"
) + im * parse(
BigFloat,
"1.23206156575607855133341106135093788805043437268725707464738323258822" *
"9110471056954979734120612908769297808567762152511238776747797999804940" *
"15808088686284595706943872153264496556676226545456275374180856e-04"
) parse(
BigFloat,
"1.43997977282074795001098577067817784602465721408956202797746259565041" *
"6782868829314737480880495108749075061243175236893800364727185929883232" *
"65913580565116873031843953991975758021669584235024973468010105e-02"
) + im * parse(
BigFloat,
"-3.7814657662745898621660036124436760217023766218532315209932175018905" *
"5736700535636855119238447839909143589597777986029740647438752260881628" *
"604119941787417595235747000582273299708469816419058232825063674e-05"
) parse(
BigFloat,
"-3.0818575956750573711594940288224999852122525354761821854243277055380" *
"2538381549560069719865361860067700817436609739666067080627924458303636" *
"929863246655238317070949356974007164483739664649035009748636050e-03"
) + im * parse(
BigFloat,
"8.08581159115174115661355650942972660584066572363784254797780350411504" *
"3269187569807768199642542804412491274282977925828689442339302757330005" *
"58385279806021258111530639043409359355562944710051257410832164e-06"
) parse(
BigFloat,
"4.10475462644357767331154220951646372538948485244985806707218837820369" *
"9839553718320932230718594300805080228485609252977627530499281711216307" *
"76872412045148570467016141984601238993469880981132665136980728e-04"
) + im * parse(
BigFloat,
"-1.0761162166337804530818622041343634928842539440562924515656060930288" *
"8618738495742425109577272024056037180851542653328722041710203873291719" *
"947280070186931253363205298735257297185917021558133237711277643e-06"
) parse(
BigFloat,
"-2.5630798612520859627898723999984264753758616612712398954618653953585" *
"9518767878463997586470986635473566614326938672823492930487277740676374" *
"531357063996891790560799705131230760307252157091175542570601355e-05"
) + im * parse(
BigFloat,
"6.71488220902890058279190303761167394209548682407588231139968900710938" *
"4566540765539949246983173108170299649175261341073306406371766730672067" *
"15149981592753258672738649343827736699660812424480291052682138e-08"
)
parse(
BigFloat,
"5.77600763402035902726743600512220257231638022088835443920414768630654" *
"4894152983563421683317351871290633060225128843729416707931600990105983" *
"74928443512502057771477598740414008492485298442751744504497971e-04"
) + im * parse(
BigFloat,
"-2.2503919295230339920521649029215404372243314888498089779877532898490" *
"9863796023177128789163613506046960231326785054988467119710639463805817" *
"913684367193541339254876221021148918307773337531689283367488599e-06"
) parse(
BigFloat,
"-3.4436934804417940351112578365343343621215235992190895194655019779572" *
"1072589985677547235502630374368006832271086520111631781190497365669960" *
"442524079584355300292833346471466422154190420515139857950132623e-03"
) + im * parse(
BigFloat,
"1.06593004215554606434644914925919731638769922568431143675843955933926" *
"1502896242662800877722286019830095161611853076645202788069749940366211" *
"37922589126991867881052421218598680602961478376014880723261614e-05"
) parse(
BigFloat,
"1.53294157727929183605787863214854851731845044709241657730546813659248" *
"4924457540717396192822894004759473886938339936275827031371806821689529" *
"54398963228802662561825107683063724038678641573389030305521260e-02"
) + im * parse(
BigFloat,
"-4.5709742991077138831718214162598634370073257851742688191756505424193" *
"7190206372346450563612458649339892312059411956717877559708704803594507" *
"156889876993091620919663390222265799025096666907372332304360455e-05"
) parse(
BigFloat,
"-4.8762059336166696475983326466938627136102014472225037166400270094948" *
"7055420974285720954126976112080366103315128865115271427563175272147110" *
"156848346395674508975885418858691026788330776901392242278428435e-02"
) + im * parse(
BigFloat,
"1.43030732917601110681054026710148474568439908388607002398165949844298" *
"5120802715892579577950466416931539193588831334074046207202916292520760" *
"24651292773871299183712272462745270110100209008504821266608919e-04"
) parse(
BigFloat,
"1.15595792179672851244285397578142425487526662411690598147437272534031" *
"0952092682306210733415810954077530182037326953675398433441682544224629" *
"30998814166805740954569718079952542001295713492764619675423473e-01"
) + im * parse(
BigFloat,
"-3.3593638735087956227648637733145997839643564703515704595254544740718" *
"4560045214071257851259772301684939346772461412780011011939091431125646" *
"069652615760766068435476662494533972831744629008030031341983304e-04"
) parse(
BigFloat,
"-2.1023686208475476057294544395618130073099770406678174925270881686997" *
"2753558062218497147605522549535095709297359844943479440138357934202359" *
"249809192037828404280338619024038953818603034021107477811697816e-01"
) + im * parse(
BigFloat,
"6.07335562419229293016676423221928550174840351347242585358996638686111" *
"9949637465145854497052108129886451517942291483985391875186319293418681" *
"81931564005333832809492353344190552953407473327339601222285111e-04"
) parse(
BigFloat,
"2.98656494963974987463165945886839422924617878912128109084236913287948" *
"8888423663709223214766849787277048048505493001019638126388266200986727" *
"31139771396497505980487756565539378689802448154665502249135850e-01"
) + im * parse(
BigFloat,
"-8.5917324461057847147083206958253440103594909186620587403720897224139" *
"4505290159702771189327033808532306017576705600831557465110793645303538" *
"402088045685097810447225989853559689816571951046673868543654469e-04"
) parse(
BigFloat,
"-3.3459385822990428422443631592576788781856429252511373347506996469416" *
"4302817718518598056930750101521950637829472805794889552384642436711217" *
"245452451238010163284871328304040495176785081349975365199731027e-01"
) + im * parse(
BigFloat,
"9.59601097858909290342188692896903857910471309758811955188011562909437" *
"5567900112637217069349506261348026887404372590881620998607348223624364" *
"96970257310765584853375312663196025729913580711609032916430148e-04"
) parse(
BigFloat,
"2.96464987190981641415748380722220418917176531533974218224063679965811" *
"3246977656007643916744014683569865243897963229318899320143485723785760" *
"77261972032584651024334250310804682930045507357256347129797313e-01"
) + im * parse(
BigFloat,
"-8.4824215266803218218123697623735818274951331970794372392872196169018" *
"9271120527694606730968320999946990601717796962571875633273023347935949" *
"141209570778659765768225016285697681320736288410344253300319405e-04"
) parse(
BigFloat,
"-2.0699786605397931803238462210958755520574628402545677291482587917755" *
"1321766488133943562318414943183726558268620364994019501557422130428695" *
"791610008583782925910609557757566254588075858440817441893584973e-01"
) + im * parse(
BigFloat,
"5.91151919772798737673709403947496946133795021906949499940021084320548" *
"3300055718796523220915173739543772793260392222367838050538077373424368" *
"00016563741197068104267674794013394168831622991078774213348377e-04"
) parse(
BigFloat,
"1.12674359442479146506823529908691895704523913910477100363466591699659" *
"5935426727892487222951858751747582212669352958952219345775888914919351" *
"72024091751815772971593431576145799233282193411362753784273675e-01"
) + im * parse(
BigFloat,
"-3.2129064630160623305604374385885964067528316840104845242488689385300" *
"3389925417520825453110381016158919110661950998459500298143721445121094" *
"865510042246139249146089126399790918348731672998726171994268269e-04"
) parse(
BigFloat,
"-4.6867086715051493794372355646182735448552486029427888863778782962852" *
"9088484509989517302185389370684111639188725912094648125875714832100201" *
"296081512578859290937732425489306755186365240240582358975759240e-02"
) + im * parse(
BigFloat,
"1.33473234061754676074264231987287087203190756948452846795651089903734" *
"4758206117300906407588987168603293043205603159345080074293109850746224" *
"84125966054978543587410333453751370778761076845632697710720768e-04"
) parse(
BigFloat,
"1.43997829351681178260402630001745254533856188592837442395744009340003" *
"7282013513952706020715860814098685993002240344440454926582111583066176" *
"10487495104772148016959332080932202429997532871215428069376735e-02"
) + im * parse(
BigFloat,
"-4.0965847801100015712988839744590835533236163778348967722623717878367" *
"7989185674574229116348358406576592811568078500559501228095766415705766" *
"455093621348784932160263116004306463390208363023195917283192284e-05"
) parse(
BigFloat,
"-3.0818544346160860664184071475999461969557673949410297203958849484790" *
"7277389672306111711057290668987142009611632620544867494179409083288968" *
"107710422713648582466577823214021181907365516734290807913220805e-03"
) + im * parse(
BigFloat,
"8.75962253153331394022345467780698559822823923506751201544175779905048" *
"5686641826922198992056623848038909516370660497845419954967098229463111" *
"62118258176087339041468982770004871164758300113099162572818205e-06"
) parse(
BigFloat,
"4.10475042189416416771830859121483791230911570516837791596143112848096" *
"9825659499332013027979861658618053246459744162234469308454129838312826" *
"32366387261098467265625295115346905182554687991034124553201598e-04"
) + im * parse(
BigFloat,
"-1.1657916782627826349713396016411025590471274829135810540840983970942" *
"7996458535087716048349051360888657293623185472534665320378872656227208" *
"302729313143408681530071712558561421126217994572605428317410360e-06"
) parse(
BigFloat,
"-2.5630772389547863592277169825235535122231350405964340476487663905815" *
"9582930786834480159928623946845228318132958820880818985868267560608665" *
"935338172572895278138271433335500438252545228172432931768657832e-05"
) + im * parse(
BigFloat,
"7.27445017926361348194349431080898155078887522222019650508031612239374" *
"4767897074791291848390724351897040963359498142866989657282671240028895" *
"05416256285368848868628318467449253890374221799897819116437329e-08"
)
parse(
BigFloat,
"5.77599606814786159131071660791944045672430006407730292567820147437935" *
"2081971401635563494843180888276380632753303839811291915338566909404661" *
"95527045011581290052201817831567858019382041752438019311168538e-04"
) + im * parse(
BigFloat,
"-2.4234956536962296184016549472847091698576646366578632767130493831821" *
"3966884160412352951223881331492073889195992845314787641320612682595678" *
"043091292612494819579416192088889582441871580425532556372172425e-06"
) parse(
BigFloat,
"-3.4436890472540347448404363227653209341501570929213915568730470541900" *
"4165963132714315617299561267193456035106966345928194737791920551255871" *
"358247198889028199252931589227249334703575718860322391777800927e-03"
) + im * parse(
BigFloat,
"1.14792359828641783001788269533293153459943276768249394109955565090488" *
"5973047653535409493301570283683390406308861233412713062365627530616295" *
"67539648349597438848075137552706413655202855983974054055839211e-05"
) parse(
BigFloat,
"1.53293973068685791892569655423479312965402577643383710194611638097951" *
"6875982534022921244098040979296188029690628162995222631572100423567208" *
"64721146791778600849907392654269898355085653032816984718316796e-02"
) + im * parse(
BigFloat,
"-4.9225833804707194090866178003018599072293747612826465939993738045921" *
"5320732815324141885067583601338251490924921809804278033051391101524923" *
"007040695857766740303453904211727517281238804797489594713701455e-05"
) parse(
BigFloat,
"-4.8762002271016014418299068109247846624471514409031291298588979000957" *
"9485227402343511286161558114287331478294159244982792004694466582740521" *
"420281168387537330241225944429746298854882349544955660541642684e-02"
) + im * parse(
BigFloat,
"1.54032964567081389764621706796635947139301279328933168735566954704350" *
"7407532301431112457992866867149309885622128717057908683492670165582823" *
"81825062245266987438622735232727639093598905072495523142272364e-04"
) parse(
BigFloat,
"1.15595659082086552308501222815388800179415632364814069456705502083473" *
"9077148362442340200571992906759045144850817858980249153346029655839490" *
"88804864525662133267461902421107510514751381549715827509224697e-01"
) + im * parse(
BigFloat,
"-3.6177734069152739617470355084616005164778458370458005032543947964904" *
"0433436661355177561496627585261370495126371775625381544641478660785042" *
"327506003574092343736819958675942562331780208796866002496360040e-04"
) parse(
BigFloat,
"-2.1023662252948865998325278382967785999813668650484472706826118147472" *
"2964728535886203550035598030043927467310118050796141429204547701652902" *
"911132041444885760482043217036593425206845492770731298872938082e-01"
) + im * parse(
BigFloat,
"6.54053131506638682287359147211029193767953316822082727861252938724116" *
"6300661587904927376856154088294589939820702740868234828158936295304743" *
"93992821458304002987399628382549643606015480055251099464075636e-04"
) parse(
BigFloat,
"2.98656157122797333239824179780649353818103661990688467187575715805110" *
"2874332254052176971425506339770461082499362427124174101780503770643213" *
"40185859826764652731561639845137998027044594547155975624038989e-01"
) + im * parse(
BigFloat,
"-9.2526271879946457745541864604126004914635302039176133370166068813666" *
"3852941566187916311373235798273187449420574479068572499633348794534949" *
"611943674319137257645467363761847762037946102837885493003545630e-04"
) parse(
BigFloat,
"-3.3459348175730381380503388180175647801348685058283803602576713409002" *
"6058504627546052521996033397760586372922321552471833918627601697483240" *
"815131473162208806104228671940257132581784150906033953279253298e-01"
) + im * parse(
BigFloat,
"1.03341570433955189006855688467029042874510618456260402537825885062024" *
"2814607125649606775598735425104391413873469675594389389573751494525755" *
"81469791883958777760519181382417223815790453255883300878464137e-03"
) parse(
BigFloat,
"2.96464654987354115638033235793831245605395418309203894443200859860617" *
"6965476111386593048112835576363354908438956334680954882944602724963717" *
"30323104381978829421521530878751578454481339531027677724110170e-01"
) + im * parse(
BigFloat,
"-9.1349078886687389923454848917911314564077782361792700725095248043641" *
"6101937273519729178671820245498354069527039385609721649607652326022950" *
"936817157443436551963769763888104791585294192464255190307949702e-04"
) parse(
BigFloat,
"-2.0699763485599788000924945348751754168081322586080932081654200408485" *
"7090451480130194799661334304846810672742695733475568612853690175263973" *
"789414794461392287493613815440941562935523689057914391237877740e-01"
) + im * parse(
BigFloat,
"6.36624615881279822165481590006809299702790284823142234830391179946218" *
"7119767408765990833059731812902041773229721593011565922193363919079791" *
"20129786926542142431298527695074565549986337217615750885574527e-04"
) parse(
BigFloat,
"1.12674233927106889430159467502536221037711197419137712983360073220762" *
"6792983377081432607936287254511277854286579744075142049563942533351157" *
"77466853397805418804440824484247782907554926638712100324617612e-01"
) + im * parse(
BigFloat,
"-3.4600502472924791935817163356677860776601638333983195707291647481782" *
"1245026750745706779717651396742066441274708625002010161949007717757965" *
"530445204952817190067840387204245356772193960734926700917919956e-04"
) parse(
BigFloat,
"-4.6867034620660803601212192488796872364715495983016310803317467336648" *
"1479330350660323457269919316674664934312283491621455653146526926936592" *
"176654940545541545888049083377892707751585968073656389131292207e-02"
) + im * parse(
BigFloat,
"1.43740287013176986183234434980790002781303520776574663583917253120088" *
"3632532399120727399929716298180595365385210677792159850549493059944781" *
"98645956254969990201631201090323355756803577696429627300415288e-04"
) parse(
BigFloat,
"1.43997669587049702288970218898099247434020729103424337794290095792028" *
"2981144400969998722250103677745553141630046675119894551489736292423686" *
"84255761928735468184520022708457855542483974760096288800527153e-02"
) + im * parse(
BigFloat,
"-4.4117030419438629911024612535632250317781715717239278265610166046775" *
"7589093407904881888948415430721307476878659692255738420358437013823226" *
"244153131068963632962074721099224680759166630062912401019049115e-05"
) parse(
BigFloat,
"-3.0818510206765310523701114467270121468836831867914231145731636599247" *
"5359116146589250109304230535610705754875670216907148336154146723647972" *
"704023494547761651104240378869961971697974131141774453655154609e-03"
) + im * parse(
BigFloat,
"9.43343186579077737005451980297287129491385907138156023452888531060648" *
"8957774220445431018124693785634418245911805760002679788110992294933208" *
"02972311721741936415759824152311699209298369111078076182334276e-06"
) parse(
BigFloat,
"4.10474588098629211568034705302709331001471422234991534479320825737922" *
"6219063848423267919642748515594870290989601885507706047786717148230682" *
"59752802726602046749374256163345215851150707368373920730764606e-04"
) + im * parse(
BigFloat,
"-1.2554669263510461161540538287234084477270920283249689099125615039454" *
"3629530298200009380312780668775994343993790187993362904284207451392066" *
"645814827177948282036514353541332458091696889668322757846042146e-06"
) parse(
BigFloat,
"-2.5630744068771273841754405881495601868238603407862145819041969200289" *
"2923080291384978959369522838805352945283856571838857608928323365090654" *
"058356712647424576878811107881970489566654711639281585757265252e-05"
) + im * parse(
BigFloat,
"7.83401681818016367989169416752287830321285465538518860761914835971807" *
"6620810508290697543871173456887295587725269145418421140930491020592974" *
"33929271833982857626430359139627222286511507143255588224500116e-08"
)
parse(
BigFloat,
"5.77598364556932940595533089107903252082218918465185878208315295872955" *
"0089185139060387277315107067602068527827614206031102267553611626672722" *
"44995615889855673643303598979347880516359216875138081566009808e-04"
) + im * parse(
BigFloat,
"-2.5965986340243829795100591502088228560769686361598633358650711645048" *
"3700429095416481686446468183174109639462342079354223293062382946046192" *
"559951990770326224857388957052229701700756625279630142516647358e-06"
) parse(
BigFloat,
"-3.4436842856887838680298726689716316464663275354581526320514413954076" *
"3594636859821188730395552522826353659493600787150524224400432118713393" *
"910865970419290562181156111129635752645810785423094868829991766e-03"
) + im * parse(
BigFloat,
"1.22991691830829433040351528597638916432580151812586785689376859332462" *
"5870413486606210463907750218661809772364874350556146460856933447062684" *
"31615367277315852484582584052658982068296267823501499985830366e-05"
) parse(
BigFloat,
"1.53293774731251345850744309789951131668593225987957238409326589878049" *
"9515024874116063338867618784392152396823602208187213189027043821111363" *
"17383699575583825185827576829166821724082507346237696634097543e-02"
) + im * parse(
BigFloat,
"-5.2741915004477210604908850549507039709148274875627788238714203461853" *
"3939431375348098442418909046478303168801796303347481851797426465283046" *
"391510746093377548877127359703670250518235755813774326414708270e-05"
) parse(
BigFloat,
"-4.8761940978899594795694677138284253829142440345624105167565333657375" *
"3695129397321006109918391035559622108480947554682348723076100871275564" *
"612009742426087575628031587106843359258888893452610439012671456e-02"
) + im * parse(
BigFloat,
"1.65035166789808288689698586868142500157557822021522276168067329731153" *
"0937700147538377967323898388935151585677688995328998855285688798403459" *
"22881582590794849031693886763047126896798458788521704264088540e-04"
) parse(
BigFloat,
"1.15595516125610320224603071716618916567825687279858906006982128839826" *
"8441609449015621650168646318178812313211359584870603011915781373593539" *
"53962546101139363743514415883546700079972548681509908511337968e-01"
) + im * parse(
BigFloat,
"-3.8761822576036200774771326118092499343255630737937093037940140110767" *
"1153971759705107191423633445037297412175661035968154373719305797244013" *
"669830790748773775548836943300635550363860554797746483422670636e-04"
) parse(
BigFloat,
"-2.1023636522972892772986982497215386143463061370887779625649447915964" *
"5683557574709960241809503978810233586710516345432196019036192436744879" *
"442647068552712146391335018031924583431919615151147285407147115e-01"
) + im * parse(
BigFloat,
"7.00770578128326275240035978865262220956087603249184103143751639732568" *
"0741961726751371691865151831512720535953010074929946162683430837605193" *
"01483256512277277051032668011048834066128673776828770090086150e-04"
) parse(
BigFloat,
"2.98655794256826042585640661244755968543327191705733461582754011835791" *
"0558172613322506801671935354194969072312213971966475880110945457631184" *
"85326561725372771030956079160697457745247485973769908303556629e-01"
) + im * parse(
BigFloat,
"-9.9135202067892320417837995331264018454162630714947338785813787104695" *
"7257156461410764513138240065100012988419158604237775714720380402363962" *
"836218668077825722803400117357083886547645524666691142707271624e-04"
) parse(
BigFloat,
"-3.3459307739837597194270268085626572047135943141284394507485888811788" *
"3068416443190986655184287051367761025479500331397925000580272655332447" *
"456947599522438901332613921439546689608924027016609431377368200e-01"
) + im * parse(
BigFloat,
"1.10723011913555994445213838892257787371010502691661635081572568970856" *
"2190347073802052505261740696279111693886737940219995376203695333064839" *
"81601629305132156356907084557682041310070366814814412808617869e-03"
) parse(
BigFloat,
"2.96464298176518770019096081007511529660817952899141825829727053087060" *
"0246903387284977050212621427136572841997012381427013421407943668556034" *
"95658268464604581278126919927862392867802936400717262663427348e-01"
) + im * parse(
BigFloat,
"-9.7873925614211210124255436294873561861687648054857487780064185808849" *
"5243018549970905078704774765549058377713686013966540698034308227582961" *
"149107496100403289316872260105322705594291023907438380310858211e-04"
) parse(
BigFloat,
"-2.0699738653256535631251288996781293921868419393534100527543947911092" *
"2200052813874059656750686229726540484106496171249108707762622736200820" *
"162486167076794865815779861558513088483014490657477247608521971e-01"
) + im * parse(
BigFloat,
"6.82097194548286620776799937614526888365187785769062890689516838563143" *
"7557026101633976743731972817245674690245768973199646269057908116622999" *
"62354578236375339831037904380962401680591463656289927761530149e-04"
) parse(
BigFloat,
"1.12674099114476002182449723645298134091726483786210376023006734847399" *
"3668397905800782950721429953556236568767755029048369940569437438844713" *
"33603685043494867742527670840320426161211109407144048603064291e-01"
) + im * parse(
BigFloat,
"-3.7071933945222983296618017349758612480133382299006661634556499942231" *
"9191736598383552873489328535752157701009071527514936741914136680228311" *
"658202862771619352590851873540039500310108796373068905341466283e-04"
) parse(
BigFloat,
"-4.6866978667499463316603200562409965151770105263631642636149472720513" *
"2771398829319203429557419082996852574866159613482127218642410436242202" *
"248145885571311160765737291320776608914564365286939965563407847e-02"
) + im * parse(
BigFloat,
"1.54007313542631518819464534307747734191794147372656173275535672187110" *
"7089792123345675403606879304187088684435270223419194755850151418860309" *
"69992666166719499220391006656658392302503158058209484137696049e-04"
) parse(
BigFloat,
"1.43997497988225050695590947589099488552920260917142193622243723972765" *
"8519446294179362356241792425060410607895602110035444357282559176625598" *
"08266120048058466551755856930869228284420226861440992749876726e-02"
) + im * parse(
BigFloat,
"-4.7268204939312251328494816604767111457453346457980250414275891384759" *
"8000155070771352095535317278625035940620767616726494423355740611990385" *
"618019219393713738487328258631563449499455262218428841046176390e-05"
) parse(
BigFloat,
"-3.0818473538573463222779406070804950483291526836550635656156610422527" *
"3409433015447949481191572353600300933731471938412136515515169331680106" *
"324901197570271457041493534493158653149731529639852676578753749e-03"
) + im * parse(
BigFloat,
"1.01072394703789491799641316580518541810024809312402923200519485748991" *
"3514964216192005558872943273514326364721360105723234895525238050941328" *
"67637419286618210843583184470576827510012534866801980905552934e-05"
) parse(
BigFloat,
"4.10474100372122947914396404828803483322565940031658060502183483033155" *
"8221397452928049358536042665298089423036560372119736758235203960789762" *
"35812037369727753540129653490004190830909003919840979295974289e-04"
) + im * parse(
BigFloat,
"-1.3451419444727357587727336553967449602530096004243374340926089984313" *
"6144740328236749253675307006833365919652266625390988165593844003436103" *
"309470422359262332458430174969955861019308652021947639764214601e-06"
) parse(
BigFloat,
"-2.5630713650198993245664096255472403058626573245766390637686205044315" *
"4331216707867400024149590233752311904268386641050022825616526587052610" *
"467449143284896234289234512581114041994471518984111864212705571e-05"
) + im * parse(
BigFloat,
"8.39358202337180181348109452874098772799070486405313879710228955241217" *
"4466622500146050523165753193550364810450862573815557414309805648919968" *
"70281632192152220600883753357662182813162804982757847082407973e-08"
)
parse(
BigFloat,
"5.77597036629017556822218868683094488995195870994175625817477912130186" *
"2380682941336197361286686514601342460516728244010480906881206340193595" *
"50536679809132506021946861273649538894410974823067219497503450e-04"
) + im * parse(
BigFloat,
"2.76970081737775977897929472704228268744287530491821999501272268072198" *
"7723739904877950162274784504759857504404163999845430550456001996880073" *
"96237102155407383927563122266197490115619872596430285304164809e-06"
) parse(
BigFloat,
"-3.4436791957474957256411894721073425662559934904779393912743582732112" *
"0894206684306499681760779551761037989584431980757517833800019996762469" *
"833237830186145442091505577245338291447932065259706023991579881e-03"
) + im * parse(
BigFloat,
"-1.3119099853567234605126959733389986694376614188855530346345107370989" *
"0394711485897736488702338874438223766051068808380029515650094893625241" *
"048484184250099097874966436675228596871638153647021464300018381e-05"
) parse(
BigFloat,
"1.53293562715684006320029364298287951952083366621410858592865506232431" *
"8332187919723890664376849314606004325706688373676120560164399873433320" *
"58455867382079568990074902460693734785716430449790314119800634e-02"
) + im * parse(
BigFloat,
"5.62579859037016675531000549272656232171706245141997552360827057473014" *
"0375352155209189300156643363847765944489126586461794593668116698798046" *
"79270181627358009181271793882981307090134721616628627662207323e-05"
) parse(
BigFloat,
"-4.8761875459835107724103613204357250535463732015180995356826021684622" *
"8362438556282308025659742408979928052823995424212033464611131824193910" *
"438693232023679415112236913759481521520316233220145275295926196e-02"
) + im * parse(
BigFloat,
"-1.7603733748392753494436990396468875307786360885417331705062017922633" *
"8386211370413471038505285792629642310771441846101676071001840096348232" *
"536402169814808092256013233770986263163800849172730220245063200e-04"
) parse(
BigFloat,
"1.15595363310284983308691036449627084583410527036948057208201007919405" *
"5087874825727179757878942084683708533110703189732796432077829912771318" *
"42366378858904371912079568577205049985501663389967163809133043e-01"
) + im * parse(
BigFloat,
"4.13459037680955859992486932621868046952493830148944376754609803592388" *
"5866847785841447107200362316797221524001787490321629058456086498446746" *
"79727007859237065158323603936780825471314557726890357630065256e-04"
) parse(
BigFloat,
"-2.1023609018554861209683787114520162531543836540866370722920580370543" *
"4749185832867735542815426778803859279537926503959468637043882041196867" *
"023053064280746916511591540895546793755387419472993803914152897e-01"
) + im * parse(
BigFloat,
"-7.4748789353697361642062844235949229232455883953813635232007264725171" *
"0418962194306956498147973735921479407490233856280611076999567475786572" *
"420561130374022656845199337588394306706696551011886310025733303e-04"
) parse(
BigFloat,
"2.98655406366163711034700177252289241789369271920337476738022074690025" *
"7016245632095423222128106277080176737792224099754023909590709828585784" *
"41534916796910613116398702359485290941405679394140425101011925e-01"
) + im * parse(
BigFloat,
"1.05744113794146503455456416557317204808469470356350173439261237565008" *
"0659104236142230230346372286893157006827594332587376119510676307453205" *
"95937924281113113822570746835119100839086966902936920440664067e-03"
) parse(
BigFloat,
"-3.3459264515323474129478088496135090080812628716092281152004770416838" *
"5366866335981189012912890313652803682766921951205772054770661774572148" *
"347518657977347980206633314154732386898249594711801481628636756e-01"
) + im * parse(
BigFloat,
"-1.1810443285555366903820054721511684496607475273705010237759120624143" *
"6878740695471482901492651835116539542965350211832159859622199084521721" *
"395527365412688472373271319937024439688431733815631758836035972e-03"
) parse(
BigFloat,
"2.96463916758575952420178325926086539323417628507516650854544884173979" *
"8084105170106668408341963646723475707221181028011482683697224478404753" *
"33056432395856546740568771393665790156762340010373713731272319e-01"
) + im * parse(
BigFloat,
"1.04398754242809430298656923668339258814482813804744421873782352097792" *
"7020670689005020816808128901392685730892967632780304975079942129150882" *
"14152299761758786586525206943117173547045945270489882416302406e-03"
) parse(
BigFloat,
"-2.0699712108375145728859786580314776709397163216733192062109687487246" *
"3581089726212373772302411746923358027878170911097285687142747174577213" *
"629226448738577255523474245101703527588294783328294697930446291e-01"
) + im * parse(
BigFloat,
"-7.2756964738536400312576951827052670501832027457908527050818144481207" *
"2021442912399596374617183632144862753366745740226289317453466591994387" *
"862874404511835233396851813084328192533885369110866736684818783e-04"
) parse(
BigFloat,
"1.12673955004624274188031261213583101811862472710354876663324484074641" *
"9500513614590350692376068047610380012177393319002302248664809526272482" *
"68664991718905339169790410135588384398634575795467997799736851e-01"
) + im * parse(
BigFloat,
"3.95433585920339203423559650144319729794689948242249595218987565456910" *
"4512440121557536104655332522386254125198256222171329597583520080095119" *
"15822732317267556080366241820515241114970458645922807216972851e-04"
) parse(
BigFloat,
"-4.6866918855583138136047206472106623383955016507618493795568566039502" *
"6640872406289239365252831435818236027741218940648587959024474460797129" *
"790212362840020027521669429696970576933508640804739679209458900e-02"
) + im * parse(
BigFloat,
"-1.6427431176288461487177413689042296775650767875552547030218015237559" *
"5539395827325914527321495839601030148893807302088978103253737264088942" *
"095314618420931849169899247205551680083197286941679009590709352e-04"
) parse(
BigFloat,
"1.43997314555255216888814319552478181823638178173210526116067836417842" *
"3494605113377030202756549021813165034323425738727044244893306865711820" *
"29389184599738817122331130038621937165915168296189126695224191e-02"
) + im * parse(
BigFloat,
"5.04193707822743325247637509551420446307197108436780864995047393695980" *
"7003826681254233309161901506049891089670092755620623526597754863708191" *
"21522295838994946856355134472827669857400757694007170938315464e-05"
) parse(
BigFloat,
"-3.0818434341595565334990184308261555770812797258737268629094154207262" *
"6659662850464216855234088962127490490194281890235098563050956838579029" *
"209441552977397621761034609007219585190612390689747948809838587e-03"
) + im * parse(
BigFloat,
"-1.0781045221753275131696862740314688087876022295194887726312984914967" *
"4575687303320835987859110495116738304894711235425158768008824961143933" *
"929763452592095206164493294356087327804148828410486756549518976e-05"
) parse(
BigFloat,
"4.10473579010033814040744713103874537469260438240741058238131070531262" *
"5341064467698308407513706402978384385584551463255826628944436437480551" *
"80475757756884326083296822350994394678182914221299801349391816e-04"
) + im * parse(
BigFloat,
"1.43481671620209987580243622665338562467186632823779701291432585972540" *
"8565629609660710201920045410995038670103102757945049451851727401308049" *
"31382827887955626221951344291009287805774795859537588182458967e-06"
) parse(
BigFloat,
"-2.5630681133839510053902918861238646783926739896376852893571446614043" *
"7225955557638762958903872109716480018076857640727708858757588826349448" *
"962824878515794989009337834689376901443335298350766371447929607e-05"
) + im * parse(
BigFloat,
"-8.9531456924322985325982821618053706656215741466395870103827417642115" *
"5575087591939978695261061238687066757491411837930688608813298669581672" *
"638234795484951920945778175448341445957363408299339877219165860e-08"
)
parse(
BigFloat,
"5.77598364556932940595533089107903252082218918465185878208315295872955" *
"0089185139060387277315107067602068527827614206031102267553611626672722" *
"44995615889855673643303598979347880516359216875138081566009808e-04"
) + im * parse(
BigFloat,
"2.59659863402438297951005915020882285607696863615986333586507116450483" *
"7004290954164816864464681831741096394623420793542232930623829460461925" *
"59951990770326224857388957052229701700756625279630142516647358e-06"
) parse(
BigFloat,
"-3.4436842856887838680298726689716316464663275354581526320514413954076" *
"3594636859821188730395552522826353659493600787150524224400432118713393" *
"910865970419290562181156111129635752645810785423094868829991766e-03"
) + im * parse(
BigFloat,
"-1.2299169183082943304035152859763891643258015181258678568937685933246" *
"2587041348660621046390775021866180977236487435055614646085693344706268" *
"431615367277315852484582584052658982068296267823501499985830366e-05"
) parse(
BigFloat,
"1.53293774731251345850744309789951131668593225987957238409326589878049" *
"9515024874116063338867618784392152396823602208187213189027043821111363" *
"17383699575583825185827576829166821724082507346237696634097543e-02"
) + im * parse(
BigFloat,
"5.27419150044772106049088505495070397091482748756277882387142034618533" *
"9394313753480984424189090464783031688017963033474818517974264652830463" *
"91510746093377548877127359703670250518235755813774326414708270e-05"
) parse(
BigFloat,
"-4.8761940978899594795694677138284253829142440345624105167565333657375" *
"3695129397321006109918391035559622108480947554682348723076100871275564" *
"612009742426087575628031587106843359258888893452610439012671456e-02"
) + im * parse(
BigFloat,
"-1.6503516678980828868969858686814250015755782202152227616806732973115" *
"3093770014753837796732389838893515158567768899532899885528568879840345" *
"922881582590794849031693886763047126896798458788521704264088540e-04"
) parse(
BigFloat,
"1.15595516125610320224603071716618916567825687279858906006982128839826" *
"8441609449015621650168646318178812313211359584870603011915781373593539" *
"53962546101139363743514415883546700079972548681509908511337968e-01"
) + im * parse(
BigFloat,
"3.87618225760362007747713261180924993432556307379370930379401401107671" *
"1539717597051071914236334450372974121756610359681543737193057972440136" *
"69830790748773775548836943300635550363860554797746483422670636e-04"
) parse(
BigFloat,
"-2.1023636522972892772986982497215386143463061370887779625649447915964" *
"5683557574709960241809503978810233586710516345432196019036192436744879" *
"442647068552712146391335018031924583431919615151147285407147115e-01"
) + im * parse(
BigFloat,
"-7.0077057812832627524003597886526222095608760324918410314375163973256" *
"8074196172675137169186515183151272053595301007492994616268343083760519" *
"301483256512277277051032668011048834066128673776828770090086150e-04"
) parse(
BigFloat,
"2.98655794256826042585640661244755968543327191705733461582754011835791" *
"0558172613322506801671935354194969072312213971966475880110945457631184" *
"85326561725372771030956079160697457745247485973769908303556629e-01"
) + im * parse(
BigFloat,
"9.91352020678923204178379953312640184541626307149473387858137871046957" *
"2571564614107645131382400651000129884191586042377757147203804023639628" *
"36218668077825722803400117357083886547645524666691142707271624e-04"
) parse(
BigFloat,
"-3.3459307739837597194270268085626572047135943141284394507485888811788" *
"3068416443190986655184287051367761025479500331397925000580272655332447" *
"456947599522438901332613921439546689608924027016609431377368200e-01"
) + im * parse(
BigFloat,
"-1.1072301191355599444521383889225778737101050269166163508157256897085" *
"6219034707380205250526174069627911169388673794021999537620369533306483" *
"981601629305132156356907084557682041310070366814814412808617869e-03"
) parse(
BigFloat,
"2.96464298176518770019096081007511529660817952899141825829727053087060" *
"0246903387284977050212621427136572841997012381427013421407943668556034" *
"95658268464604581278126919927862392867802936400717262663427348e-01"
) + im * parse(
BigFloat,
"9.78739256142112101242554362948735618616876480548574877800641858088495" *
"2430185499709050787047747655490583777136860139665406980343082275829611" *
"49107496100403289316872260105322705594291023907438380310858211e-04"
) parse(
BigFloat,
"-2.0699738653256535631251288996781293921868419393534100527543947911092" *
"2200052813874059656750686229726540484106496171249108707762622736200820" *
"162486167076794865815779861558513088483014490657477247608521971e-01"
) + im * parse(
BigFloat,
"-6.8209719454828662077679993761452688836518778576906289068951683856314" *
"3755702610163397674373197281724567469024576897319964626905790811662299" *
"962354578236375339831037904380962401680591463656289927761530149e-04"
) parse(
BigFloat,
"1.12674099114476002182449723645298134091726483786210376023006734847399" *
"3668397905800782950721429953556236568767755029048369940569437438844713" *
"33603685043494867742527670840320426161211109407144048603064291e-01"
) + im * parse(
BigFloat,
"3.70719339452229832966180173497586124801333822990066616345564999422319" *
"1917365983835528734893285357521577010090715275149367419141366802283116" *
"58202862771619352590851873540039500310108796373068905341466283e-04"
) parse(
BigFloat,
"-4.6866978667499463316603200562409965151770105263631642636149472720513" *
"2771398829319203429557419082996852574866159613482127218642410436242202" *
"248145885571311160765737291320776608914564365286939965563407847e-02"
) + im * parse(
BigFloat,
"-1.5400731354263151881946453430774773419179414737265617327553567218711" *
"0708979212334567540360687930418708868443527022341919475585015141886030" *
"969992666166719499220391006656658392302503158058209484137696049e-04"
) parse(
BigFloat,
"1.43997497988225050695590947589099488552920260917142193622243723972765" *
"8519446294179362356241792425060410607895602110035444357282559176625598" *
"08266120048058466551755856930869228284420226861440992749876726e-02"
) + im * parse(
BigFloat,
"4.72682049393122513284948166047671114574533464579802504142758913847598" *
"0001550707713520955353172786250359406207676167264944233557406119903856" *
"18019219393713738487328258631563449499455262218428841046176390e-05"
) parse(
BigFloat,
"-3.0818473538573463222779406070804950483291526836550635656156610422527" *
"3409433015447949481191572353600300933731471938412136515515169331680106" *
"324901197570271457041493534493158653149731529639852676578753749e-03"
) + im * parse(
BigFloat,
"-1.0107239470378949179964131658051854181002480931240292320051948574899" *
"1351496421619200555887294327351432636472136010572323489552523805094132" *
"867637419286618210843583184470576827510012534866801980905552934e-05"
) parse(
BigFloat,
"4.10474100372122947914396404828803483322565940031658060502183483033155" *
"8221397452928049358536042665298089423036560372119736758235203960789762" *
"35812037369727753540129653490004190830909003919840979295974289e-04"
) + im * parse(
BigFloat,
"1.34514194447273575877273365539674496025300960042433743409260899843136" *
"1447403282367492536753070068333659196522666253909881655938440034361033" *
"09470422359262332458430174969955861019308652021947639764214601e-06"
) parse(
BigFloat,
"-2.5630713650198993245664096255472403058626573245766390637686205044315" *
"4331216707867400024149590233752311904268386641050022825616526587052610" *
"467449143284896234289234512581114041994471518984111864212705571e-05"
) + im * parse(
BigFloat,
"-8.3935820233718018134810945287409877279907048640531387971022895524121" *
"7446662250014605052316575319355036481045086257381555741430980564891996" *
"870281632192152220600883753357662182813162804982757847082407973e-08"
)
parse(
BigFloat,
"5.77599606814786159131071660791944045672430006407730292567820147437935" *
"2081971401635563494843180888276380632753303839811291915338566909404661" *
"95527045011581290052201817831567858019382041752438019311168538e-04"
) + im * parse(
BigFloat,
"2.42349565369622961840165494728470916985766463665786327671304938318213" *
"9668841604123529512238813314920738891959928453147876413206126825956780" *
"43091292612494819579416192088889582441871580425532556372172425e-06"
) parse(
BigFloat,
"-3.4436890472540347448404363227653209341501570929213915568730470541900" *
"4165963132714315617299561267193456035106966345928194737791920551255871" *
"358247198889028199252931589227249334703575718860322391777800927e-03"
) + im * parse(
BigFloat,
"-1.1479235982864178300178826953329315345994327676824939410995556509048" *
"8597304765353540949330157028368339040630886123341271306236562753061629" *
"567539648349597438848075137552706413655202855983974054055839211e-05"
) parse(
BigFloat,
"1.53293973068685791892569655423479312965402577643383710194611638097951" *
"6875982534022921244098040979296188029690628162995222631572100423567208" *
"64721146791778600849907392654269898355085653032816984718316796e-02"
) + im * parse(
BigFloat,
"4.92258338047071940908661780030185990722937476128264659399937380459215" *
"3207328153241418850675836013382514909249218098042780330513911015249230" *
"07040695857766740303453904211727517281238804797489594713701455e-05"
) parse(
BigFloat,
"-4.8762002271016014418299068109247846624471514409031291298588979000957" *
"9485227402343511286161558114287331478294159244982792004694466582740521" *
"420281168387537330241225944429746298854882349544955660541642684e-02"
) + im * parse(
BigFloat,
"-1.5403296456708138976462170679663594713930127932893316873556695470435" *
"0740753230143111245799286686714930988562212871705790868349267016558282" *
"381825062245266987438622735232727639093598905072495523142272364e-04"
) parse(
BigFloat,
"1.15595659082086552308501222815388800179415632364814069456705502083473" *
"9077148362442340200571992906759045144850817858980249153346029655839490" *
"88804864525662133267461902421107510514751381549715827509224697e-01"
) + im * parse(
BigFloat,
"3.61777340691527396174703550846160051647784583704580050325439479649040" *
"4334366613551775614966275852613704951263717756253815446414786607850423" *
"27506003574092343736819958675942562331780208796866002496360040e-04"
) parse(
BigFloat,
"-2.1023662252948865998325278382967785999813668650484472706826118147472" *
"2964728535886203550035598030043927467310118050796141429204547701652902" *
"911132041444885760482043217036593425206845492770731298872938082e-01"
) + im * parse(
BigFloat,
"-6.5405313150663868228735914721102919376795331682208272786125293872411" *
"6630066158790492737685615408829458993982070274086823482815893629530474" *
"393992821458304002987399628382549643606015480055251099464075636e-04"
) parse(
BigFloat,
"2.98656157122797333239824179780649353818103661990688467187575715805110" *
"2874332254052176971425506339770461082499362427124174101780503770643213" *
"40185859826764652731561639845137998027044594547155975624038989e-01"
) + im * parse(
BigFloat,
"9.25262718799464577455418646041260049146353020391761333701660688136663" *
"8529415661879163113732357982731874494205744790685724996333487945349496" *
"11943674319137257645467363761847762037946102837885493003545630e-04"
) parse(
BigFloat,
"-3.3459348175730381380503388180175647801348685058283803602576713409002" *
"6058504627546052521996033397760586372922321552471833918627601697483240" *
"815131473162208806104228671940257132581784150906033953279253298e-01"
) + im * parse(
BigFloat,
"-1.0334157043395518900685568846702904287451061845626040253782588506202" *
"4281460712564960677559873542510439141387346967559438938957375149452575" *
"581469791883958777760519181382417223815790453255883300878464137e-03"
) parse(
BigFloat,
"2.96464654987354115638033235793831245605395418309203894443200859860617" *
"6965476111386593048112835576363354908438956334680954882944602724963717" *
"30323104381978829421521530878751578454481339531027677724110170e-01"
) + im * parse(
BigFloat,
"9.13490788866873899234548489179113145640777823617927007250952480436416" *
"1019372735197291786718202454983540695270393856097216496076523260229509" *
"36817157443436551963769763888104791585294192464255190307949702e-04"
) parse(
BigFloat,
"-2.0699763485599788000924945348751754168081322586080932081654200408485" *
"7090451480130194799661334304846810672742695733475568612853690175263973" *
"789414794461392287493613815440941562935523689057914391237877740e-01"
) + im * parse(
BigFloat,
"-6.3662461588127982216548159000680929970279028482314223483039117994621" *
"8711976740876599083305973181290204177322972159301156592219336391907979" *
"120129786926542142431298527695074565549986337217615750885574527e-04"
) parse(
BigFloat,
"1.12674233927106889430159467502536221037711197419137712983360073220762" *
"6792983377081432607936287254511277854286579744075142049563942533351157" *
"77466853397805418804440824484247782907554926638712100324617612e-01"
) + im * parse(
BigFloat,
"3.46005024729247919358171633566778607766016383339831957072916474817821" *
"2450267507457067797176513967420664412747086250020101619490077177579655" *
"30445204952817190067840387204245356772193960734926700917919956e-04"
) parse(
BigFloat,
"-4.6867034620660803601212192488796872364715495983016310803317467336648" *
"1479330350660323457269919316674664934312283491621455653146526926936592" *
"176654940545541545888049083377892707751585968073656389131292207e-02"
) + im * parse(
BigFloat,
"-1.4374028701317698618323443498079000278130352077657466358391725312008" *
"8363253239912072739992971629818059536538521067779215985054949305994478" *
"198645956254969990201631201090323355756803577696429627300415288e-04"
) parse(
BigFloat,
"1.43997669587049702288970218898099247434020729103424337794290095792028" *
"2981144400969998722250103677745553141630046675119894551489736292423686" *
"84255761928735468184520022708457855542483974760096288800527153e-02"
) + im * parse(
BigFloat,
"4.41170304194386299110246125356322503177817157172392782656101660467757" *
"5890934079048818889484154307213074768786596922557384203584370138232262" *
"44153131068963632962074721099224680759166630062912401019049115e-05"
) parse(
BigFloat,
"-3.0818510206765310523701114467270121468836831867914231145731636599247" *
"5359116146589250109304230535610705754875670216907148336154146723647972" *
"704023494547761651104240378869961971697974131141774453655154609e-03"
) + im * parse(
BigFloat,
"-9.4334318657907773700545198029728712949138590713815602345288853106064" *
"8895777422044543101812469378563441824591180576000267978811099229493320" *
"802972311721741936415759824152311699209298369111078076182334276e-06"
) parse(
BigFloat,
"4.10474588098629211568034705302709331001471422234991534479320825737922" *
"6219063848423267919642748515594870290989601885507706047786717148230682" *
"59752802726602046749374256163345215851150707368373920730764606e-04"
) + im * parse(
BigFloat,
"1.25546692635104611615405382872340844772709202832496890991256150394543" *
"6295302982000093803127806687759943439937901879933629042842074513920666" *
"45814827177948282036514353541332458091696889668322757846042146e-06"
) parse(
BigFloat,
"-2.5630744068771273841754405881495601868238603407862145819041969200289" *
"2923080291384978959369522838805352945283856571838857608928323365090654" *
"058356712647424576878811107881970489566654711639281585757265252e-05"
) + im * parse(
BigFloat,
"-7.8340168181801636798916941675228783032128546553851886076191483597180" *
"7662081050829069754387117345688729558772526914541842114093049102059297" *
"433929271833982857626430359139627222286511507143255588224500116e-08"
)
parse(
BigFloat,
"5.77600763402035902726743600512220257231638022088835443920414768630654" *
"4894152983563421683317351871290633060225128843729416707931600990105983" *
"74928443512502057771477598740414008492485298442751744504497971e-04"
) + im * parse(
BigFloat,
"2.25039192952303399205216490292154043722433148884980897798775328984909" *
"8637960231771287891636135060469602313267850549884671197106394638058179" *
"13684367193541339254876221021148918307773337531689283367488599e-06"
) parse(
BigFloat,
"-3.4436934804417940351112578365343343621215235992190895194655019779572" *
"1072589985677547235502630374368006832271086520111631781190497365669960" *
"442524079584355300292833346471466422154190420515139857950132623e-03"
) + im * parse(
BigFloat,
"-1.0659300421555460643464491492591973163876992256843114367584395593392" *
"6150289624266280087772228601983009516161185307664520278806974994036621" *
"137922589126991867881052421218598680602961478376014880723261614e-05"
) parse(
BigFloat,
"1.53294157727929183605787863214854851731845044709241657730546813659248" *
"4924457540717396192822894004759473886938339936275827031371806821689529" *
"54398963228802662561825107683063724038678641573389030305521260e-02"
) + im * parse(
BigFloat,
"4.57097429910771388317182141625986343700732578517426881917565054241937" *
"1902063723464505636124586493398923120594119567178775597087048035945071" *
"56889876993091620919663390222265799025096666907372332304360455e-05"
) parse(
BigFloat,
"-4.8762059336166696475983326466938627136102014472225037166400270094948" *
"7055420974285720954126976112080366103315128865115271427563175272147110" *
"156848346395674508975885418858691026788330776901392242278428435e-02"
) + im * parse(
BigFloat,
"-1.4303073291760111068105402671014847456843990838860700239816594984429" *
"8512080271589257957795046641693153919358883133407404620720291629252076" *
"024651292773871299183712272462745270110100209008504821266608919e-04"
) parse(
BigFloat,
"1.15595792179672851244285397578142425487526662411690598147437272534031" *
"0952092682306210733415810954077530182037326953675398433441682544224629" *
"30998814166805740954569718079952542001295713492764619675423473e-01"
) + im * parse(
BigFloat,
"3.35936387350879562276486377331459978396435647035157045952545447407184" *
"5600452140712578512597723016849393467724614127800110119390914311256460" *
"69652615760766068435476662494533972831744629008030031341983304e-04"
) parse(
BigFloat,
"-2.1023686208475476057294544395618130073099770406678174925270881686997" *
"2753558062218497147605522549535095709297359844943479440138357934202359" *
"249809192037828404280338619024038953818603034021107477811697816e-01"
) + im * parse(
BigFloat,
"-6.0733556241922929301667642322192855017484035134724258535899663868611" *
"1994963746514585449705210812988645151794229148398539187518631929341868" *
"181931564005333832809492353344190552953407473327339601222285111e-04"
) parse(
BigFloat,
"2.98656494963974987463165945886839422924617878912128109084236913287948" *
"8888423663709223214766849787277048048505493001019638126388266200986727" *
"31139771396497505980487756565539378689802448154665502249135850e-01"
) + im * parse(
BigFloat,
"8.59173244610578471470832069582534401035949091866205874037208972241394" *
"5052901597027711893270338085323060175767056008315574651107936453035384" *
"02088045685097810447225989853559689816571951046673868543654469e-04"
) parse(
BigFloat,
"-3.3459385822990428422443631592576788781856429252511373347506996469416" *
"4302817718518598056930750101521950637829472805794889552384642436711217" *
"245452451238010163284871328304040495176785081349975365199731027e-01"
) + im * parse(
BigFloat,
"-9.5960109785890929034218869289690385791047130975881195518801156290943" *
"7556790011263721706934950626134802688740437259088162099860734822362436" *
"496970257310765584853375312663196025729913580711609032916430148e-04"
) parse(
BigFloat,
"2.96464987190981641415748380722220418917176531533974218224063679965811" *
"3246977656007643916744014683569865243897963229318899320143485723785760" *
"77261972032584651024334250310804682930045507357256347129797313e-01"
) + im * parse(
BigFloat,
"8.48242152668032182181236976237358182749513319707943723928721961690189" *
"2711205276946067309683209999469906017177969625718756332730233479359491" *
"41209570778659765768225016285697681320736288410344253300319405e-04"
) parse(
BigFloat,
"-2.0699786605397931803238462210958755520574628402545677291482587917755" *
"1321766488133943562318414943183726558268620364994019501557422130428695" *
"791610008583782925910609557757566254588075858440817441893584973e-01"
) + im * parse(
BigFloat,
"-5.9115191977279873767370940394749694613379502190694949994002108432054" *
"8330005571879652322091517373954377279326039222236783805053807737342436" *
"800016563741197068104267674794013394168831622991078774213348377e-04"
) parse(
BigFloat,
"1.12674359442479146506823529908691895704523913910477100363466591699659" *
"5935426727892487222951858751747582212669352958952219345775888914919351" *
"72024091751815772971593431576145799233282193411362753784273675e-01"
) + im * parse(
BigFloat,
"3.21290646301606233056043743858859640675283168401048452424886893853003" *
"3899254175208254531103810161589191106619509984595002981437214451210948" *
"65510042246139249146089126399790918348731672998726171994268269e-04"
) parse(
BigFloat,
"-4.6867086715051493794372355646182735448552486029427888863778782962852" *
"9088484509989517302185389370684111639188725912094648125875714832100201" *
"296081512578859290937732425489306755186365240240582358975759240e-02"
) + im * parse(
BigFloat,
"-1.3347323406175467607426423198728708720319075694845284679565108990373" *
"4475820611730090640758898716860329304320560315934508007429310985074622" *
"484125966054978543587410333453751370778761076845632697710720768e-04"
) parse(
BigFloat,
"1.43997829351681178260402630001745254533856188592837442395744009340003" *
"7282013513952706020715860814098685993002240344440454926582111583066176" *
"10487495104772148016959332080932202429997532871215428069376735e-02"
) + im * parse(
BigFloat,
"4.09658478011000157129888397445908355332361637783489677226237178783677" *
"9891856745742291163483584065765928115680785005595012280957664157057664" *
"55093621348784932160263116004306463390208363023195917283192284e-05"
) parse(
BigFloat,
"-3.0818544346160860664184071475999461969557673949410297203958849484790" *
"7277389672306111711057290668987142009611632620544867494179409083288968" *
"107710422713648582466577823214021181907365516734290807913220805e-03"
) + im * parse(
BigFloat,
"-8.7596225315333139402234546778069855982282392350675120154417577990504" *
"8568664182692219899205662384803890951637066049784541995496709822946311" *
"162118258176087339041468982770004871164758300113099162572818205e-06"
) parse(
BigFloat,
"4.10475042189416416771830859121483791230911570516837791596143112848096" *
"9825659499332013027979861658618053246459744162234469308454129838312826" *
"32366387261098467265625295115346905182554687991034124553201598e-04"
) + im * parse(
BigFloat,
"1.16579167826278263497133960164110255904712748291358105408409839709427" *
"9964585350877160483490513608886572936231854725346653203788726562272083" *
"02729313143408681530071712558561421126217994572605428317410360e-06"
) parse(
BigFloat,
"-2.5630772389547863592277169825235535122231350405964340476487663905815" *
"9582930786834480159928623946845228318132958820880818985868267560608665" *
"935338172572895278138271433335500438252545228172432931768657832e-05"
) + im * parse(
BigFloat,
"-7.2744501792636134819434943108089815507888752222201965050803161223937" *
"4476789707479129184839072435189704096335949814286698965728267124002889" *
"505416256285368848868628318467449253890374221799897819116437329e-08"
)
parse(
BigFloat,
"5.77601834318178191957244223014112223969857820143749035509885754840054" *
"7430041676549221539282214212382657669414280460557113417484170987234564" *
"49197858183578788514950926204028831837803403047010742823288993e-04"
) + im * parse(
BigFloat,
"2.07728751463492711262163369074929830922111911389914120206182732651748" *
"0896614207268687727549133230407428169464133112935057178435922550475280" *
"97621070337171635649349802147769133583111883314049889433496236e-06"
) parse(
BigFloat,
"-3.4436975852507077129797347436664206888509820739136662975010516922259" *
"6132103040930364037487058220367377977106330476257138402690762849008659" *
"227934727253328852214161805260186118495670575092822425055068820e-03"
) + im * parse(
BigFloat,
"-9.8393626678022307983078553268678359213081846690444502157423661924065" *
"2214464076969936532397685859863471292481865160409467587121000569435119" *
"440869499440456274023880908391638554120728875254637587788046471e-06"
) parse(
BigFloat,
"1.53294328708927371130173586687115478108735780416037513299827584169425" *
"7779855390944659967819998082376524933576633624633499842867755741028651" *
"06126532135182263100169438369437182158853933760001571932235662e-02"
) + im * parse(
BigFloat,
"4.21936432502761897268732040210473997187397929506958301344156766186723" *
"6546180715739866682753000179775837857854988855035245315429564577634431" *
"55990801455909050700354956211611923107656170801015038295870825e-05"
) parse(
BigFloat,
"-4.8762112174335189447561639103995154414353227156300403357384116052810" *
"3176020808883240960497728293662581183119339823979108693215537403638608" *
"399843563465281653391934551271064167262310212181782471127652186e-02"
) + im * parse(
BigFloat,
"-1.3202847394323266961085081253471465680815451975994820758054789790502" *
"9995256425245665374331235004981118561314715247704130584453738550194548" *
"829816862120071057120489840514574241763770534299432249739614592e-04"
) parse(
BigFloat,
"1.15595915418331204383831727380817481659503751989239215405082116822223" *
"9868344600686884683544147487919722128557293464211004353729081166287644" *
"35574480711625762778421471027434165680530261399077662965616796e-01"
) + im * parse(
BigFloat,
"3.10095370614871252623433121597768295776714594447665584888572477130802" *
"8385746249907073857898096540484957636435103539175618326678674183390436" *
"07664058289950533369778366749383985100463633984034368645247824e-04"
) parse(
BigFloat,
"-2.1023708389545921888862150873539533923330307796780376802961310929219" *
"1303789336227261375174049325129800494234203125320480614514847322367997" *
"033392891383178129005985019000720010663960810631910277916440737e-01"
) + im * parse(
BigFloat,
"-5.6061787961346157530965232865349815164848584728254387529995937947371" *
"8442746759451545606957635932740315296972606210700178365384812143242125" *
"239007486641372820348238838292175979578054734143114401666511177e-04"
) parse(
BigFloat,
"2.98656807780263485080952867168749114576290817034706763408258819649734" *
"2302525346753580404301012039174027336632744557171337291287355913096491" *
"88397897030520140131565585141511471875778936469098688228427365e-01"
) + im * parse(
BigFloat,
"7.93083610419817334530872759060905575145689566865938484542971046390887" *
"4093283914597207649527733032029672069927193530066851628092340623194726" *
"28812424553824560409699851612561777580181992939242549979218502e-04"
) parse(
BigFloat,
"-3.3459420681607126120057428081424356230145849758948714641740242326230" *
"6360559664166247737296149119378112180349704253079707027925710186273140" *
"566461482349710702329067451633844358596271423145010774513818240e-01"
) + im * parse(
BigFloat,
"-8.8578631338509897503744760366766029716036300193072565047049367477017" *
"4138096805912129184332571034433410766698772313269258008614998686959403" *
"751573618971444262266583150055502044077726307217406219155073988e-04"
) parse(
BigFloat,
"2.96465294787307919843330875196424596775721315176502991384199930896155" *
"9415749492642839688827678821931554058022139605961032281940936101863828" *
"36429524354256168510562910807198726331551149799583724531927694e-01"
) + im * parse(
BigFloat,
"7.82993359611301072489429511026462663118991453507552456728519359797211" *
"8263508492094943866961364379003470111724980754104260305222678138292210" *
"33068391503341977494128787061005441732797620173608476567948653e-04"
) parse(
BigFloat,
"-2.0699808012644476751387036113205302266772808817711284814517930258866" *
"5080334924943433444879860195264935488909945107080015032370778739778486" *
"900479760329157518852459203812619497751669384531354168934499945e-01"
) + im * parse(
BigFloat,
"-5.4567911461134128999519518907453710422949724955106123853268234528906" *
"1346717376577663870693065185287388535614365121713731815100464027020057" *
"598925614682180636175360987620684629191199358696231365255140412e-04"
) parse(
BigFloat,
"1.12674475660557590083957871872335166068067467483807417801016349276109" *
"0001131533727748019200773719199792797862830513567810446340704729190579" *
"97877030182363276093396834431685501986649160594314422471764200e-01"
) + im * parse(
BigFloat,
"2.96576208719540730400395813967661063352487515236101057074637613523972" *
"1565300103006004656813147567421805142432516933191267744354283458987980" *
"57705362080094630977638618473954537128054783454317179280560941e-04"
) parse(
BigFloat,
"-4.6867134950656949029339634950050290586030811949022665630176325237884" *
"9090560804563844991448936076242044960663413730455714166598343526964775" *
"519689227833580101065331334924640616977180116070737412792749654e-02"
) + im * parse(
BigFloat,
"-1.2320615657560785513334110613509378880504343726872570746473832325882" *
"2911047105695497973412061290876929780856776215251123877674779799980494" *
"015808088686284595706943872153264496556676226545456275374180856e-04"
) parse(
BigFloat,
"1.43997977282074795001098577067817784602465721408956202797746259565041" *
"6782868829314737480880495108749075061243175236893800364727185929883232" *
"65913580565116873031843953991975758021669584235024973468010105e-02"
) + im * parse(
BigFloat,
"3.78146576627458986216600361244367602170237662185323152099321750189055" *
"7367005356368551192384478399091435895977779860297406474387522608816286" *
"04119941787417595235747000582273299708469816419058232825063674e-05"
) parse(
BigFloat,
"-3.0818575956750573711594940288224999852122525354761821854243277055380" *
"2538381549560069719865361860067700817436609739666067080627924458303636" *
"929863246655238317070949356974007164483739664649035009748636050e-03"
) + im * parse(
BigFloat,
"-8.0858115911517411566135565094297266058406657236378425479778035041150" *
"4326918756980776819964254280441249127428297792582868944233930275733000" *
"558385279806021258111530639043409359355562944710051257410832164e-06"
) parse(
BigFloat,
"4.10475462644357767331154220951646372538948485244985806707218837820369" *
"9839553718320932230718594300805080228485609252977627530499281711216307" *
"76872412045148570467016141984601238993469880981132665136980728e-04"
) + im * parse(
BigFloat,
"1.07611621663378045308186220413436349288425394405629245156560609302888" *
"6187384957424251095772720240560371808515426533287220417102038732917199" *
"47280070186931253363205298735257297185917021558133237711277643e-06"
) parse(
BigFloat,
"-2.5630798612520859627898723999984264753758616612712398954618653953585" *
"9518767878463997586470986635473566614326938672823492930487277740676374" *
"531357063996891790560799705131230760307252157091175542570601355e-05"
) + im * parse(
BigFloat,
"-6.7148822090289005827919030376116739420954868240758823113996890071093" *
"8456654076553994924698317310817029964917526134107330640637176673067206" *
"715149981592753258672738649343827736699660812424480291052682138e-08"
)
parse(
BigFloat,
"5.77602819562746377979796985750572244784087153839009045166061861336242" *
"4213394908070430623575127726476312615572896219972133155733520169713492" *
"01733117002044082699683634989239814766390838059568147803174189e-04"
) + im * parse(
BigFloat,
"1.90418246216240837229008036403210254266872002095994151860853438210763" *
"2272380712011839181651827047954040497454483704962083048802164752782399" *
"31818164593422045277001951151055037062496632185660124687516124e-06"
) parse(
BigFloat,
"-3.4437013616795220483033523088744494525660714330099656351903356265379" *
"8453902576230351345474511879432220030009943379376344565391975450431367" *
"991549620748867914766591459715286956974950919050794471532785851e-03"
) + im * parse(
BigFloat,
"-9.0194228902507829731504054572234310202859528520260375085268148915043" *
"8415674522356404864742436073214098455221985017523848710107149778566506" *
"981107512707802921091168299190651963101261788541701215064735650e-06"
) parse(
BigFloat,
"1.53294486011630215609186837658385051839788320711522325757677357158570" *
"5958651808954802178840975474864127361020234271142323645167628239779115" *
"72237400909475366865978024284283098854185445779814161717765701e-02"
) + im * parse(
BigFloat,
"3.86775352689968568992835047343774864409300125386213660378007921381685" *
"8367997705896428523634414900240374614026988424836920656521282617864164" *
"47360840353693396275090427652259497494493163544795237556198036e-05"
) parse(
BigFloat,
"-4.8762160785506260413868100403070725708182437847292857161416944167678" *
"9503839073846187732210628665210608352309732448031712253577034557296404" *
"600934718481633421332518555212270167603809221566849990643040417e-02"
) + im * parse(
BigFloat,
"-1.2102618974585144857584157016221022286495195587822563898683865994744" *
"4082859897661449846208190324500569707170766370556297268075573993613519" *
"881350839705572162163432083589776760361186241750995087333500787e-04"
) parse(
BigFloat,
"1.15596028798026414763698549681875076692020504122070726086525458580843" *
"8601946890703296763699386894008484640172301304861012487592581859006339" *
"19971926395129810403891878399875628400875460799858672897344169e-01"
) + im * parse(
BigFloat,
"2.84254295359978622722341499400314258598395519843226275016855623966525" *
"6012823306066176740480162175092222542314623639180712328342023310647384" *
"38520043833923574308907075185532502929485209098462661067633631e-04"
) parse(
BigFloat,
"-2.1023728796153906202345040475953854162847554393785036666987158567873" *
"3954860627081062626441673980759725543532805536735488244664484652053960" *
"002698664118706113681674485741441834465442079820382499443676420e-01"
) + im * parse(
BigFloat,
"-5.1390009183674079439554173430374770110267717996629099469816404631784" *
"1373038863528573607485164714542422004505507856456072915415426644422548" *
"191908023945980456779440236313077841076302744615832482243446486e-04"
) parse(
BigFloat,
"2.98657095571574381319565396347015986385125891206734616241531301515943" *
"5047934893277155764423355457923538883479706230732015169841305254366655" *
"15746435449104900592920229066853348474554843909273226961744259e-01"
) + im * parse(
BigFloat,
"7.26993828534792236920695295449505159168265606544228712500578075656817" *
"1426270142386594567251823527367245720165881499196340580247095056803847" *
"94488360305136102926151293861691259647467981942105328220194109e-04"
) parse(
BigFloat,
"-3.3459452751570648343638228600463350155308631180971435144520802859802" *
"9551449153205034533421549467431480448906107442573241536656805359537922" *
"711870950646589824905761769195323538417971275353132386009427608e-01"
) + im * parse(
BigFloat,
"-8.1197136460965283595615680191006475135974031309173199438406224535875" *
"6134770339063980920467459462944902167939404798025074165429380391708923" *
"225439198813200024485093705380025307963271301913501087295815364e-04"
) parse(
BigFloat,
"2.96465577776246443804877138947057679393406440991384872464633336274816" *
"2212976579870437860407286710300971559636213239404216680568735256748978" *
"85465040428934157548276479418803599338975380451869134336599676e-01"
) + im * parse(
BigFloat,
"7.17744421762451927225078970536838331219320782739391829268499266211617" *
"4940902554336372722878087354070870549562571366896659833907745826350835" *
"27424738181656216549940073229679831482394243361299087641445302e-04"
) parse(
BigFloat,
"-2.0699827707333413309225977653270204717075015551525490701012483481357" *
"8195396431850771184549603685448626495581128536924783170891814471856359" *
"331896089023767889781339902698673683698312428559570652411493939e-01"
) + im * parse(
BigFloat,
"-5.0020620878544513763007754377244814266978787774044551888112438270620" *
"3202593632677431848888373692945268496786658920482213753393857316520432" *
"456734386891863787418282423381248056431795784259500796992065816e-04"
) parse(
BigFloat,
"1.12674582581309642944219015949119474348966432185127579621708037355621" *
"3845440649126848666770872726485560013181932757976046080452483178656945" *
"74738206551499155929443604837229433883250658722620665682124087e-01"
) + im * parse(
BigFloat,
"2.71861716533308897529154011557504747791116577649891106877279784417406" *
"5838946953066534335828442233868572435056916450366984081704394909474967" *
"30993142736327760373026963616894795054996875688503068424625953e-04"
) parse(
BigFloat,
"-4.6867179327463664774460430879317327939253790293686680848860719555206" *
"1012004278320324325914170168176139316111782137774467554283309295951798" *
"707571148684998675843021656604651581788399982475935034229457695e-02"
) + im * parse(
BigFloat,
"-1.1293905644198871129854579444038822591565935844079609058423734744670" *
"5272184564452422833157805576855245437275493723482797534267894698822446" *
"306764721523308804752753304568042211279243743252309438308315666e-04"
) parse(
BigFloat,
"1.43998113378189178721417862037563219961534062140824301482269530581779" *
"4308698372868203909469856718472412682288446904695224786141347028333341" *
"68702085595854630612002297227953926493199106207131191665518876e-02"
) + im * parse(
BigFloat,
"3.46634605828285008022493393416577705291914499497240577651317298070739" *
"2855214022738947054230437492729808506072641280046715714344484836968003" *
"20273138808204203826747637718863884636618541420242748575387900e-05"
) parse(
BigFloat,
"-3.0818605038525616378375773371669917717085408456054462280795828376315" *
"2112030255366502200776648353779108511884442752462694698235474828110813" *
"412535396292225284305795162555134011456439367328082826781043657e-03"
) + im * parse(
BigFloat,
"-7.4119991681918244554130571856444826709841835494650817262533667424276" *
"3235056143080846920959327727455108011102130376884842835246321553375803" *
"008713388200590377764546043682405207147209111019928266811548482e-06"
) parse(
BigFloat,
"4.10475849463335859141539265103097920687330171364605247222973511517909" *
"1821769425481056159647748792199438447884322505924705883691746512433447" *
"52991525563629722693579465899299081628950367272636248662510112e-04"
) + im * parse(
BigFloat,
"9.86440557889952198573261529590739193146708648247156176399367385365038" *
"5719134068380493483971707331410386384333073557066795210443842443554204" *
"63519234572217812490412115699612045003420633497088018016127291e-07"
) parse(
BigFloat,
"-2.5630822737682944463273023320160077070092504749262258207420967692553" *
"7338636169602407325603914346777749754905747128873457978306949287382805" *
"971525545364283440427622328414562949640485177158408567487211809e-05"
) + im * parse(
BigFloat,
"-6.1553130098832572159156874070887950957890846106951349017217689158027" *
"1274640412849491235653802188331299397788547804924689029628967239427413" *
"580339794882750804639513908827416683756537857487082171494061872e-08"
)
parse(
BigFloat,
"5.77603719135311142817248655292804379031847323685687223503646090182821" *
"2479749828307075652933692487438966602427101131888936906951744437489234" *
"40476641266446872633647603064888816526470477328164097550182385e-04"
) + im * parse(
BigFloat,
"1.73107682523631720727147873517519366414260080950884600984423496721171" *
"3062053406817832154086342737773017350722239699108687859975728130992710" *
"64396808786204826239691228513738211812128791268417733046316232e-06"
) parse(
BigFloat,
"-3.4437048097270836072347475249460499262141091413167137077251119772771" *
"9879087271794921927776331879295879393001608669553687225456059902070536" *
"384911476848414498406852085943704611785964583297489556814740527e-03"
) + im * parse(
BigFloat,
"-8.1994812575481994495356503396618458347207723498673102451607901718195" *
"7321010210710981449925112093910588714848781158794484661169731747150641" *
"451954236611749232446524795379864300854614104522565534747064036e-06"
) parse(
BigFloat,
"1.53294629635991589212374120287262448043715114770966916405454589872900" *
"6226889777467014251940656153824342357068041752006118683038139417743479" *
"07543533563917060060855326230065177077470868830760384041571986e-02"
) + im * parse(
BigFloat,
"3.51614197339347568386290574526536536114550602111243627478391868712726" *
"3878166359958165155562805422223661228678819814277706944848270591261467" *
"84050062981357482700861635358426370112323667163490166597009038e-05"
) parse(
BigFloat,
"-4.8762205169665895064490303210547826097468729240460261952054483125424" *
"5863280037039096757571832156508738074919167224948665039369800767437176" *
"942064868030226654857399486529206420686712863669639811924288592e-02"
) + im * parse(
BigFloat,
"-1.1002388242734221163277789466871210094022717098965122976037228358913" *
"0804525468882854569464149001554243647729928247070577100954721443993818" *
"851990787497177551762452160119438488117240581821069927518012269e-04"
) parse(
BigFloat,
"1.15596132318726101120594947039566021309342714794031508770237162589793" *
"5402760992232035859463602103282579819477856449199171143082882332639937" *
"82019349254530982285514130608612895677332442311548808639178317e-01"
) + im * parse(
BigFloat,
"2.58413166462699436373860235304906905091871335060286775834913178149350" *
"6505577241136607103484706115937118450978670254239412207363967363622542" *
"56461920916793626741110443519764449256950113937390098520189523e-04"
) parse(
BigFloat,
"-2.1023747428293635480167208413110298049818050039252843136467729249206" *
"5668505496698860694597286041083673900508186559474549713966272703721553" *
"516887703064442392068255942465345028026539355732604140081662033e-01"
) + im * parse(
BigFloat,
"-4.6718220783651079775043799466252242859763087459309910724548984054961" *
"5006088578120212897392349889290044839926135720190049137335627676865694" *
"439804385029858665932806668591937962976542396088229481675642869e-04"
) parse(
BigFloat,
"2.98657358337826306845108965548759053553118394123144607467371275201663" *
"8416421661820072227658274810168686439729852008247564368269369366652320" *
"74089731839850084635339302986905790315511256398464454749062480e-01"
) + im * parse(
BigFloat,
"6.60903911263168361633105123213398163865569442374021764089855314374546" *
"1369970447543345195761597582381889742907561659964887314307511180509527" *
"79836709943368154209327886006464044518140978436311933627384434e-04"
) parse(
BigFloat,
"-3.3459482032871955038090565631253284919545909711247642870436969810964" *
"2012343322597064153810376752444309436820729196967177876257202425262877" *
"577565455205761187283060841949425457772426272868508515955695708e-01"
) + im * parse(
BigFloat,
"-7.3815626522416282228927536582055215145811101762762459745054663913633" *
"5433556716293089278239223511045446022449294981907607369807365340820566" *
"750398167082572915430937548386629142991986099049111575270088571e-04"
) parse(
BigFloat,
"2.96465836157717626615153973501651668319968945946692559988796586497576" *
"2755359286609775942597050787543252168794436435542335078395303323115389" *
"00917031354952332814489880320975176728603932777175049879840991e-01"
) + im * parse(
BigFloat,
"6.52495351187308935556008571736274652137012427866538255549702045483106" *
"8505865780551343284858949049847152857467526272355488908984979260319017" *
"58156730393453584943943944130853201138354509316587596154304829e-04"
) parse(
BigFloat,
"-2.0699845689459212693884258494904225109182500065831993427814247405508" *
"4618752119391451391909924284597634088058461664122940695223473389940716" *
"796314877546885431964540881545547529515679945147076760415261705e-01"
) + im * parse(
BigFloat,
"-4.5473321068368461835990718569205044825495401656850543572745375372589" *
"0778888895633785962016636741339356458722036763314446349970632606844224" *
"275688160958861085862799545401980584558806135917059505417358179e-04"
) parse(
BigFloat,
"1.12674680204705333995559299603633618378770247701648056738204643436991" *
"5528660335654935579564322768945227857902886915408182279552588995876682" *
"67868293401239962326510527389036780045627693711770115049275951e-01"
) + im * parse(
BigFloat,
"2.47147174293188094280183110846039828417172395217403458618396637423008" *
"5549409076096444493197223188478982870344493292700510031630006748219202" *
"19640273007935019782246138554570332158163497676237381774355290e-04"
) parse(
BigFloat,
"-4.6867219845459216839035209601688495375239935257590226622415698192962" *
"8789010326299589394912940152602615671705193236516524154806504370567188" *
"559154198262936731473357390664513755273598798495764284543745915e-02"
) + im * parse(
BigFloat,
"-1.0267193554815766756853904231297348267647368993081730478849859470835" *
"7521994499262640543955772192596953794058628305350212375373709040709302" *
"364135150447544909039046582509825706626149057515635772816376689e-04"
) parse(
BigFloat,
"1.43998237639986265468822981244119113129834052219771861624442895746513" *
"1566600774301257274912573720789023728850201119615100986261137603643245" *
"69867826542224031934510509761144691515050511751282807250518746e-02"
) + im * parse(
BigFloat,
"3.15122571398025665278612493737009765494253879008855528260132307381150" *
"2855303171499763242966562992490652070925026788407267558535601910195590" *
"94801188573022322840699364683667205550880943526287352732075058e-05"
) parse(
BigFloat,
"-3.0818631591477862025875028939548526595714030075314240502408495233741" *
"0111337271852514563422192155188341721379469995230584166127725980077768" *
"813779231568701494691552931943473722258947254016963576066213939e-03"
) + im * parse(
BigFloat,
"-6.7381853861998675847268389998258147402213028228840409863405518127583" *
"6996866078626936702939523395020542768517296132661667631490540748219141" *
"510196288884637145889384831052434676299136421927568492657383422e-06"
) parse(
BigFloat,
"4.10476202646242680239581084330221600799839806934374947813194477165119" *
"0885440748539375941131110183935158691087772572626661354883928838699001" *
"26870980694251862298861425100165978447269160290249907578534893e-04"
) + im * parse(
BigFloat,
"8.96764718457282029123413750661310086112662523255608606657271937792777" *
"6543448399777641791870579607801708729556056054703024560425466405354980" *
"68963316671387340684766118617338319993330777747321050907421555e-07"
) parse(
BigFloat,
"-2.5630844765027386000212579865241524038487731385560748951858254689366" *
"5123411101704414518463470106607892602302746297523865976299330418332596" *
"461149073479113371720667346885723997464970393839879676273765897e-05"
) + im * parse(
BigFloat,
"-5.5957426842343613421605438579143045128306883346709302116332715097744" *
"1968619245377108896499615214169412892717989283505533677745584144495941" *
"500199202721071009293405461726762720752647242753015740254747915e-08"
)
parse(
BigFloat,
"5.77604533035480499618517595630861200510536841622771350803236946132810" *
"9138253976631156597516520624552559954583854361658494638746896181366542" *
"88502964496971910452813279933711777854486487087025598007473610e-04"
) + im * parse(
BigFloat,
"1.55797065698780476160247665046295426888020635158029350621291510386950" *
"0811080810015508622080086668283025535416333828406427436135535826612994" *
"71483805296168297526395630651764196444828759658834439599948414e-06"
) parse(
BigFloat,
"-3.4437079293923392527507691814353530027022325877860441818613736594923" *
"4376572989068194271522981142278680606928655964713414221261056513263989" *
"445749368754201424732942933558636359862241201158599148840169507e-03"
) + im * parse(
BigFloat,
"-7.3795379383422849107788986495938240837103559653637642501563162123087" *
"7884294557824815209356187499229679960667594631470014021589028824315770" *
"476061547337288265888381930441489615690377205622190374496920966e-06"
) parse(
BigFloat,
"1.53294759581969375155977519986539887676664673794169645021711746877299" *
"7094793153080875593413899337273652479670242938098221548278802661717550" *
"94849028555448683772161524037363071748782376391588538439740149e-02"
) + im * parse(
BigFloat,
"3.16452973317883535429329424593984457615199341474864679581691487437312" *
"8880903022495948418557219768535839687913877474751622464853758048230977" *
"17816830803605109932937986024859368700609317620604749804082939e-05"
) parse(
BigFloat,
"-4.8762245326801297703964256139369191944288431006459532985260575260149" *
"8987125715063357709540871373735223452362134753143550483507153508819373" *
"885871906846176356121860930091102709705717200405535638544060021e-02"
) + im * parse(
BigFloat,
"-9.9021554089598323053586642345554729674243691611932497904356009553020" *
"1236284446156130689299706442221999596905009805055012878031839846973347" *
"362068407000239209997808447139972916388620907019005075504484569e-05"
) parse(
BigFloat,
"1.15596225980400697905611834146212758750689648034528877103050761033333" *
"1806422707038585097106572803716198999531195013688860940464372687791155" *
"89439342067159378465637356336887861759681420445319894118203822e-01"
) + im * parse(
BigFloat,
"2.32571988799551265019151689837766809314763702734938679617190019870881" *
"6399661459155419604941625254909605271956005430700992191279048100059509" *
"40269541204599383044824624610069922416819366320430593546407120e-04"
) parse(
BigFloat,
"-2.1023764285959819980396589795574924563629360896696407651628671367674" *
"9450425363831900019876127897960993531173326005259016702644384051985351" *
"343910324937015927474117994634234345911079021323996267048446530e-01"
) + im * parse(
BigFloat,
"-4.2046423636025079997736149557739963780057610880852988057027180568448" *
"7287070110560477897446595726868258508082124874533040543101808198687510" *
"609557560410811420795533404673594078965921491072269212869344798e-04"
) parse(
BigFloat,
"2.98657596078944967798954983307009866380894605092789324132804619957664" *
"0242047916006446096530945444883310480511190143535094093084049064633072" *
"44388148457308121241235946372904523810396685330411479722104871e-01"
) + im * parse(
BigFloat,
"5.94813870912660495070489592688348831223104487002955184166985190996228" *
"1121538863664622208720681832663579523195723625277969921135620121268061" *
"03062022795199635827931436269987682125061814666102376636298304e-04"
) parse(
BigFloat,
"-3.3459508525502792226871397267977687503655838020631524371756571334447" *
"8552271937935426467983122983827991699060199601059901888471401609194861" *
"187367674347463585929594774998236608620653139919489519182664034e-01"
) + im * parse(
BigFloat,
"-6.6434102892027593593890453284571078368403356953083365129829471056066" *
"3623065748158463772227940482796549069278710916372949363076122782996821" *
"180611591046100369989643024681826402881890721221588688745716159e-04"
) parse(
BigFloat,
"2.96466069931648802054248893288644701573528069663893802652702061771348" *
"0194222871376697508923696369955098694468287685673796102870002658501845" *
"66623891475276945301962746849194119377039229911284641425096596e-01"
) + im * parse(
BigFloat,
"5.87246159951744716168523529327104264297306403169571113159860338291895" *
"7148555526757101874923759303615126884857013171546374501705295182525218" *
"97271630118206910821695768861785096162989019374925045218838849e-04"
) parse(
BigFloat,
"-2.0699861959016826878168979831068139646921797675119688307409092058897" *
"6256751505356835971843850943845467112355326216627696848275335797010827" *
"876040315666291686731968049833936172288845376919009616646965687e-01"
) + im * parse(
BigFloat,
"-4.0926012869466769270451724388866814694273544156558335145889768199835" *
"2615488235626524063860181031606583761200844571146443093189661868296492" *
"425736513900830925785781413406276259860253994418183118512160731e-04"
) parse(
BigFloat,
"1.12674768530717298284249736585580760584614877803492731294724200995876" *
"9746901088033986176597044752252335800521805447036156829618323143472178" *
"58110876951745960364084072426863437994520322089948547732950801e-01"
) + im * parse(
BigFloat,
"2.22432586549473898084090050887950136205158508517763121847750385264380" *
"7969418529618583163825657658607044870367568757013309954364450139227651" *
"46099301586997537795842885150423140439250211005191258779778832e-04"
) parse(
BigFloat,
"-4.6867256504632261378713035999348605731189740237239454876101926696066" *
"2675015738035955316645789094178975117557213861028705819655949442888701" *
"819555765340814605777328588078312678347762477609834833646522203e-02"
) + im * parse(
BigFloat,
"-9.2404795781382695761786215427444080318366548364016093447145658514853" *
"2584068857304442708391516940268930743319785015306449081708070685766317" *
"715623117006069456306345632130493154741118250998293048289602466e-05"
) parse(
BigFloat,
"1.43998350067431301144396186782161615461001569850180280384714137584366" *
"6410715364053572062179506591300789031254867775863086993246488035860883" *
"34496710789574127298709152464846520561150650378409285494138186e-02"
) + im * parse(
BigFloat,
"2.83610479121251520082050030901068070724637894315060657140876951584317" *
"5281378717265686653318393306617788813397798526398164593214681910401414" *
"73475753521296806566706595541610927583473774294836035779330584e-05"
) parse(
BigFloat,
"-3.0818655615599890667872113747429854636839957310675624995429765357133" *
"1462152339643048340048889751060193935200376619800429405682923650656343" *
"771052619467244972360948870826056854782226505120745665857988192e-03"
) + im * parse(
BigFloat,
"-6.0643703687226677461821987265430220306030768192933552611108139201418" *
"7938933216974734511380638402472672861157902428176888792083758432288631" *
"483849188016446883869967488991639725548134154432819626396462552e-06"
) parse(
BigFloat,
"4.10476522192979610849759350269087775711764120455665090243152954510687" *
"6549206364154174630084109938936091483103936800179234437044084725210530" *
"74762570486678962316777555344606218418513283287305734706299766e-04"
) + im * parse(
BigFloat,
"8.07088714761819671325062536261602002031224144056059577223355937864103" *
"7508317566453427034093679378651318455085603705967826464770559750058836" *
"48621290075325328393229067439368386445054687084254040509052342e-07"
) parse(
BigFloat,
"-2.5630864694548037530605732315232707033551538790694891222311995322641" *
"8210109204894808832152354724576850163463362820760754688052745090354432" *
"300585860464629688466159004095072605953078439003278207128698158e-05"
) + im * parse(
BigFloat,
"-5.0361713344902995065631661650659098455686010505498147554931781933962" *
"5738701942127667600023833650676817702928649817714989788826016953196121" *
"527257014848733150550565837029283749329351931724060759753983218e-08"
)
parse(
BigFloat,
"5.77605261262899792896394994564550853589796531250162760579226498705248" *
"2695673888088381198348495463899103973270560436263839737733952738157134" *
"38376027741048105597551056319850760977795435658080835036132077e-04"
) + im * parse(
BigFloat,
"1.38486401054830555072462533308133846453266498865395103838523371236179" *
"0505419901734042735632619040485577295027717695854169914444178473281816" *
"32039134247805008264506978745458879610273432556337986719690423e-06"
) parse(
BigFloat,
"-3.4437107206743361451355337073777769773790264292755552914865639730381" *
"1538050493626555286851838540446210519583087150749108436225052778954339" *
"750725531340340517891150713567114326816225779491535585895288409e-03"
) + im * parse(
BigFloat,
"-6.5595931012815007702644446916210594594740788719754309864026057842335" *
"5747861018542201676002075900627929845869188361578759271103030480270472" *
"053752813187635034939074304453790774223063112264726572339208713e-06"
) parse(
BigFloat,
"1.53294875849525467721751735807315690077205242557743408231158635431850" *
"5739229147255332174158916188375417209349623713114340421596047726087745" *
"82880371797116656334316110663497361265384451431896702892072761e-02"
) + im * parse(
BigFloat,
"2.81291687492586996587396740732553840512064520918566868850603960986991" *
"8758402319619640488105904852716505052696821413572956668723704657362913" *
"32149145326382277521021026243710391299338518852631614906271745e-05"
) parse(
BigFloat,
"-4.8762281256900891257430623799248412297508844011043271068698664167772" *
"6959534808671623701077276130479277518506530221031907730248638041390977" *
"392274217287968368110925029042159166064772642654795804799660943e-02"
) + im * parse(
BigFloat,
"-8.8019206834520965501319638907488066105033927617326052834534863234987" *
"9890563205918789451033703176128412177608787875435088370912596372925309" *
"112161751044313018941524736628986646043128609778468087821333356e-05"
) parse(
BigFloat,
"1.15596309783023455297215585094945055799463961436538814952789939389639" *
"0818819792186170682515141417409690169973900367548816028375670143250037" *
"64883242607553501616079611450433572203121242395182644768390884e-01"
) + im * parse(
BigFloat,
"2.06730767247069687076689254763661737417363804175948724074258122657538" *
"0857992272162969433814822554425254625606572965463570570893932883145808" *
"91436711209683496503865793118860838294808323088834168256113465e-04"
) parse(
BigFloat,
"-2.1023779369147673739061352718256373376138840586390331669207308868569" *
"2759876456933654384986012017806089970217641577020267440320071966754057" *
"532756665983598466322557722140545195707737548828767322829619383e-01"
) + im * parse(
BigFloat,
"-3.7374618615547216766878520766266592612685182366085729091009044088756" *
"8843765820066289796171673676282592523665184088476280912803468945306303" *
"449981801802801296351405266864580012378924517176038643089275280e-04"
) parse(
BigFloat,
"2.98657808794863145830191374905534076129632792378221575668448126204598" *
"7749920532255284830903847500334576163387436605527712369465919732152386" *
"50772769897584390231105720942449438452026093394719498091241846e-01"
) + im * parse(
BigFloat,
"5.28723719791028517722165986556602435890981858032175303322531311164373" *
"2956407340113641303268828273205332174622141643127498881461045172313273" *
"40733811705465414402098374609140994429959960532864547632872881e-04"
) parse(
BigFloat,
"-3.3459532229455692015588732909719788494758968595851099885395515510565" *
"0909092059413118661297047812375792921379156382739490510060619816363751" *
"326930114416560439626057891503804120109881038688321435732135356e-01"
) + im * parse(
BigFloat,
"-5.9052566938968922681305035811129616829192194440795711493170399959305" *
"2839927263561071756716214036311427900864043473168577360364625258644513" *
"019232722274302979199523320223360016079316335302269435399219303e-04"
) parse(
BigFloat,
"2.96466279097974224399207447537511811313694178431734304470290252653656" *
"7853483114670826973049129709192550202638538832221386564562578465756698" *
"14629600825003841215074077635159037441550398280968118458566283e-01"
) + im * parse(
BigFloat,
"5.21996860121675914660083458678178013021301139973302953991986962786319" *
"9089371145693141127876255769931764791769348919703217688209360559224486" *
"28498946058792290565016057984849487967978079485134967579523808e-04"
) parse(
BigFloat,
"-2.0699876516001688592760761006148552641837900195007038839711514142015" *
"0280850585933960917270081422167698661945848938002442724094014845519526" *
"285255985781885979946162288247573750554955133965700188225490666e-01"
) + im * parse(
BigFloat,
"-3.6378697120703288736228806188115368596870600011701323398111093994597" *
"8266563093227493570868864043478330602306738154688182906243716165055903" *
"490637816241614640001262664857642400331291960321719259354664108e-04"
) parse(
BigFloat,
"1.12674847559320777006770479249499466533274418193344409274824406225907" *
"6111518924541929655779560820609329587175815199242080089243265268908527" *
"33208587387085412320027835932975466006925271411047396801737774e-01"
) + im * parse(
BigFloat,
"1.97717957852478447848036632694925464187986652782448743815375405831048" *
"9787189015912005725886610399563388743472154185064443083294077443167306" *
"02690956826124128922248042370822314592416346424464005607968673e-04"
) parse(
BigFloat,
"-4.6867289304972534900417026667419005814527986239045179585034938202940" *
"4631407899725540691731444453305264074319153445271162009804961508541567" *
"845179773608203773267654466255273992074509573354365118309653022e-02"
) + im * parse(
BigFloat,
"-8.2137639028938630272058549632553086940130724406238297820236486787898" *
"6130452023141947533813209350341236892887901945761950652187194455306894" *
"462688747987450615785202910571662178399418963405062034242551060e-05"
) parse(
BigFloat,
"1.43998450660492841517920311668643924254856676182934454405121753875748" *
"2244227943060034003922747462370073224579498016285451828758050533706420" *
"41447621519371674590634451712452330510244554806762365266183229e-02"
) + im * parse(
BigFloat,
"2.52098334782554152171661739882118122040876870344481859336266831699941" *
"5706109564851282841897843318518225078564004236320718211871827992054646" *
"67693605077114360600755707066850548425128638012887731188967155e-05"
) parse(
BigFloat,
"-3.0818677110884988973795450306628063656658908516743046143201877494373" *
"8233156755693491697179275210652680213505714770693966875583479518196271" *
"858871490432745039962327225449969045977977499093382925809860382e-03"
) + im * parse(
BigFloat,
"-5.3905542393074707362914427062034259873614982937319546864148482877703" *
"8985018749829467733382138018358110417091029584342272332590608163238260" *
"380399414152628525563009753067336202996580905385686555163896221e-06"
) parse(
BigFloat,
"4.10476808103457423427190710125835835549757545774653886052657214486786" *
"9610354272359605601093151321592645269394759761454381698028181120818851" *
"10307946599862308631734245344452343613807588962683057629786091e-04"
) + im * parse(
BigFloat,
"7.17412563229674459978150163992145447335715151571264749348366998554738" *
"5628745477193714389720189244347498696371303131075962913587693459102557" *
"90298603456358051062178529918633242099440636341068712722749000e-07"
) parse(
BigFloat,
"-2.5630882526239337739080245076505850061888194256090754717382842970253" *
"0851458203832464651950817857686810130980545168308189947105365446040146" *
"888853214606703917290408928548137052038045120096457495683161698e-05"
) + im * parse(
BigFloat,
"-4.4765990630595296949741023739992582409699395159937000492449651388589" *
"3061560564427015441557411161501744397604249729797743879321787261014512" *
"001087214387523491568813069678948903167747681469723080446366669e-08"
)
parse(
BigFloat,
"5.77605903817251698742698860367149998127153146522114279827912057337664" *
"9883548874374301522383013934847720306940918939678676387599254210647851" *
"81607513182052868839556227544849823643626647832535706753694914e-04"
) + im * parse(
BigFloat,
"1.21175693904950912487889012026263677224058523392791315829178731246591" *
"9633926220026801443235999620120995938094774716156784084896344577558415" *
"13677109928239591578553535981535954758040529760601254580815314e-06"
) parse(
BigFloat,
"-3.4437131835722217424174765160141687732896288789277861992388683861397" *
"5029624703367635881647433638719044358383549772803912035197463117129341" *
"205925793267582224180352651720337108686136142411417180737384527e-03"
) + im * parse(
BigFloat,
"-5.7396469150148994994040318632314338698807293739915141978079520741292" *
"9375480483332130405670818264239468446539513793674407293627439818145864" *
"256151598363568464160417144720778375555021378200693675370376145e-06"
) parse(
BigFloat,
"1.53294978438625772273989045886667246004960160560010832391082491213884" *
"9673236010724535390075833867914736351246048805455802152409130081051708" *
"08274085082024567235401131659457249093950799181218271035791661e-02"
) + im * parse(
BigFloat,
"2.46130346730491776199868926187961296768996477631102050925577433793410" *
"2455942729425518183311218580759321376951380839216880628247182823120405" *
"06350211731182391808129093710757626487321439015015389456827239e-05"
) parse(
BigFloat,
"-4.8762312959954317275752286848319100481387899489737919166034854661295" *
"9739318875886720858624147063976962514190349980272047553385041550756519" *
"255886871345947959608942404672388261551489917866612627992776620e-02"
) + im * parse(
BigFloat,
"-7.7016842764018358202191139781775401861765582101157032144241322621501" *
"3084687259296692742634089045544840458869394044250057674924315202202386" *
"993461866056200595712396737503179187688890279767946398336655938e-05"
) parse(
BigFloat,
"1.15596383726570439213004193771229754970277127618426238278375181347284" *
"8252404532854149996405109579562979808238265641541670935047998302898070" *
"25913581270722152629083567285288272592869208053631244136329999e-01"
) + im * parse(
BigFloat,
"1.80889506681806487270086337289896054682037279222054320751392813630957" *
"7548886140742017622772902662795693650372481196308181733591913015521692" *
"95755899834085218823889825154207273487560805866825037493156025e-04"
) parse(
BigFloat,
"-2.1023792677852914572245595815170680416686678101516794097625720851509" *
"9608460301713870809576476790734351945988733245117657170193403966571467" *
"346886582812122694848062045803737158851488343039722351518201163e-01"
) + im * parse(
BigFloat,
"-3.2702806596971520425319384848798220610619149992130390963981368796741" *
"6701727095379706019739118526896769706109196992137532397568113076036988" *
"502748475123905142067164149966788229033832097837161388540540632e-04"
) parse(
BigFloat,
"2.98657996485520698124982648389948914532732819932828617392366933680563" *
"7228063595855246485307661819271878550446258584934251439392358491636628" *
"03219955673143332288073230830100132420257417027952057134428931e-01"
) + im * parse(
BigFloat,
"4.62633470206072894819381304192558368666659411438307000663925836592148" *
"1927223526765703672116615720978535960777443815972753670311509400024271" *
"77581991226055766381576559715107508971434364933723739528560328e-04"
) parse(
BigFloat,
"-3.3459553144723972595257538602014381397833562826655813265259567642499" *
"7984507478155114554611579540903304257213298741510149634924377590798630" *
"060894690587696538130806809510709111604300372761016547442871393e-01"
) + im * parse(
BigFloat,
"-5.1671020032414478809561940612755837888226564075437892029986652926066" *
"3787853995101687914296750017359258600265718137618692208335222101174870" *
"369370464663173847987079650496667214305615365719545588663134418e-04"
) parse(
BigFloat,
"2.96466463656635068452657515775272887874057767814204714757253637332659" *
"5107297568064547204950814999674650280604141721048965914205767219137970" *
"83549858317856356483008535681132690356207870409927025063251950e-01"
) + im * parse(
BigFloat,
"4.56747463763058800910211775248787097730838305754645907750912849301678" *
"8416642556754344417011063426992650999279626753890136279684868509674087" *
"64383253973375322453039970624078600803094797551640484233719263e-04"
) parse(
BigFloat,
"-2.0699889360409711328200047104472774768359463170365494586400199802017" *
"2209402863248602996312483025932571100020957890746726225051081520729779" *
"275378528987679026094474129369860524557371191398198259412437970e-01"
) + im * parse(
BigFloat,
"-3.1831374660944623863531607064607148337599872844272876852304770729528" *
"1166753017384282896968832753400157339242882516894321122994030021784479" *
"189842333927106602223514187585636841502178798679052002205185058e-04"
) parse(
BigFloat,
"1.12674917290493617520568875362077914715055261234724671673322872821282" *
"3537231009953652154160694606607208750694800258341186995846477955981321" *
"53900883455190681527232529321217154032497015018780582339670333e-01"
) + im * parse(
BigFloat,
"1.73003292752528787831378689483231724458853271393562731190277679734986" *
"1359329163397853764235197599270235066385982139745642621712910789238576" *
"17758482001157724187898503381964422192463251347648651427863328e-04"
) parse(
BigFloat,
"-4.6867318246470854266800720212164529781537729991441424688800221118201" *
"4837471356079629468452995950419197507749960903677939257538816047462296" *
"605355007322366741225870416278917233499011550990871829215090666e-02"
) + im * parse(
BigFloat,
"-7.1870467178106481820549519426890681802217968846295111784837731127062" *
"1633714689084623372748632419193815719324843753197933991972835495290474" *
"094526647686004585794882825837293611063376834192161643847097082e-05"
) parse(
BigFloat,
"1.43998539419142752241523350613617672268432371366376960065628420274218" *
"6836248633006077810866380082628704569113576767984246285784524311814309" *
"71810871422946761912576820305149154188731167433826055043503452e-02"
) + im * parse(
BigFloat,
"2.20586144166544057193421108599378347526529236896572460139849232083700" *
"1218803173214915195036916052128863690764016263185465329602747753293007" *
"77679709241706836840170443892244800296750146578335476937467484e-05"
) parse(
BigFloat,
"-3.0818696077327150271634066768982141793003766907921557386595767554399" *
"6045255781958420144513576002319809284122968429208139209280523706499522" *
"490948593709049678024330071575719654631892267983257719363136730e-03"
) + im * parse(
BigFloat,
"-4.7167371215019260875934187587660658767622781235371520629928691594650" *
"4740708094652020681317026169195130064424862052997589067204016837057326" *
"566908987000406013921974126514445151276945254913427744882503061e-06"
) parse(
BigFloat,
"4.10477060377596282696309596438638355513574003251646139504019387930240" *
"8026085836541856747692683922315055151268295138809425721849551163183594" *
"52211117824206374925960152643229341912416540486395826751737248e-04"
) + im * parse(
BigFloat,
"6.27736280287009377352784841116731330008115698032841239145975777453311" *
"5381782634536938554852613324000197976125929259398560239067525340009076" *
"26632385059400804387810833694080653383466355433738305253629651e-07"
) parse(
BigFloat,
"-2.5630898260096310705413235654355579981443075369020811794545640585785" *
"6376344433702178443666821530709771076476411837320651045233880170696845" *
"655743176481229618384993514649389246997404823453962346196729702e-05"
) + im * parse(
BigFloat,
"-3.9170259723508441904976922496331380645583254774466637004860055781469" *
"5677308424512843141360721328556006542204279116262282290728656600456585" *
"624629932253864788557437855286511023851467650149814940239912600e-08"
)
parse(
BigFloat,
"5.77606460698256225020780636886649264789612569936009442975382174485985" *
"6861709075710125974108647133528532248464481489478248034846946184831701" *
"07840416425425032758794866885986664021725946890773082582008982e-04"
) + im * parse(
BigFloat,
"1.03864949562333173233121405928594041891402303793659278489967288007018" *
"2765695514427352895122216870697560377786161859615666804293862161002871" *
"54094691339017191525754246270296065791826554102395552145075871e-06"
) parse(
BigFloat,
"-3.4437153180852438007603986054161557929317183854137393002758726515091" *
"2357779665706311150208773601696862435715287153563995049113362171330414" *
"079491719568160279676106674702448369034736672885799420112696209e-03"
) + im * parse(
BigFloat,
"-4.9196995481920589552904657851633709509957323449372864071513772320956" *
"4715871670056105080245190026019679976178329307336739384770259499767022" *
"314236238833373529563365813061579328628304177312572160024595310e-06"
) parse(
BigFloat,
"1.53295067349240205274752196543157366089825669934514529946645736471185" *
"0812315332808363280798025946305067064859907226300467020880187458180678" *
"59689570757036658064928429672884759872268409636565467011425063e-02"
) + im * parse(
BigFloat,
"2.10968957898652407857011115489912687727038139276650441249067558214424" *
"7460510709930093203167300255369011549822175791602217952248200485972754" *
"36807599796293006859306382850194836522881736604257111472163715e-05"
) parse(
BigFloat,
"-4.8762340435952435940093219056079716884675154223995226535464963309295" *
"5767209777498296505365751258669412868001026992481873820870360153597839" *
"953835767816529130612181083137330488531779626533979186933769836e-02"
) + im * parse(
BigFloat,
"-6.6014463980004975114094260690649552876776213687119392336416882441478" *
"4788701241480724991103914335122102077758405238959773589077715368420585" *
"705730514097968030525861900610753577622741574136893938990309836e-05"
) parse(
BigFloat,
"1.15596447811020531320225960938441501456204811907007977704531857994378" *
"7577285154544144205751808661746955472562456618371418476790379724151714" *
"35105549934946417888674632255200922861350458514077279356580583e-01"
) + im * parse(
BigFloat,
"1.55048211980327855947853759268973646545744139991000857429244381919200" *
"6537974513346163677899143562550225707725176153015250174861603054791728" *
"44411851120491962509797701173017906395956810326447908397783312e-04"
) parse(
BigFloat,
"-2.1023804212071764077964449141326347348990365204586458197023708837960" *
"0885571011401290737343720719228448413193992634299094560018269702855923" *
"330183100471852168840883544262130705928774072524363219962130764e-01"
) + im * parse(
BigFloat,
"-2.8030988455054593482727326595614624299895070787492386450306639338105" *
"7753196369230648347959740808014428549178042361078471117530632600600809" *
"350522240188895220985475213626428933250598621197979546223128500e-04"
) parse(
BigFloat,
"2.98658159150864557432839470249732173640164908035629470724167120839627" *
"1034915280584256353233961436307828901038906042517926193137652693467110" *
"43608472848306430492984476404027017509413673709196592401289137e-01"
) + im * parse(
BigFloat,
"3.96543134465630166970198590752495057809907479553307825250944850714619" *
"8932037857012035957753865737062385066139924562303677256432976336331184" *
"03455834349166189921809794644893683908249552684585379966448825e-04"
) parse(
BigFloat,
"-3.3459571271301738245212920255976447221810673251273517705188534489256" *
"5406278656263659192412552901386578387067947349778684339290892074688894" *
"611661853269971767849814751099113238685836557437247724390380789e-01"
) + im * parse(
BigFloat,
"-4.4289463541542475149412413110424694660100111510359111304797132948403" *
"9681342729387042786777029446633912532609361357920764669775831521194092" *
"584283463093934834072054064355963675775203305141665324941168333e-04"
) parse(
BigFloat,
"2.96466623607579429568420561357653054227652751400625586934415561054701" *
"9871719383559008256568218380140324028891328715497976773044987772845700" *
"88199465575006421670370594122883278282691465061530813232057419e-01"
) + im * parse(
BigFloat,
"3.91497982941884866431818354557640229149368619070555855651622060046181" *
"0119618671047454930925540968630308174574642558909713714013525868666021" *
"97825417817512089903377261047242802134712448882954729386261757e-04"
) parse(
BigFloat,
"-2.0699900492237289336664334426030293155645311665974061696462441728531" *
"5341723250201380742123930772686318154588482958794406650085507773656735" *
"718844115130455525956492932734520768614668260736866169440757729e-01"
) + im * parse(
BigFloat,
"-2.7284046329059823584099629939047344081724951755890765506993393098355" *
"5823160604976235635327285184767932067147804009338033552119606636624511" *
"726882478303694282929307753364344943670802497857771933920536467e-04"
) parse(
BigFloat,
"1.12674977724216273353685113555952621208813310261189522434001373083748" *
"9395751943218786090167404733409401542762754994272171346462511539961224" *
"81077187893834249008382433937705699033348599999396879316595125e-01"
) + im * parse(
BigFloat,
"1.48288595799965211513949069118354504998704850465850352493101099166016" *
"2569683286605622637449553873966608954436404953131405687345039219574577" *
"90629902732419655099946973886131392756333967439546997479327722e-04"
) parse(
BigFloat,
"-4.6867343329119116700235362430506180517074833860194674429742108536208" *
"6966128643533230586985354162345399899436454274443536044344512393860805" *
"230706131677923659128165064237967254753041733033212513781746931e-02"
) + im * parse(
BigFloat,
"-6.1603282116172751204944807506966762700167312248032946283808674455231" *
"1122237522670897378174449713302409602401401032172177063806585411827703" *
"269411195138006483086395127919398963304244885122794802119323659e-05"
) parse(
BigFloat,
"1.43998616343356208861886788999257523589604079001245247932628129200905" *
"9558704265420073571359499056129662870867997490349873609262252315170843" *
"55488446334938543103157048406147451806323500885915960235629443e-02"
) + im * parse(
BigFloat,
"1.89073913057848544956448297714747363981418693847187447307225121806692" *
"2544777269964533309651379157224611108575881855306210018215032270812414" *
"24351687427433058134388730911312329649582591155173020790578717e-05"
) parse(
BigFloat,
"-3.0818712514921074550542707904087636827404242646474941599779931220626" *
"2985453426360224880076011587281878244000864979617705842473084363575766" *
"002105636439933002250074918808258437023622951293949094394529626e-03"
) + im * parse(
BigFloat,
"-4.0429191388540422095960908756779083959660652705947249069432692366391" *
"5309405681467794846029518514151946884692790402205081511800736475816248" *
"190564107435685123792265962198950839207824526831398829924144541e-06"
) parse(
BigFloat,
"4.10477279015325745685477428942999634307210603031858824487183352692007" *
"0790456251472450528777322555651820414056397350150313207526593674656272" *
"16048968569353657446862808106928477555209114249748058655719232e-04"
) + im * parse(
BigFloat,
"5.38059882360035092425780564380812162463935750800376106986337721455632" *
"5391555216773921286730011917633223415949812408269782032368532101084088" *
"24625187136920534935893884839913241719098745055594115097600121e-07"
) parse(
BigFloat,
"-2.5630911896114565906687428966088595617328343778147963267627886297644" *
"6617142335151227364177366532725998858687405305386118138385866106761948" *
"206143122695500368746454202201098751322115632309388469754090746e-05"
) + im * parse(
BigFloat,
"-3.3574521647733324297673768843475226515397194448859844377504179304595" *
"5808387459620299527573740054734281362903714537576464537174224572568137" *
"852975730899717339213050848848624226390868167562696100586090254e-08"
)
parse(
BigFloat,
"5.77606931905670711535384301231605406799854549903442287116875166141823" *
"8303359356449816512382975858403305832982881194257595796739910258925822" *
"66648275021263704364784069260288724799307882683123077949414924e-04"
) + im * parse(
BigFloat,
"8.65541733401887982447905952072874660030872309695921518311952586029269" *
"6288105036767865407790601395075315473059515775076482656281316496046337" *
"11994707883517799655665041089039230409599231014658782436999776e-07"
) parse(
BigFloat,
"-3.4437171242127503748085081948102637965537505221740237224033395503366" *
"1337597433652600983943860570899721715739594220623436962427753657569576" *
"144776451470487988684988402805331536789539510908509963764194895e-03"
) + im * parse(
BigFloat,
"-4.0997511694630167080802488949385432874909025633374768672173078768090" *
"4726311494303522990450436765186513377715996330810786785897129223154196" *
"021216077586393050189004182395896610044154246506517937807725019e-06"
) parse(
BigFloat,
"1.53295142581342694297315206595560429187587920119073180198486101705131" *
"1923507155232457647289281776985299305592464321187985918645615868688920" *
"30045753835736567138830405525792174486333248482570963384729416e-02"
) + im * parse(
BigFloat,
"1.75807527864141545766481784999357467026856860394715478882028256480841" *
"3439650973239945366254130821664512097190006810937552325435545188503671" *
"37584641926648002073762595773164109903132196228188863312753299e-05"
) parse(
BigFloat,
"-4.8762363684887326065958678863290928618378621960206587152689204986821" *
"9840279127804365174004770156671057021364297698806607642877474577178257" *
"368918064212008421726721829782712707482187739634800563364508240e-02"
) + im * parse(
BigFloat,
"-5.5012072584400763091987598817272702862411734921244580254660714200805" *
"8705044660115750750859980090718164317158348255218508848234269864001052" *
"376654973957157258759834709086064619543355729740527563401812172e-05"
) parse(
BigFloat,
"1.15596502036355429045060702263631979436362019740415444253895523668038" *
"0712381968368909984016250366702097340009616254614502057326226604744139" *
"74122231881420535705090955082460846639965617488780218057947411e-01"
) + im * parse(
BigFloat,
"1.29206888019212588395982402220506859683661274331842827467279220243482" *
"6255006024555806395312934314812558909718806181564520536332297413463640" *
"68565566921659590249082731217557975559105682841106418425043873e-04"
) parse(
BigFloat,
"-2.1023813971800947637818577358489852346923572201452606948540509888327" *
"8561352015090785121856930556255853913774018587513553232640675931209432" *
"654650537760080159923064525810467921009711433816597127675753826e-01"
) + im * parse(
BigFloat,
"-2.3359165064555289097532666371490217194533219962902480018829712463911" *
"8669545972863648448143250949280542811576097724731323306690065218385439" *
"197973266295198368829986170712792407301243382116962586953376576e-04"
) parse(
BigFloat,
"2.98658296790848732089797736459418373463285508834354280089234208122821" *
"7610610156674649867580241443891094778372088394055187891220365517486515" *
"58534454906216696566652435712662912253340458410549355943108742e-01"
) + im * parse(
BigFloat,
"3.30452724877568440776504609673688349597985005712861059807282456535906" *
"1419060244204264317292299892697934297566366676002183826782694082687410" *
"27316640971898144952627071673091409687705537909752307701962290e-04"
) parse(
BigFloat,
"-3.3459586609183879335680583159798862642988818412457415584914666444669" *
"3947971542150270350203550115725834353059853592986513817795361944720660" *
"521442628382472802347958790567508552288487196281035414729912287e-01"
) + im * parse(
BigFloat,
"-3.6907898835534628246757461426304144375188925942374203308782823426438" *
"1897293143415285839339845649883884585319687121001920540954065294405459" *
"184678178008549221622563163840014257974229182138828546439105791e-04"
) parse(
BigFloat,
"2.96466758950762323674109829111221030996009323323569192400073854865049" *
"7892433938791403560309347157207941583029422302805464254306861980189130" *
"91590320752760936336129010174962692910904424312677387171308491e-01"
) + im * parse(
BigFloat,
"3.26248429724176421705111728212400637686481433471054019059044575332250" *
"7035728413925153750448441663098292930087553298818722759142191856990958" *
"54477918911208117839650238215125440514076599627304600481101554e-04"
) parse(
BigFloat,
"-2.0699909911481297633536312883895245978076255707046016224185292497154" *
"8639662497722718728358152617480116099137922241464712359515499122584212" *
"905048371217875304432274570593338747545991472473736544799720617e-01"
) + im * parse(
BigFloat,
"-2.2736712963920076471152809989290241192480197510833519052441317378218" *
"4254753223700970100635269747110865504103303107521357819126389935699993" *
"642794391227012434406127892303734311702959177378845395947747771e-04"
) parse(
BigFloat,
"1.12675028860471804213245452203726845895738056890903947117189541516169" *
"3783935142790528949749594683547823719584297275851893712553616856493641" *
"53951839028238602434704410250473762028535325428044819272650666e-01"
) + im * parse(
BigFloat,
"1.23573871545139605457801772126524891964953473466274026210068669573305" *
"5275559544621928910027169508003296716156258494760772811493347141933843" *
"56794766939201903920236901751918278336791803326536747831797926e-04"
) parse(
BigFloat,
"-4.6867364552910299786328104206963802385074345448691524521174379587649" *
"1840362121747122862399381951039996392545574644462308808076128148913854" *
"069337002772508462967062561139943141264463099042538107831897771e-02"
) + im * parse(
BigFloat,
"-5.1336085730428743045784359673977444456529983874288653509166811016845" *
"7305083054877068838616102530797687324390404672839406354524900470483850" *
"749651839120282424627283978095858393940738243402353097976876774e-05"
) parse(
BigFloat,
"1.43998681433111696831017673444342165733939534024596908201496653407222" *
"0982323274413190032801956852635500705735791970804030017857220151307584" *
"92977424030617526897529114573208442110672607687624234056245424e-02"
) + im * parse(
BigFloat,
"1.57561647241109637680749742824256841367877280700542016999396986166163" *
"5446343858842956822999935101175794245729673012270416206043881215701728" *
"14364736905371613636274556360183345621187319435357641589559519e-05"
) parse(
BigFloat,
"-3.0818726423662168463140465756244489067515022329103601337164124371886" *
"8638757414484049632356814028487435256929933767993347750080159638019424" *
"169781234565224333786811914620872206564604200649478461045804610e-03"
) + im * parse(
BigFloat,
"-3.3691004149121415295422627553761808613824282475658670789402895353304" *
"2527741566520676369193068747797440877667808195091793285339572304557938" *
"809296563620799241769727953121559777918827355936470465263503253e-06"
) parse(
BigFloat,
"4.10477464016584761757520189777500327684888223283482818777373877098864" *
"1260660748429054395892834749777882955144725510304509554744248803482468" *
"20923571834407445104460147601467660981999085480284485289256216e-04"
) + im * parse(
BigFloat,
"4.48383385875004000093705864382488536593236572179888742873650541956135" *
"4448397315334494290047024453754039163072112310839856656187606162488483" *
"30549392014416226711080182171718254818193435235778346099184208e-07"
) parse(
BigFloat,
"-2.5630923434290298219193737425962480813105909701074109541661583517010" *
"5937356121757329839221761007449667098261361113467028492767880149849320" *
"139847308318418397695907789976266085589201583616518978982068473e-05"
) + im * parse(
BigFloat,
"-2.7978777427363438590746722052961312926730476584423008950146271714657" *
"2690871119191125565114765443842966719698402757827374772809977922937657" *
"605132485628594102315863756736067747752409571254024186433387518e-08"
)
parse(
BigFloat,
"5.77607317439289830179857824171126161925227271860307984961846906232580" *
"4185235078548943695547405860018210043985840078901770729826815923527689" *
"37441003813630759565205885721858743238134137773960165315931198e-04"
) + im * parse(
BigFloat,
"6.92433705517462508639624549235046800155411472578154244414175184100760" *
"1697390993373833094208985146682396819533309578472074135734747443714087" *
"94091074654960797796195916656863842929924460681259059565016685e-07"
) parse(
BigFloat,
"-3.4437186019541898179854572023041965198517984908203796922340054945702" *
"8852506789197507291043491162803118049482159865916911775268145081203464" *
"332782910352138463494013514525798164354643054876871639848642723e-03"
) + im * parse(
BigFloat,
"-3.2798019474782043681391084633887618959241529603294784292237663467282" *
"8698349895018422228536162982473396871395389770081024572123182018855447" *
"691465998282121327048967783109933555743646481492590927535890290e-06"
) parse(
BigFloat,
"1.53295204134911178037812079471313315371795372239302051493555556573635" *
"4688530823265981452894710124085595639886412927350138927151419874261086" *
"52397548244357739759572782472752357828478388127473100826781696e-02"
) + im * parse(
BigFloat,
"1.40646063494047376110691096789290275218872752045491950192739914940879" *
"0179849235371803057186737928984759548017468356557789454845881065833595" *
"87809640169966049495276698383981188757292531340333998141819154e-05"
) parse(
BigFloat,
"-4.8762382706752285106696713220283767403112756048325638054319787472014" *
"5025568063023175198618769685948025375014898659326119858513799296962648" *
"339956002884293387250253567212769839865297605087343678042186580e-02"
) + im * parse(
BigFloat,
"-4.4009670679130360050543266692216796991691280830949671977522555438842" *
"7135616287234651352830742190472985861349895220758751841292006281700936" *
"978162727867773356898716124890216848449622341553034169474836187e-05"
) parse(
BigFloat,
"1.15596546402559645580663472206569398837766672112486575258931141205215" *
"8924809590569321581890494489392138456293652505474109063981327425550473" *
"99828274984275725692786421153574287645015734818842541766322080e-01"
) + im * parse(
BigFloat,
"1.03365539675050284144247933213176438199864321715944330700063244325321" *
"3510791917049815152275969040832206074862060165187772297504867479371033" *
"09065102333927913041514406041047609146413302523613665190090892e-04"
) parse(
BigFloat,
"-2.1023821957037694418428084321971446185709201096690604251098512357826" *
"6670109751229377557952975015779377085567786533587438981711850827450546" *
"684933804596958961772084413588262626648695667017102149114865666e-01"
) + im * parse(
BigFloat,
"-1.8687337300234389557751429694601786608163145488022924272506906727692" *
"8630247750785224691256042250374138181470387881112980731682009027391275" *
"885492053796870901604613027949517384464158163229773878686416030e-04"
) parse(
BigFloat,
"2.98658409405434306038507126250986798836770241265688399540215193214098" *
"3361004868276888493523384532610565744759152145179208421894016936855646" *
"75694534539950601318823386209020913477825824979642460351217603e-01"
) + im * parse(
BigFloat,
"2.64362253749782879435373667729334152083887364430632716679448473517125" *
"1560443399741801315294304468883588504743293004276500582459800846489942" *
"09423941561482531272764270138030531414099768479293196876278594e-04"
) parse(
BigFloat,
"-3.3459599158366072330004566383904215615597457459335674762179315658112" *
"6657583123407059013382439676305200927234590384161252654806249385778148" *
"625053186811357444548698455189948458596203501588490566313892496e-01"
) + im * parse(
BigFloat,
"-2.9526327283575657543703333813907408994212404974402229359434120480462" *
"0391870337578332013799991878344384451526528229246505796986522141965043" *
"642799649042479642770853196180218472290212009941074660084910505e-04"
) parse(
BigFloat,
"2.96466869686145687290715474800890087549721175607712895371537867604924" *
"0634836558501396908830872277863295201721602922586921639146788445133131" *
"76447902153510686449311290331528907753739431504631117773673316e-01"
) + im * parse(
BigFloat,
"2.60998816175982193496277101704103842153368750319488444836026314072108" *
"9676394466504365660048608186204913643904163392625776719124878241828098" *
"10113979653313528902745370867089704310448791270654767226297311e-04"
) parse(
BigFloat,
"-2.0699917618139091998762924471431797928073928906996638958857278143268" *
"6816453822767013254563826367263141837622375958625414715650287647606473" *
"284464607240367858967457334401505549981076966355033856507017531e-01"
) + im * parse(
BigFloat,
"-1.8189375404398405078285366726556455372791865194197704333446885984551" *
"2360168613564363980880979331553158310454646841087074896806805750961144" *
"248584788409922580278292239279036038053197980022138290241846432e-04"
) parse(
BigFloat,
"1.12675070699245875992823027100790909823226027349863693088682031187850" *
"4616958958664826650814840103388659728999790426206432294990462594251480" *
"95935869074549786661191619663091923096458241841295566979054226e-01"
) + im * parse(
BigFloat,
"9.88591245384137931632345924654628934892062162686922986658831696970436" *
"6762359797582973692329194664723242889084986634793013119888501471908883" *
"69776494431600538574935362250674943115052833198123233469320170e-05"
) parse(
BigFloat,
"-4.6867381917838461476971110218723469472941709458181000305615068573199" *
"6812133384563005862935192260118854241766235180476322837147233254746080" *
"675290729735756956174091546942527279460114948855777458897785318e-02"
) + im * parse(
BigFloat,
"-4.1068879908169879530455010967926885862743698492655546197289228965801" *
"2250260847544948387166719337408261923865221879563110393243388224611969" *
"640541384691288169387942081465553615564347860055899856453229771e-05"
) parse(
BigFloat,
"1.43998734688391011515584418110581916870220992579716532462579792317915" *
"8791901212818318743613130553289962032619450908587213187563635530192613" *
"72417430864533107281283044888295035149432685481430423683697749e-02"
) + im * parse(
BigFloat,
"1.26049352500981968237704593152176225368124433355315404343035025115645" *
"4248763881563625480797708544062950014461019790455505576205190781086278" *
"46664099493125045785433875884942534379099251243991429067082654e-05"
) parse(
BigFloat,
"-3.0818737803546545327502928734587192072857570969045390021991426722604" *
"8354012747227823401478121136239579290694531878578758019219695980847390" *
"913082821741109992766991638810122245551683809577598184155329994e-03"
) + im * parse(
BigFloat,
"-2.6952810732248156330205563509819673781955119907149608591788564438573" *
"2700449430208998220630618946909092555321204640161979788332887388557017" *
"755699994667541026523592256574032451512075691506753262509946641e-06"
) parse(
BigFloat,
"4.10477615381321672636194355474471173156137981863058420577294410792323" *
"1948045071585024795604408641900386747166943496069265626098635058032730" *
"57607306205406112201225200262902974013952830522125415516429943e-04"
) + im * parse(
BigFloat,
"3.58706807258204260365377793924093260974431023802687332743146807332821" *
"7127817885252759997568328360442186491222913081280422989746262666156890" *
"55598610684232806625694159244162645660704985357695859537834129e-07"
) parse(
BigFloat,
"-2.5630932874620287920080165770778213216123034726155660892476470395560" *
"4257797177035239979140859933529393522007807596881817011448773767131228" *
"678002519902332400637525650778387018442603072837959702628461110e-05"
) + im * parse(
BigFloat,
"-2.2383028086494507903700982067574230274511409762202452902837710946638" *
"5544202673646753579669696527514041983070477474104814932098597082481717" *
"957542553737473094786941884544291731165596652888932850377789757e-08"
)
parse(
BigFloat,
"5.77607617298945585060716889361057663646508423344384335714760996260453" *
"0643976456405487701360657113005763782509978415248252291359697351179265" *
"66996857937658650401790041462274352977994238599028008326768657e-04"
) + im * parse(
BigFloat,
"5.19325465102481631192730691657113140442954882652036296444600336366520" *
"2264972621553455077842747502739398704560716171443065972777599741806109" *
"82580775826434877867200827282126098332957955958921489381794559e-07"
) parse(
BigFloat,
"-3.4437197513091107827473723956246366715233178262568799184768780735803" *
"1492207303858749216144266062593058674021572528973702333456796585833670" *
"099478083887010832531011462421555732340340762793145752133389815e-03"
) + im * parse(
BigFloat,
"-2.4598520508883819129842901369138803978768212570680880086338379056920" *
"3661189394322108263825687151115731527480526500455889025308713872874372" *
"909300233460120055504701811403081891606131964252060018242205227e-06"
) parse(
BigFloat,
"1.53295252009927606325093416662319336759416701465951143039058024273401" *
"2505210773122200579939999657004079414907609568737913733109829003541947" *
"10027412359038340604606407245137726966115243953592195667162717e-02"
) + im * parse(
BigFloat,
"1.05484571655471028396319575299563635946673742361270563800633224739043" *
"5513236121917470848609916229026594985018359913247287730478025572895611" *
"79484371421297398349774104860800373955318401012139137820349765e-05"
) parse(
BigFloat,
"-4.8762397501541829156460971780939608954927200911382663484901766307033" *
"1757925127357427184658239803195666565913910230288660084775942805134628" *
"389116720868455835349024213773228253562995733784159766509269769e-02"
) + im * parse(
BigFloat,
"-3.3007260366122313124447562553496690784298874043880161723746633745194" *
"1099806030204320475523911427837391854156727860031631775725738471205138" *
"307319351443805547969768362901765060996817843275650905227019655e-05"
) parse(
BigFloat,
"1.15596580909620509893970799372037343818204420344238763446835895591885" *
"2738119997216084073694988454841952586092403732279995439463216364052548" *
"83573918444125084667530070623707240214812493778469212127703767e-01"
) + im * parse(
BigFloat,
"7.75241718244395462671344503402568690542629517611922194361063520566871" *
"9797439871213058094948228809788056895216036188539701592070916195135988" *
"17124689200737581896418430451816500043818530279599238574220736e-05"
) parse(
BigFloat,
"-2.1023828167779737372645818285951295966752419173283815047747830398886" *
"5930366524435890169317987743303004847876247755229878545063105472916631" *
"579985715216376570077824242751551481544213178414688247057152903e-01"
) + im * parse(
BigFloat,
"-1.4015506036854284760851327343584920541541275801696268990246092178970" *
"4093710326334582368448216150490201939688240173427118843149877936354957" *
"811804555533590075334838578611200361214504736371554231651528225e-04"
) parse(
BigFloat,
"2.98658496994589438845229127673162927786766908197825875453575833495379" *
"3652685413330570885034584177641294612260631212915866296016352182544979" *
"59245606577234749807835603918261631155539369936796595946967020e-01"
) + im * parse(
BigFloat,
"1.98271733390191193327022410956636617370535239548822711268820735324276" *
"0027203356637649406379919917110370215310624538038717551457892600686438" *
"38966893075019735095620485944265973598634297145158100351168910e-04"
) parse(
BigFloat,
"-3.3459608918844779786532250867529326293028128043783240258124705369009" *
"8578598289648051968103877740899621985571614329994535563958055734477331" *
"531082542550352939669204417809219512811546532292417020348706953e-01"
) + im * parse(
BigFloat,
"-2.2144750254852784898130968801665571651305235714294037713748616924312" *
"5102190268526623780618473941748747038018289700225837926030799964792145" *
"135884508960549715552300882397057239500158245716517777813321709e-04"
) parse(
BigFloat,
"2.96466955813698377549176615775232813199771970215658093679759925656374" *
"7468469371628121051356845717044470158299157501171374997714401788414854" *
"67810983989103339405623294365552709775649019712950206564003617e-01"
) + im * parse(
BigFloat,
"1.95749154363372922163096488586005649526140948006983230081338309640804" *
"7341873719933992333262140019057685054311620397754374233118944366666655" *
"74569498872105486159396350340421912368466847515184615322938425e-04"
) parse(
BigFloat,
"-2.0699923612208508978005337060952325015419393597788105962777342803900" *
"2481574419130156210529786902726799527217265504170101103571364127328874" *
"425044335391706800729082465167618375456692346844851282938410148e-01"
) + im * parse(
BigFloat,
"-1.3642034489369360277453894617101326861063478549373420242874467986040" *
"1381159405458291869559003028180929249815698743907398531390559591017659" *
"342385178113952651789636367367455396229396835638233719524487513e-04"
) parse(
BigFloat,
"1.12675103240526760778666233960376575000749064207881364590591443352811" *
"1270991831013563857395502010123360022350141280425968268499154469394666" *
"83828146670063719442952156667912316714289479439240668387289198e-01"
) + im * parse(
BigFloat,
"7.41443593301578789199076115913898992544225868240208298939420965475601" *
"2652818206987117735403948861324186862617934896488212942933328127855703" *
"20984260181715581127569631912873115762959705524580315109111971e-05"
) parse(
BigFloat,
"-4.6867395423898740092921576794095957449165529310575276873484569146675" *
"2202738901276521641781041647585972493327969863353104703435013568524410" *
"793122218374247854498622354187118167688394060840274863788462160e-02"
) + im * parse(
BigFloat,
"-3.0801666536695014155152170282370772973105543168281970728646508132955" *
"0750038608832823037958666084431552333877864352694687092556930585352151" *
"555248210217332407374229818367623303720408435986017031291552066e-05"
) parse(
BigFloat,
"1.43998776109179258204816341686323816555366863826508688245920116139081" *
"1857491938762871105335710493215378446965739457840992249372138631619141" *
"47057325347299917639566962879987321874969591374753408302566693e-02"
) + im * parse(
BigFloat,
"9.45370346221306783843341450928466322563583793945833107408941454649888" *
"8770057486473732992300697428827039028506189881568682835306738752992969" *
"09120096717967720503542261122924997464628621912415115011755250e-06"
) parse(
BigFloat,
"-3.0818746654571025128847848056066451011306894560672855756048758215136" *
"1420843636230053024357377487184582529866201048518754047904346684872382" *
"181885836147573625541748685705421632885724715005548374455775397e-03"
) + im * parse(
BigFloat,
"-2.0214612373408804044437516891816927933764490443865525322125256140932" *
"1021156327509225321346964193935899788375215621693785544873068300493822" *
"482551908923018609028654623884621739416614926379699952035767268e-06"
) parse(
BigFloat,
"4.10477733109494212428581171387460336045373294303937617023529239639027" *
"9049667024999191784388952089539186641709363182827775786055181838184395" *
"02831595094898283746818398766661197205415693149420586341934509e-04"
) + im * parse(
BigFloat,
"2.69030162935953837536737531773531061135931513282609110514807193783253" *
"4184146603994705568405166755430966378600054241171373807201290230004998" *
"47204524725634777153639859216868797909465916757393643112090917e-07"
) parse(
BigFloat,
"-2.5630940217101900688747039732422355846641830425538984980407580012671" *
"1199101549585022862635817171584594982406388441604672927469816278327469" *
"472738080334780484881813860690911976281704970392418394105744126e-05"
) + im * parse(
BigFloat,
"-1.6787274649224112571543558079925205040211989204969026010033573018799" *
"9543203608331019450230878484360608811494607891341570973109466971598583" *
"532045455584500687978420596600809184208643471217281589145357005e-08"
)
parse(
BigFloat,
"5.77607831484507312599560783491067796722635718946236776266892733398459" *
"1835549204911537908601428039314228119101112055824756073458464694255006" *
"52297272146820372091146230646396016714243875230684450548697783e-04"
) + im * parse(
BigFloat,
"3.46217065289485020006779281037333363737143658006899409779227052714836" *
"2647732637770609882336780061445709546429309529899551450307140717201158" *
"03481628681765470012862794238379886568876334682850307404764733e-07"
) parse(
BigFloat,
"-3.4437205722771622207898810733819990117258511376003527173212087862540" *
"2407418153874806224110801203891088667490411982031792596476625710723541" *
"343094715712248280558280978784395600642678612406378122298945896e-03"
) + im * parse(
BigFloat,
"-1.6399016483445720140574892307028689291234118737234793528197969872575" *
"4182154939010229070959123550638445771550809506248027000314025723679586" *
"473347639431851776263254646336803090340430691324978715224680592e-06"
) parse(
BigFloat,
"1.53295286206377940128790927076860653644416483787721974841877101966935" *
"2929277651689909772337039014353560510754915177284005333500327209206123" *
"28396982729562107960609487251873304885209819889579960198640557e-02"
) + im * parse(
BigFloat,
"7.03230592155239867973037208600077397385294998031755298806453638128974" *
"1401155196112024521129284626709924057690349185279943955850201123290367" *
"58559416813451102615584497762308020189896530446057473170749737e-06"
) parse(
BigFloat,
"-4.8762408069251692952634829825406960434942622241477068883612486756388" *
"5900148709754976166479328813151576393246001986064895915351202017366847" *
"507542568508498420926397100658986076483241581850762248865283644e-02"
) + im * parse(
BigFloat,
"-2.2004843747308296826745502318346202375922675200898649551443492955430" *
"7781885614935645893070053317117541949047924355233879941042190642501531" *
"522753738575087768066983816784532030700627937949178586181149909e-05"
) parse(
BigFloat,
"1.15596605557528166731269429602302206268911193858144929805389816743150" *
"2181746334230961841625632276977972083598679745588852706160784339130198" *
"07895080670447167983417452871927273431365322232352417489674698e-01"
) + im * parse(
BigFloat,
"5.16827893439861806802738896874055485633799960150911023061939080255770" *
"1310310384645534363186372712379181191449228979721483989160686237386099" *
"90594352999200338419030023667552541712404318251230346231640684e-05"
) parse(
BigFloat,
"-2.1023832604025313240550077065246743879352283289320616334628902894934" *
"4260063906775600231795323013531649608119114287195413730194318725109568" *
"084712777988439922595700564998634194242902995815295946054665130e-01"
) + im * parse(
BigFloat,
"-9.3436721491786506928194100455330966333808542379789647147721157915658" *
"7429958698273917719394147238367796473581339885403641672993580165618590" *
"596707601877328853445427213943527402341694522115821283474095135e-05"
) parse(
BigFloat,
"2.98658559558289365713744525677078415244686590457990413890348909596262" *
"1126534345089095248697619425069410086302267715560619134894815892807752" *
"15091968670902887330058734832960406327940286472518605837210921e-01"
) + im * parse(
BigFloat,
"1.32181176106729130591590417636248923223990255894426199953314095070974" *
"0051193356630638544795549718278472622089341301797683803717807053883836" *
"94328646272763957557379668134596976243137010407279396421922281e-04"
) parse(
BigFloat,
"-3.3459615890617250360156640161015397754534949390888274690987635998327" *
"9522019334143249029173143432317501581852604934717529757753217643421547" *
"519571745918529150885247080258863285367292549455051583295008326e-01"
) + im * parse(
BigFloat,
"-1.4763169118555234102027087934728155164941579116056501869651496232256" *
"1314416628782873554872680854119214657369168007842089008044887795565805" *
"345311804767822318529699173456822066462036191632164259982770936e-04"
) parse(
BigFloat,
"2.96467017333396172203940293780134187552760379463709289934712239450795" *
"1798691591004548129177753788029877690831087502857723079253597059705639" *
"15069671822260047477999529515291021557149518693599178100923760e-01"
) + im * parse(
BigFloat,
"1.30499456352436958949687263298045110822161756040313022337375848292274" *
"2368712027827152275090584191868099541676068561253208916147071515352597" *
"72425915517048617138588658118854758759635551022656462926506742e-04"
) parse(
BigFloat,
"-2.0699927893687865883579832909086787092061583416710523773915524597974" *
"9259071203850681547097797919255360328217671698680234689683399253355817" *
"340963426882658473888959703066841341716440689088552742579301084e-01"
) + im * parse(
BigFloat,
"-9.0946910577087155962106516824182149466266436482237674889759748206763" *
"7094463444933292353498387872406388806027853802647872144649201607368067" *
"991781652038106566208776688741370850647047149791937139282870240e-05"
) parse(
BigFloat,
"1.12675126484305336854794682339130037174765759472161478906415327728125" *
"0617582396549283496290236367569841559281955847781507619255297071199759" *
"90436579691163953580323946722181722398743454607926196748553998e-01"
) + im * parse(
BigFloat,
"4.94295804707485916538748992262651615142406697936956679627813674593415" *
"6180840341871645759545410258648472754515555678641298157708638987437776" *
"10579194061672076816933110753316804155205964703668305692173179e-05"
) parse(
BigFloat,
"-4.6867405071087354325912657524205336628497225950723962250766627205453" *
"3182030094638400488586344143764753165165984387713409059988563502103755" *
"730445426527719195991133592857069486232087026803287475849890197e-02"
) + im * parse(
BigFloat,
"-2.0534447503305745465149051899845078527527387806666611832202581791461" *
"0270794149138542827396277990542912348965797629281225399093837763565457" *
"222694895664029364868000463174600230230693034055626274477774722e-05"
) parse(
BigFloat,
"1.43998805695464852116966930762308855546087930880637199963557081379478" *
"0486822753898414502632579332723869801260104158813391951268591737779237" *
"71254210891270582291656770479032239296538148930505850184081701e-02"
) + im * parse(
BigFloat,
"6.30246993892293169923904325770843942075311486364875717140316619165918" *
"2390506926462286297801423845362642639814260408930197587670730921730474" *
"73013902253718012255007933038376319760768562505677137973010194e-06"
) parse(
BigFloat,
"-3.0818752976733134520914320627155119104869097200838285430699619893240" *
"6582634850458205406978774080295810730414759060011834159234109891587513" *
"862088732476193623200851670179370945294095451531139097416694355e-03"
) + im * parse(
BigFloat,
"-1.3476410308093311674165942967545014772456290931615856677464324364691" *
"8515816881707416948410111735880574176386665133468973290110971638609125" *
"388238784222944915331929619521496757080127194643233218512525606e-06"
) parse(
BigFloat,
"4.10477817201069507643409256414749326829079447430914605160036500659320" *
"1908184140055172647729394700968426828081534666593326571108487038050764" *
"57581764262468217849191499902989440707711051128449080276622570e-04"
) + im * parse(
BigFloat,
"1.79353469334594539351043983551242374130789165238171890035643634731410" *
"1941962295635174165247349345599047206516230984870064206390089316472373" *
"24883769803283183067645707347924677033603062760848698661394036e-07"
) parse(
BigFloat,
"-2.5630945461733087607988557801146907111844993563838574562210627522014" *
"5294158416190808469230868627463627297694088829560391011509651584846845" *
"224202752679014493177040097785103925749278946959583987139523613e-05"
) + im * parse(
BigFloat,
"-1.1191518139651318702780433011454356270882960601650769694088410771989" *
"4444938251486993592862971850515662755230920061064456597760516378265056" *
"293991754726859723047242220716844712927980926567862865146554693e-08"
)
parse(
BigFloat,
"5.77607959995881681612340385430009913584070619138421139715398422633425" *
"0559062967131856688076150506209672173300529110671024011484051666047893" *
"22955505377288688974826864850705596602364071174494513305538542e-04"
) + im * parse(
BigFloat,
"1.73108559211097357256923030255885027022550477156623723590403222757053" *
"7023864898316709560733664869999225541363355672492627656902443384028514" *
"21120139000924948282383637926825555179150735498944867326000101e-07"
) parse(
BigFloat,
"-3.4437210648580933832091311602837279241929956357022393701978923071162" *
"1669115043162070229940337876493786583240037362789877515348149339090751" *
"686113133662998948624075361868269122390967717010631900028880546e-03"
) + im * parse(
BigFloat,
"-8.1995090849799436336229210022977276218374855072463951521695577600799" *
"3707328280443632795414922851119916972633836369579032758363173717576811" *
"325352415695837268581082569523272939595358563237108905913881113e-07"
) parse(
BigFloat,
"1.53295306724252151565589827827505361071443099860049248296437307135578" *
"9493308263906717129369469590648492674300550500163647938519921787453570" *
"88264531853583590858556834424127176297654861900122337663501173e-02"
) + im * parse(
BigFloat,
"3.51615330413255014925951680543514222705163064410429930395890764244672" *
"0159543659649808711663056216145016335054344584565109486576631045650141" *
"73462238216182894804261231688363449404349608708727555452643230e-06"
) parse(
BigFloat,
"-4.8762414409878829877716818580425022385380753598808754054349727329292" *
"9464822941330933662178476553787537566346603407177726393257181789668278" *
"291815489061321321123710431709295358728660762747020506092092095e-02"
) + im * parse(
BigFloat,
"-1.1002422924622331205620439459226887490532009379141489171599553644772" *
"0162356209905180799785645519100060668869034372945739034039423305704719" *
"859614163745691295199566631800369847410113681540962899414871524e-05"
) parse(
BigFloat,
"1.15596620346275576622527573763580859705986155383156913725354989364721" *
"6216810767536758624283910632837200972531705095323636385038662184577061" *
"84136518760947824325264952066923077817833902111123674927029045e-01"
) + im * parse(
BigFloat,
"2.58413971103013954332980383290706711514579987952304133206005482680596" *
"4385365706613477488972691140907692271799257751717172389835160331280050" *
"18335335026812811968264870429481781133864132764980671518440352e-05"
) parse(
BigFloat,
"-2.1023835265773162550216712611802565381677628387484283238474237177388" *
"8179569043952948937366609904127911351883232204052226586173543784488437" *
"812875416253911948354266386788157011244957623009869452677900629e-01"
) + im * parse(
BigFloat,
"-4.6718365119721279065910622663773546149512372599458383288342723421292" *
"5909538920037800223562039930191445495550448369857122848484079024202131" *
"715086930615451331638298133519842344282649920072751039580546702e-05"
) parse(
BigFloat,
"2.98658597096516397496170345151464191923891507265149486144573042371407" *
"0161803619347432801575105726481085965870581346459704189635335778552007" *
"83529078747098050449070222709791750202087271411927162569975910e-01"
) + im * parse(
BigFloat,
"6.60905942073459676969814210519496933957929670001245384708864510726664" *
"0071134774118360911748179035352709292881015807825604085522231427652232" *
"39377804647322470152283980600490619769190997801126655788431608e-05"
) parse(
BigFloat,
"-3.3459620073681518803515912984571684511545577085619164481777826894159" *
"2549975503128373278805245602158636375799387207239670345460820750062649" *
"885855147943453995734984851439106400306181470222660726370543384e-01"
) + im * parse(
BigFloat,
"-7.3815852438737303988246017250472883458708112381623848374333227258744" *
"3871271173189087080779811880748876605650338549330966798824600292876955" *
"643131177368017309101922098440639159055614123488738814210740176e-05"
) parse(
BigFloat,
"2.96467054245221769643507342569386264403724642709228378054138228863204" *
"8164788604825423861798788380202721655025018568728651438434793594665675" *
"66138951533288139282753303589727663781568478925188226239240594e-01"
) + im * parse(
BigFloat,
"6.52497342092758632725354412661441331326424925939293358066071198910034" *
"1644681084274233156679923422878397990556941422382079256837484847309788" *
"80212321396201700607560463061039870219376291321906380677564396e-05"
) parse(
BigFloat,
"-2.0699930462575960795189611357710523905792501892391324657043978877462" *
"2000636737432155564768586432477707108689688864483532250011363399596540" *
"500662884736695940384379299871211402975770343850607584754708410e-01"
) + im * parse(
BigFloat,
"-4.5473459482931615543330059525188525565194468224126700707524250149230" *
"1958722540354491247323689365194910671182868049293515796907355587483692" *
"539062636493417628695356855747666375466795753916634796976793492e-05"
) parse(
BigFloat,
"1.12675140430575088706962718226342577815407207476778307264110834521528" *
"7107171556957068824484924440487385658720212439275181909808283993654995" *
"11946887149746443627208927154287951632433293818194196962796446e-01"
) + im * parse(
BigFloat,
"2.47147925105676287713467766182904237985014281090249569843472294491470" *
"8022154719000205972319736743858880566313170526905887558731515570978636" *
"61554509160186716838214195449745241170363621927078198600353151e-05"
) parse(
BigFloat,
"-4.6867410859401603240295295482320261028025969373081583682917678915131" *
"9185021802732340641532451113509247189559375073295209232990508426154858" *
"604448852692733175955364873831047703737807900266046450994307378e-02"
) + im * parse(
BigFloat,
"-1.0267224695305730793711943377042639050488363087107292093889432562512" *
"9506717246153696531463127189889425391670452878096940823869652218928750" *
"955531039096321855389593369117260923353451785637212543519000449e-05"
) parse(
BigFloat,
"1.43998823447239518404340826093302442431323229740894743438708534139086" *
"5497767770780764503245484606461552962951412791565171516739707896041456" *
"01641802980384318779042501326747250143518600278755197851788038e-02"
) + im * parse(
BigFloat,
"3.15123525869577382733001392664676420900669022589577764216188262556929" *
"6956483877410122963735331278108165971635415278666286455748965224792564" *
"89305362563661997826405888427825396944601961433705787271059460e-06"
) parse(
BigFloat,
"-3.0818756770031106827035487616355369513091781617767825241554992099945" *
"2895388454010648916949792983993763897148914530107543917470143018095807" *
"881484281801569316685508855535346546495493054178198765826112270e-03"
) + im * parse(
BigFloat,
"-6.7382057717929782501517663575476673700617301652372909655097454631059" *
"6573062181689124672594842175667406213336346250019547164104656300211647" *
"051298158474515370429366528247011615709151422096314104842631289e-07"
) parse(
BigFloat,
"4.10477867656024077205305528085570377976516878485290177825172026467845" *
"3657820508438111783800473586971586346602234656139318826948305333812934" *
"45162346392601787445165309867744212576188168976367230628575448e-04"
) + im * parse(
BigFloat,
"8.96767428804860561473217700309288363617201639154606339489904033753010" *
"5045360860391971318410752404151747028848616696069913921411520455968305" *
"73074600810079199285659485925695318940872585703409730979462494e-08"
) parse(
BigFloat,
"-2.5630948608512385164880665460867241765631394233246432750540994764497" *
"8439459059126671996808298238600202249947258647346055902642210856173372" *
"353410344673245855453101529929706171564165638861992495313009089e-05"
) + im * parse(
BigFloat,
"-5.5957595818763067366820440711009434011520602899106242679263439486323" *
"6331497430284071479631959138757579397084130522815437017924879109480183" *
"956173844799866786670066807721033038671215398167240099379039768e-09"
)
]
return tabres, [1, 5, 10, 16]
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 531504 | # CoefExpAB order=15 epsilon=1//10000000000 n_tau =32 dt=1//10000
# tab_res_coef is AB coefficient for each value from 1 to n_tau
# this file is generated by gendatacoefexp.jl file
function get_coef_ab_for_test10()
tabres = zeros(Complex{BigFloat}, 32, 16, 16)
tabres[ :, :, 1] .= [
parse(
BigFloat,
"1.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4999350217129295211765248678077146906140660532871627385705905464464" *
"1226395450505065666897668894008112733169056791064969570941766280631576" *
"240915377213264008541017044153733584069188438703267607016082755e-11"
) + im * parse(
BigFloat,
"-6.3247872466855213061467464925081224291902195787634120279421658883189" *
"5786683990179929660591234719158908772699413038016981242283545989735576" *
"760959230049290916599245725555524058420334430829187601158539808e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785715778173500238130492639137380149836631012346181469155421392897" *
"8167856514284513137679309299867063694766999358994476754324905484708721" *
"133567955793948106627221875552791624632907696522030489243473714e-11"
) + im * parse(
BigFloat,
"-1.2249545156212684438849229518000221299245345288136815837685300819840" *
"2485253517381652222155562403415235437715153995886016614817450590383396" *
"829649057964218798120965373561988658290023858258619780962792764e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.9283001938158261564458704683485955529772653439284806544321333994021" *
"8963923486416149869618268248858148787686204392636652038002999876600171" *
"408390093969136396670791590431327065296683645444002523160952364e-11"
) + im * parse(
BigFloat,
"-1.7407979064089254508548598254714277206810907424535188584238209331454" *
"3566371787176083621473232789604847804919534173166024823750545911909516" *
"227483573182817419564668526021952891013349245912352936712407425e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753513660103680599488344963619997489589827282397401207399856621609" *
"1333332389589003584054227056184152517847603120572364083915105919154325" *
"164380342669753545687499716807191108379724014079486655058598165e-11"
) + im * parse(
BigFloat,
"-2.1498063181743496085471068036327797340561557409558798599676327878844" *
"5282638884179008162569917124759662232035818887316303281179502791416882" *
"351849329841953698463767356148718177506331889703461770294513333e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530849373141658434757375133646145573317290025520656451044777386683" *
"9066258938888780475763239058911034756444583652402905771646323899599190" *
"007361763736021903516964589265721551781966627646262539727313161e-11"
) + im * parse(
BigFloat,
"-2.4306497737564956363094249795430019255504264328570076265863356989655" *
"7108488451997211588169733171413769080021215055617106947002214403966249" *
"991962907703227364624180266322075499311077132080797008718803367e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990265397963939165072175180261302985536974244643140538780854785678" *
"7911549711063455756307324884896950920253391639925511202953556904284332" *
"369396768966574616246487675563168032564019967789576637763803825e-11"
) + im * parse(
BigFloat,
"-2.5724826075305415097246061071732882244570534678968895963454146232793" *
"4705503373885958613380286878202148308935644471086913453682200696945258" *
"147125087195009847311926652959991269138107440453330145538956932e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-8.5158119499777729128721137173861601056120992161970923092431864722007" *
"5845789209781870696555422043027229414325742382622902308312243743156699" *
"385825877886286333291310503421462680833729283035464044235882723e-12"
) + im * parse(
BigFloat,
"-2.5755787497585123000539185484777213299868771484157270330076531572902" *
"9226588307187387328931553598339340187210112378644458552280453496275582" *
"374857117516526931503517040966373603701959415654281525763136348e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4674096347012955976329012599034279570477121162714919284339952636148" *
"9338305725465993730645845394947297985800060664855463652366621558448759" *
"333196731439764369584448727488708239162477608538505595013369847e-12"
) + im * parse(
BigFloat,
"-2.4509457540837580554857368872089195376535479390536834098289950736897" *
"3813560609857232312078219384489462525458855011158002718759988137759313" *
"917662169960136842579929536559927871827329241054474400708301559e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"8.49003334719844653727566508513402372156818556928746275522469232113106" *
"7863251079159237870110369294138747737792293407158416209561493457656438" *
"19561158284218388962396618331062523164675607887984081714185698e-13"
) + im * parse(
BigFloat,
"-2.2189738438586811227409407287675024762886349550579311308001092454764" *
"4863499683238429028645965701526964581298474185816243693214469720729587" *
"531940504410091814108173803851009068885967961808687632826490542e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"4.20547793190782491298506589740945595167175247530804589868766041253585" *
"0113898378329960478427529646878337973378693064844555440117373455543667" *
"44715282539273606896295508230638698589630012804175387375646092e-12"
) + im * parse(
BigFloat,
"-1.9072703861817395611617127509216756822816038166358418496981266768038" *
"4002385761371752212571412487485821576404088641261003671294775317653258" *
"872485504414097077836642686122695805987975160150737154937748458e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.46807072615348126724844221708438131652182362300984672199105282798445" *
"7613749470693225681431877231151827051173531890867379098564521001241896" *
"00794703029929605365569245778724402366388194929188193788533245e-12"
) + im * parse(
BigFloat,
"-1.5479076995766471163297479153243066091836905081056644535315839728578" *
"0415595190438148541288614461892030487593337823355853800414206359278054" *
"220306907735668377554672528559281014889307021951996709909658788e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.60356324863521077955061168660310951133289792473222514446174839912365" *
"2684590835532907152871742273018068903942232811690320052618321955563616" *
"40330831750547616068171424636806622882723799240299558479036883e-12"
) + im * parse(
BigFloat,
"-1.1743651554328025826106429534669435880662575809870944261580562243117" *
"7993346477700326903176795212148735754714384489092864488677470646250312" *
"573789448679460944554825923727873628331728627030050268669630413e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.67653224708587951787526766748062552511402965647169003528367064876847" *
"4411592330357760518617407009891731321021184824199424373992282643837860" *
"57111424847302819042601376162462680241310951293201978731321035e-12"
) + im * parse(
BigFloat,
"-8.1847001095794369473161772762433177190905184892895252595434964364653" *
"7090635780204930523791740920340053891050922170172818817866376978801008" *
"639498282618320138632078994814676153448476919386524561204787676e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.83738905673387281914975752459232316871959485563582591095843939895692" *
"2695352973969719457993813365918044113058965850942005811635201431989055" *
"58765549356578002402115549796875695950202763145094310123206121e-12"
) + im * parse(
BigFloat,
"-5.0763337217168967378152062573167912442431805798155398944320166937592" *
"4954420951674090511515159878425764119684767522809941449779746837750044" *
"969886278730581289216860444312833355017233849910284205039380974e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"5.30289104443785950506271304115949495995544919782036498701531421855007" *
"9688689123790389057194665584432126574639260870838271363977506151691903" *
"87855709870982365403507491550762454496055965808566684715410472e-12"
) + im * parse(
BigFloat,
"-2.6263955105107840999108233077415123795019705265848654725666379933152" *
"8921552849283663135755288420651551373470477431096982705527810481127410" *
"314065125900955129887857645544991193762974061915027017204250623e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"3.33133670277090839588097200532647262783693368952074598908416829706170" *
"5329312057209305213972400283676020531764919733643046838239699187604759" *
"43861142119045329262216569106077538156622662202625221658994170e-12"
) + im * parse(
BigFloat,
"9.61834365985549774361602749054324492719757418159398100897505442311349" *
"4363728333357806507180860409895140194875796566452163240593041798446832" *
"39743973427099508661771459106320249970266927553838447899101106e-13"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"5.30289104443785950506271304115949495995544919782036498701531421855007" *
"9688689123790389057194665584432126574639260870838271363977506151691903" *
"87855709870982365403507491550762454496055965808566684715410472e-12"
) + im * parse(
BigFloat,
"2.62639551051078409991082330774151237950197052658486547256663799331528" *
"9215528492836631357552884206515513734704774310969827055278104811274103" *
"14065125900955129887857645544991193762974061915027017204250623e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.83738905673387281914975752459232316871959485563582591095843939895692" *
"2695352973969719457993813365918044113058965850942005811635201431989055" *
"58765549356578002402115549796875695950202763145094310123206121e-12"
) + im * parse(
BigFloat,
"5.07633372171689673781520625731679124424318057981553989443201669375924" *
"9544209516740905115151598784257641196847675228099414497797468377500449" *
"69886278730581289216860444312833355017233849910284205039380974e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.67653224708587951787526766748062552511402965647169003528367064876847" *
"4411592330357760518617407009891731321021184824199424373992282643837860" *
"57111424847302819042601376162462680241310951293201978731321035e-12"
) + im * parse(
BigFloat,
"8.18470010957943694731617727624331771909051848928952525954349643646537" *
"0906357802049305237917409203400538910509221701728188178663769788010086" *
"39498282618320138632078994814676153448476919386524561204787676e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.60356324863521077955061168660310951133289792473222514446174839912365" *
"2684590835532907152871742273018068903942232811690320052618321955563616" *
"40330831750547616068171424636806622882723799240299558479036883e-12"
) + im * parse(
BigFloat,
"1.17436515543280258261064295346694358806625758098709442615805622431177" *
"9933464777003269031767952121487357547143844890928644886774706462503125" *
"73789448679460944554825923727873628331728627030050268669630413e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.46807072615348126724844221708438131652182362300984672199105282798445" *
"7613749470693225681431877231151827051173531890867379098564521001241896" *
"00794703029929605365569245778724402366388194929188193788533245e-12"
) + im * parse(
BigFloat,
"1.54790769957664711632974791532430660918369050810566445353158397285780" *
"4155951904381485412886144618920304875933378233558538004142063592780542" *
"20306907735668377554672528559281014889307021951996709909658788e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"4.20547793190782491298506589740945595167175247530804589868766041253585" *
"0113898378329960478427529646878337973378693064844555440117373455543667" *
"44715282539273606896295508230638698589630012804175387375646092e-12"
) + im * parse(
BigFloat,
"1.90727038618173956116171275092167568228160381663584184969812667680384" *
"0023857613717522125714124874858215764040886412610036712947753176532588" *
"72485504414097077836642686122695805987975160150737154937748458e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"8.49003334719844653727566508513402372156818556928746275522469232113106" *
"7863251079159237870110369294138747737792293407158416209561493457656438" *
"19561158284218388962396618331062523164675607887984081714185698e-13"
) + im * parse(
BigFloat,
"2.21897384385868112274094072876750247628863495505793113080010924547644" *
"8634996832384290286459657015269645812984741858162436932144697207295875" *
"31940504410091814108173803851009068885967961808687632826490542e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4674096347012955976329012599034279570477121162714919284339952636148" *
"9338305725465993730645845394947297985800060664855463652366621558448759" *
"333196731439764369584448727488708239162477608538505595013369847e-12"
) + im * parse(
BigFloat,
"2.45094575408375805548573688720891953765354793905368340982899507368973" *
"8135606098572323120782193844894625254588550111580027187599881377593139" *
"17662169960136842579929536559927871827329241054474400708301559e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-8.5158119499777729128721137173861601056120992161970923092431864722007" *
"5845789209781870696555422043027229414325742382622902308312243743156699" *
"385825877886286333291310503421462680833729283035464044235882723e-12"
) + im * parse(
BigFloat,
"2.57557874975851230005391854847772132998687714841572703300765315729029" *
"2265883071873873289315535983393401872101123786444585522804534962755823" *
"74857117516526931503517040966373603701959415654281525763136348e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990265397963939165072175180261302985536974244643140538780854785678" *
"7911549711063455756307324884896950920253391639925511202953556904284332" *
"369396768966574616246487675563168032564019967789576637763803825e-11"
) + im * parse(
BigFloat,
"2.57248260753054150972460610717328822445705346789688959634541462327934" *
"7055033738859586133802868782021483089356444710869134536822006969452581" *
"47125087195009847311926652959991269138107440453330145538956932e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530849373141658434757375133646145573317290025520656451044777386683" *
"9066258938888780475763239058911034756444583652402905771646323899599190" *
"007361763736021903516964589265721551781966627646262539727313161e-11"
) + im * parse(
BigFloat,
"2.43064977375649563630942497954300192555042643285700762658633569896557" *
"1084884519972115881697331714137690800212150556171069470022144039662499" *
"91962907703227364624180266322075499311077132080797008718803367e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753513660103680599488344963619997489589827282397401207399856621609" *
"1333332389589003584054227056184152517847603120572364083915105919154325" *
"164380342669753545687499716807191108379724014079486655058598165e-11"
) + im * parse(
BigFloat,
"2.14980631817434960854710680363277973405615574095587985996763278788445" *
"2826388841790081625699171247596622320358188873163032811795027914168823" *
"51849329841953698463767356148718177506331889703461770294513333e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.9283001938158261564458704683485955529772653439284806544321333994021" *
"8963923486416149869618268248858148787686204392636652038002999876600171" *
"408390093969136396670791590431327065296683645444002523160952364e-11"
) + im * parse(
BigFloat,
"1.74079790640892545085485982547142772068109074245351885842382093314543" *
"5663717871760836214732327896048478049195341731660248237505459119095162" *
"27483573182817419564668526021952891013349245912352936712407425e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785715778173500238130492639137380149836631012346181469155421392897" *
"8167856514284513137679309299867063694766999358994476754324905484708721" *
"133567955793948106627221875552791624632907696522030489243473714e-11"
) + im * parse(
BigFloat,
"1.22495451562126844388492295180002212992453452881368158376853008198402" *
"4852535173816522221555624034152354377151539958860166148174505903833968" *
"29649057964218798120965373561988658290023858258619780962792764e-11"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4999350217129295211765248678077146906140660532871627385705905464464" *
"1226395450505065666897668894008112733169056791064969570941766280631576" *
"240915377213264008541017044153733584069188438703267607016082755e-11"
) + im * parse(
BigFloat,
"6.32478724668552130614674649250812242919021957876341202794216588831895" *
"7866839901799296605912347191589087726994130380169812422835459897355767" *
"60959230049290916599245725555524058420334430829187601158539808e-12"
) 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
]
tabres[ :, :, 5] .= [
parse(
BigFloat,
"2.64027777777777777777777777777777777777777777777777777777777777777777" *
"7777777777777777777777777777777777777777777777777777777777777777777777" *
"77777777777777777777777777777777777777777777777777777777777778e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.8527777777777777777777777777777777777777777777777777777777777777777" *
"7777777777777777777777777777777777777777777777777777777777777777777777" *
"777777777777777777777777777777777777777777777777777777777777778e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.63333333333333333333333333333333333333333333333333333333333333333333" *
"3333333333333333333333333333333333333333333333333333333333333333333333" *
"33333333333333333333333333333333333333333333333333333333333333e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.7694444444444444444444444444444444444444444444444444444444444444444" *
"4444444444444444444444444444444444444444444444444444444444444444444444" *
"444444444444444444444444444444444444444444444444444444444444444e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.48611111111111111111111111111111111111111111111111111111111111111111" *
"1111111111111111111111111111111111111111111111111111111111111111111111" *
"11111111111111111111111111111111111111111111111111111111111111e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4998903707053783294607903544051659266903286037956912185499093425979" *
"2760255942746591087939662053246194294335681060674131436384321072205284" *
"603225500688588586577020114380329402703381183919317886327782326e-11"
) + im * parse(
BigFloat,
"-4.0632486016168002627521056901493061573541797646627467594616527068191" *
"4354482401734838712459932798164748246812717454838116559708044106706985" *
"616530979389551866455578055621981592969359560891536538976047816e-10"
) parse(
BigFloat,
"-1.4086327856473203771199279173752485314865404970532736333984344934980" *
"5186778727065744229943088632620791834672188674197711013222392574438240" *
"627028866194780410466570664416919302670754608903639644981848434e-15"
) + im * parse(
BigFloat,
"1.00000013999624605337938211255466010367518387398588079746071736521774" *
"6694334420089800509196637757843106869892050581237836450028733367683563" *
"25214304598827168981159837547381065448194013982178118221506369e-09"
) parse(
BigFloat,
"1.66897469423320772898978842368893727679196467753495213429249753772949" *
"3715704789520794682815461732497906222583178496286869379523602661981978" *
"13474237773349681924663034449490735318783800927464180556577029e-15"
) + im * parse(
BigFloat,
"-1.0000001049964905654890499581865095777117067440024574837039305534503" *
"0888676843019061484239887218257787264565407681704797874498391788199868" *
"604849260239507574074738403266967331048438198894124491165777071e-09"
) parse(
BigFloat,
"-8.9176654632543743469418245071017778619309730319212078360990336846296" *
"8673284316999046373468656906556001667565858971516061528035963147574457" *
"641619047491874014102057660899226708570747987020077705835830386e-16"
) + im * parse(
BigFloat,
"5.00000046664870773586913657033480139545625987456657097826974044715853" *
"8125317248044407701173462057521719171636218713085560225255131540085736" *
"73083991090034519891914478281915651690210017831281058201439336e-10"
) parse(
BigFloat,
"1.84914562227632925479187918908849803513178207995242075903801839384912" *
"8745909506777981894000053084221304541315281333928465362154436008111167" *
"89512864163984899828156620155375801364977671809763520045712378e-16"
) + im * parse(
BigFloat,
"-1.0000000874963175650818198887920817220287536055256914766553775168969" *
"6223482152870587021061091330044246982315872311040466980285119992883821" *
"027813047594171511666543222719626643302611952128572665794269893e-10"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785594684873389608907268904356695438374222399616442885292851147387" *
"0635115398915469275563781623332800769737949694455722418669131457216167" *
"703232241921820904901767813847927426478356410627038652417596892e-11"
) + im * parse(
BigFloat,
"-2.1224957930795352139932337040644407960970312468494316754554161543999" *
"8452728169677040961183526835923153551581582549751787440977959701588965" *
"643399425633277031759019984971193649463907861392422231394107964e-10"
) parse(
BigFloat,
"-3.7033249468143744084045180677086408028674064181356149570785547313885" *
"6240331928669614057267390462467956729527797718876978224573074727628838" *
"837436516429973128098922670434166790159317171502180784332621102e-16"
) + im * parse(
BigFloat,
"5.00000065571267515628944754923308872896078938020391486609061090132308" *
"0021919280277853671349377154880564747777155767090489352491740763731910" *
"89738507147684601792454270419189521837293987730021747181989489e-10"
) parse(
BigFloat,
"4.30874395600338125490307947393447013466569938722578492504587998620499" *
"8349181794297748511863026922292514570614142224845780917577013622680466" *
"46892886451821296379616698837502543726959310422397701624187278e-16"
) + im * parse(
BigFloat,
"-5.0000004917835707454132578299651587500852589983911580984954091949400" *
"2797604850864929536048854125547962965148805032486977073953769230258906" *
"894369841211394416410291679861475061306644370833093362517875496e-10"
) parse(
BigFloat,
"-2.2899973502077447913477498245414752505774619831473954024774897042760" *
"7270725514526471130533269582053882573519493090278182988666303033502541" *
"225542621596202450181099063373667104575823910160052411930989608e-16"
) + im * parse(
BigFloat,
"2.50000021857017060950963745711634245001956028285967060530233092494003" *
"7089962810091802123391206029928115438515471971495825104210370853554701" *
"25826183648757845533509007564266914001447449096977670579572811e-10"
) parse(
BigFloat,
"4.73645339912445712611840611468531294693041716671386808807709341926895" *
"6460235938009878384670392600008494101942271123701754407892714352029984" *
"46990388541817364942345485505158958795922720561529069572689325e-17"
) + im * parse(
BigFloat,
"-5.0000004098186665078108576749983384579051287070436385581896948512150" *
"7093805402331603044572335973512750456703905912084685922202272889191283" *
"607603297481928789687481505069865908971915904273458019458581172e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.9282941701126273495435459153102652792690451734628789263826250609893" *
"5510138509773955311228958070639904574883458249560486654556607850683436" *
"286880619671505032162887366533105183837084494574831123140971987e-11"
) + im * parse(
BigFloat,
"-1.5074133273282384786326660023919676051220135833018371650635495470665" *
"1545355567606151972147449095319467483040211182379460040074848173279690" *
"992884723271143296211371610994143979744700145963456934214036412e-10"
) parse(
BigFloat,
"-1.7691437065425827960142948421807090607196786691232396190979116050632" *
"3560403629450633232919369781850373576670521884370009733395676077135099" *
"079617237286082800201868697143098980538354385938365176674457334e-16"
) + im * parse(
BigFloat,
"3.33333372377278413554748259469013360739950154439070523599175805263919" *
"0209318646327524671679239807194408231445939940185824965984899450181249" *
"60340001805183190083498905011769546246236598806620913624558572e-10"
) parse(
BigFloat,
"2.00741343307242822719775246852590735467616782158874795164547349480211" *
"3328602686087812731136096646803185357679854705960464014829534134218337" *
"43037010004095623344216227122888913090844236961343000458379982e-16"
) + im * parse(
BigFloat,
"-3.3333336261626134083401258178479969661020535214283754788516518578339" *
"8674820880640918419256199876317705585008376123426837734159744264818327" *
"035267230571488680191723522749084659994164731100835828870019265e-10"
) parse(
BigFloat,
"-1.0588504291595714811453404151034565579054495184172128873851166104581" *
"4522954133783149117491289521841142513150984615129907998797560425756656" *
"829358574922985427120230034034999627859861343137186698486915736e-16"
) + im * parse(
BigFloat,
"1.66666679681291835036565204947587683060136868000173156899667755835384" *
"3770457574736376631374687553040778821710417355092117881014584228372407" *
"83387539259204208181356141670935762778845041381240630904128052e-10"
) parse(
BigFloat,
"2.18210382749035817506578955730887441931913805778899604003713437265482" *
"5283327516916214627922781458991727943921341236552669150769141595777121" *
"85090390685218135554926818670637353922845749742068766653410827e-17"
) + im * parse(
BigFloat,
"-3.3333335773574314402582880647318863884491219390757604691561629940707" *
"5344383525769281010490670433468304177590018410380989928404105209482993" *
"383239445400371638182267655416719583875516877148040751158716902e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753475379857927750053570570393048223263435114797612681016866627281" *
"0842283485456510499313758243758045640232173003678376381513204249088483" *
"730227810104952600633548290225239193686429285510517453235790920e-11"
) + im * parse(
BigFloat,
"-1.2149807607418992097073694090166256117613414575826692167938836164362" *
"5054501134114726346628608108922360654229485334350509236066513805974147" *
"645441537678801058337855855179657908714411657099492151056126639e-10"
) parse(
BigFloat,
"-1.0795640992322547630944301976243851325641725028415766430181642162975" *
"9659424695388133752576002082918912808952191609618040283775431725819139" *
"617071757735223846277090213595133674829902333215181187435936209e-16"
) + im * parse(
BigFloat,
"2.50000024753484827815976192572087157255250223191244187474452627035302" *
"3302444312490686781328640015060943081999316557606493130347524104224461" *
"67199649056761740550619576363942728629141638153155183992088852e-10"
) parse(
BigFloat,
"1.19248562083699983113236919591525964315487357954042848890037658951129" *
"6368760635125476255966907333855587152405258254203757510047376913153165" *
"32177741277187258276860773846471118229314085846777870858411726e-16"
) + im * parse(
BigFloat,
"-2.5000001856509904309810500610804938997806067238524891094547363756718" *
"5897447318805053924713681111783767692575689857344997317626687685948842" *
"594170324530416375248107747148721462188000159421831525196986390e-10"
) parse(
BigFloat,
"-6.2374361613685402374349920683719745095252974857328537184684283239688" *
"7250650659901149769260977326464336198703389448846838293217189719614531" *
"673698964806757158314895037697005754226904624861547580496242666e-17"
) + im * parse(
BigFloat,
"1.25000008251150887263424776089090122627661656194140931187087227237622" *
"7537080433168941967901462034791537800513855836934843136342701500825363" *
"48909991559461716066434601277266182163911567407681042537241072e-10"
) parse(
BigFloat,
"1.28019637003614607961627939053659676440152673989169696064687178692138" *
"5720044855722705702416647149202617057031533031210817192540642232186099" *
"90074328442069086890607483268938025504218129343757939026556808e-17"
) + im * parse(
BigFloat,
"-2.5000001547090247096030089687793126069278618651428084636354182940958" *
"6602679100640834198377126967550859646497239364902574010937713477236805" *
"116827113912013928774673109277013576412745780098587273056682280e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530821912098655850911487303558667241332213339947366461953940737578" *
"2712781362395315727629230342012666156802704114157838605617062221093505" *
"599754007368689611538991422134376974318546231470001129433376823e-11"
) + im * parse(
BigFloat,
"-1.0430650587541362608032526475085486049033090238680565482985356342437" *
"8347705515393821661177270771067389640442930572769431201892293611577661" *
"054016605934534141820694011991053508658547729070534623074246696e-10"
) parse(
BigFloat,
"-7.4778538294077357711621555106054479001766158717274871554484034252259" *
"5883665071816336859707783611943985937342461090598559574017189260156389" *
"098247240005036464041535684613887863737315893939150842194475395e-17"
) + im * parse(
BigFloat,
"2.00000015624662272259371504288389620356767232628004121814364534896106" *
"2144884088175317010795588899135015519855582667763879029022782142480259" *
"38541624672945680551437298104483739566568345590116269633722537e-10"
) parse(
BigFloat,
"8.05839060642584421877164526952675453698838443745807240504880768792423" *
"1226499060086121940919928747533072472541536655148241109983146226528517" *
"34879361949971257799621313480919488981506177090911920509260480e-17"
) + im * parse(
BigFloat,
"-2.0000001171848838741397982486452788344365195365593169175303873900827" *
"6358469660339889377337717260764809706151567693127376248897583162472746" *
"449788667683892103174558415438438218214508278031285966616818913e-10"
) parse(
BigFloat,
"-4.1815069709107203519269740026613590190110652891579181530947802145165" *
"7478580765161307526294281753790470384629661316774665157258641321673717" *
"202093751512099543218324898165613968473554291589387658043220536e-17"
) + im * parse(
BigFloat,
"1.00000005208214762290437509734111244027079646997335327214813408858169" *
"1435639936784068831023381522283845078890017258647977697985049339990813" *
"11249921858557511407470807659517267324640547102710260216684858e-10"
) parse(
BigFloat,
"8.54865893634227315534475495906853874530739394428423819829465388283526" *
"6310246622089818319317412238150719517972367469237135859901027476964680" *
"90942972751867762931079247211189228331877470273326433904638422e-18"
) + im * parse(
BigFloat,
"-2.0000000976539977418598174202548139705368287911172178712148998311276" *
"3627260719619487044838823274510636212821832323060889166111278145933247" *
"451825636833996834260737049667168299492605987990856410312221223e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990244428694492510120240327468117619975008648650919470594890219011" *
"4539152185668450946251307643026836437371066685136713760282059413275899" *
"956502963528472541679603746532012325368223880790440926733754632e-11"
) + im * parse(
BigFloat,
"-9.2391497599699649647265245684887965013863084068278210554674654217522" *
"9292239398265312463954736725178494613755900357321969270201432670343971" *
"187186041729391423342656700412238737562772862447315590369026657e-11"
) parse(
BigFloat,
"-5.5575813344155010546377769069821573654997925288428116065022699249536" *
"7689824248841290562827876381205743725503419542074856907606839864031061" *
"953841300398706283614659552047813340848383640659815637470315750e-17"
) + im * parse(
BigFloat,
"1.66666675993498979702432460728594341482267871739147820440251635478541" *
"1622373706358237763175315651902710483150335600613195322285193149739364" *
"76422367436741044207800709950408617666989635247266714410054135e-10"
) parse(
BigFloat,
"5.86957500628597398912972827522315077102312729220785951819924717715472" *
"8246682388622811946002356997635483207981773456301201393421750417660265" *
"11505266540161318384377165196028918663941908089374974084380747e-17"
) + im * parse(
BigFloat,
"-1.6666667366178563270764469564853534837066751230920464507818942368007" *
"9708145730098217982022360888760586480244866935034357058971974802858251" *
"904592426289799745818796729619860357779157774359714947092312069e-10"
) parse(
BigFloat,
"-3.0253666867323353366664754191171728610424316416650770033274490771311" *
"0230526521459921667454274900807703380082643842958536636880830771599566" *
"025384858983303013755579188250735787607711530301201541605971930e-17"
) + im * parse(
BigFloat,
"8.33333364422736981807455533852121399948177760353740464266492163999779" *
"6666062618154432426431108228548358919022020682225051577423106759489785" *
"78699259265161733169064109279325905410789357082244657268789934e-11"
) parse(
BigFloat,
"6.16446070196367208689244732339623258959497656193210495173805091206075" *
"7028752662887501844004546776701645983309724196060190765448716145170766" *
"22827907672810950568304193953244137051541271606121557990776394e-18"
) + im * parse(
BigFloat,
"-1.6666667249592810625514133852116050337125586076007907197490920213709" *
"9620786642812147335020367740175335267783612432257074073788523823707111" *
"256937716200193141028373865132561035864442543963776885616140871e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-8.5157954410269053436886059418975272994971866890199431353870676626578" *
"4674250682625016119927081232471812704653170744055487394351426467046613" *
"672305664860625216893286379159584283872148571318387423677449672e-12"
) + im * parse(
BigFloat,
"-8.2898647174907700394751876349417061958154723338549906597677504806442" *
"1350111423396853570469915485897264825661072218300785746462759333698118" *
"692168743097211249107369414931176517396885041839998071570839588e-11"
) parse(
BigFloat,
"-4.2948886878966919713725217981781070486077571806286743994809489798028" *
"7721331855222536593476541439493070412850187046210350626240086904918037" *
"129611915406730675655543716130367094323326152413567679190980051e-17"
) + im * parse(
BigFloat,
"1.42857147723313351830297361902740667045622106767116560129074968947538" *
"3880939245059111591985267930780068921394848408668955650223174063114493" *
"27719694756831952663676990237385843760418793290564979147996429e-10"
) parse(
BigFloat,
"4.47116656806009124514815580107341840898644485845100001549174840213309" *
"0430773939557125828210488810014901218811083368125421800517648978153082" *
"91625845830710306583192405695928490315280328960262379471763167e-17"
) + im * parse(
BigFloat,
"-1.4285714650676718334332897685188873646828199305832306539503289232276" *
"2308379883574001359973126551134888493068518875455628393483552412208264" *
"744364797125536340825217505592008905238877742260332441546043373e-10"
) parse(
BigFloat,
"-2.2933075980637067935669532966667157328766494420547011324919451499308" *
"0443509348761982817403616524730589435694209304010408443682219758551115" *
"797503764528283948491813122792915529416417686234576305196273060e-17"
) + im * parse(
BigFloat,
"7.14285730506257707757919296152414782348186010025671074450887265594682" *
"3442998890578543927763076869403753220292514370775470868321450000513354" *
"22713039473850108633930853559092969295226682179290167776586902e-11"
) parse(
BigFloat,
"4.66134631143389169013770430490792881245244049314989904600191436429052" *
"6904812457114399397805354155120246949943127191682080814293075708249261" *
"41872679926645151517382453876579753532918020258257616103847831e-18"
) + im * parse(
BigFloat,
"-1.4285714589849361868547623801453560153872762856967965911529829950705" *
"1017917182167486143491948218813634674287951251533891608037489103660644" *
"938950390206121909414673326048059440815711566295898997988414228e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4673964811965696513533894755396111135633841615216594956254166561322" *
"3268039969517866020703379035443700266677577563650939613471592878828743" *
"872560687115634335280849667770571446428750287537501214717220598e-12"
) + im * parse(
BigFloat,
"-7.4509458443807136686670112921211884703607082596286005089432544630478" *
"1064416038426428852179338431011569332707216275877251592498245583086773" *
"663902864119812090119537231201537243532168662258858172533790544e-11"
) parse(
BigFloat,
"-3.3869312573296649823334075437682897797354340805788663523488207823901" *
"7855773373134695042323486454160316030907044701115350542459728895736814" *
"235202582138780966703122310045633147510153285382622365377284591e-17"
) + im * parse(
BigFloat,
"1.25000001733699349924044859858033859767726275363459144967503954566067" *
"5826498843599010200795122555040102079448968871608291009915248217177217" *
"69284353974749106210871823914323667768978877277774416918570539e-10"
) parse(
BigFloat,
"3.49722970925069894342538860065408925875598574849995058335636423366631" *
"9171238366817614797295933886977478873538135591169355884655714450266071" *
"03066654211440502176887047781928786763422420172393220233997230e-17"
) + im * parse(
BigFloat,
"-1.2500000130027204520280086365656357490211031167057870145756854188855" *
"8539487431529251101403135008248852520162314325741007358013318542681410" *
"715840502262249873810679409176152031907230650559232794814441058e-10"
) parse(
BigFloat,
"-1.7886993176304449876285829858395879672808756958547151148806348002319" *
"4842611728811260780022751430941013859544617948108627221178805691807111" *
"678547442775242438545803228074060637946369230817228503947038638e-17"
) + im * parse(
BigFloat,
"6.25000005778980608230561742314036703213997154428126374432591045989878" *
"2341551973359560177568870528721039570516001363715113147803603288236307" *
"42632710976266137048809624854158998285751388137988369302340974e-11"
) parse(
BigFloat,
"3.63050393114783075358165547269440055464849044690350026012343082885542" *
"0566645249320009598069413663166975478772863770315267230500114097125520" *
"62509576991525431660666766584916259609999955894280341654670871e-18"
) + im * parse(
BigFloat,
"-1.2500000108355809412487426383751265859944075929943909962051923382916" *
"1414924297073258664419540478901574027629064485850479870824165673859281" *
"530830533941583213511126077594265985198394234119020818518146806e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"8.49013821027580216306815853235041619369035495213738859776917352463717" *
"5991137497370187169594013995474059189908909222471679615401259782452301" *
"54998860018720673487548659361228973757890616752597441439762073e-13"
) + im * parse(
BigFloat,
"-6.6634182686501495432339893282847532713822809775557598704043437046803" *
"8987584281923118200738682813845915928840052853671861197665440792525974" *
"537411274254959632215909716400174250502099112836162589111963119e-11"
) parse(
BigFloat,
"-2.6940295182276574180305556350516406408899975403815105109789106924452" *
"3103413686819508021797253488963290014984088793058385614413974330127996" *
"814126070781266901726736364353438011102708463366600190374092097e-17"
) + im * parse(
BigFloat,
"1.11111110733772412553058660440147185023975295339149635196042700084529" *
"5121234433671157404619526977041832693429375814960873180997139891907624" *
"61434351826017027149100870112314935314606618104637169646776317e-10"
) parse(
BigFloat,
"2.77669497503243855503242858313029431042988290792290448045129718838210" *
"8914738806163970810937830936383056787976607849702697420402381657399199" *
"06181172462559820274602726674300903205091853610894868084897401e-17"
) + im * parse(
BigFloat,
"-1.1111111082810533942448756930953524282828907037172057096983627642642" *
"5039541110167895110113932478390925568971677789818053746937601390118059" *
"800297262049217678483854639826002434075266415788856532141049362e-10"
) parse(
BigFloat,
"-1.4192718402893053198509743913859401987107944189507646371251015164784" *
"7922435135322753694858392650351775936739819312061645589546689222245979" *
"374504567738245295438618255407310494048416461455412895566240149e-17"
) + im * parse(
BigFloat,
"5.55555554297747707561705072490485744454428036433296700389078615810268" *
"8480274157346590189197412937588597219938261048778469032487608815529250" *
"13426258716159759061919664416590924455057180264221609546237016e-11"
) parse(
BigFloat,
"2.87975609928266257914629279382565307477080552150945222840679959460322" *
"4795673057656515191716171036530815631043200688635562215410059077070190" *
"54321210341071253703415914219416697959444250775209620916852538e-18"
) + im * parse(
BigFloat,
"-1.1111111087527159679811112384488008690192568385780446869071940647091" *
"9449766149042176150307226374572485378164845353802565110418915800483564" *
"619326386639285427606646054730550755232328052394553028318033991e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"4.20548623872100679844512258018372927823582245870953816159488963204566" *
"0933091413827309404603247405459658243070310457804989069732945767518400" *
"18864764386504257665543571486819413561580387660278992876043248e-12"
) + im * parse(
BigFloat,
"-5.9072702985675303510301481326693062644757898305241223730826040817706" *
"1929380425233271149462309033848631637692468769757727874147831329768681" *
"387168202313944110231348635992985851281124142566492500528840480e-11"
) parse(
BigFloat,
"-2.1462414513585325824968951046259916862791177197205711310132366962841" *
"7747292820077174585814147356847403113729935550633934022206750911365464" *
"279433591568270352266082543085451625556422090508243418110414921e-17"
) + im * parse(
BigFloat,
"9.99999983178060742692398599407035528541106443834312352607256379634036" *
"1762217161412179998744216055531292243961586979787234316848016654831320" *
"97125145627748658742471383038046709753500253203678512596913764e-11"
) parse(
BigFloat,
"2.22218107590245262797979529971955720823641764795476122759430264055470" *
"0193300507646766509439255141033124311998262529875071107502500672988064" *
"09007996114568202663845254074019730309505216824558007461651926e-17"
) + im * parse(
BigFloat,
"-9.9999998738353308520836119198523643366096097064315279860910541467337" *
"9824695013052056030265410146464047827259137557914635310093712273309341" *
"161123236886540168129558067551278703002391187521393136346449098e-11"
) parse(
BigFloat,
"-1.1376360318653175750258437197995974174006823519893877688668864489041" *
"6117962959117701351898610961726621028265155407292296410643248858045553" *
"885205559343223339971081082565403783500889087551512203960703850e-17"
) + im * parse(
BigFloat,
"4.99999994392678190194725651433484411985732967010433224058278551119023" *
"2412393832404321868011021401474778733616575092586902013897990387483495" *
"45145495936375315003261854432532540223264530991072245308278864e-11"
) parse(
BigFloat,
"2.31015089132851523874666097373375488445042274528906949363869523551719" *
"1557075494093752959124699126801479462133510060242716637662995478479680" *
"74464317318485647669927535053384837103203508746475748938619432e-18"
) + im * parse(
BigFloat,
"-9.9999998948626768691919520680520448646459838812764725717981775583001" *
"6657714224680752195192170528737492092102985208260541201278324188067179" *
"664647067777367732214692200490105016812246142576022759676515082e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.46807723906391339758730001026486728196241545760989793110421599452142" *
"3025407772223014462881709461764303279557112075387966361383572701743440" *
"09792106184958004634515908376264334209787822910022474649982127e-12"
) + im * parse(
BigFloat,
"-5.1842712134388841182159853221658749415268748012110008437643214029944" *
"9005891098001175735643936296026259274231260686452741991681713880497977" *
"716562417772097339845062190389831416745630513553845362129895232e-11"
) parse(
BigFloat,
"-1.7061261694962224248242268161982956061636361229719175501310839260092" *
"5577102155822669355003442928928178260237026218084677882008072346260442" *
"874436513992771406118964989601717865938364213436811640166923578e-17"
) + im * parse(
BigFloat,
"9.09090885570632553491858373831709510448834540246693528555259642299768" *
"4386880604612135804251853914191830208515972549572982769600501810453414" *
"51736699749208100535190632486867596579330077171132020961027476e-11"
) parse(
BigFloat,
"1.78579295819305769007236858689282562657307356885049730753449745626771" *
"5945417070479906960077267486945045052456705238733475806682460688347721" *
"43973524837461629143319352391298752214881661299877173804631298e-17"
) + im * parse(
BigFloat,
"-9.0909089145069277868383064800703144473168114990528360088281581978423" *
"0204599368508998551903275371933052188942830563709595672351433442253334" *
"619953987449597412391029659321770205702383923293961672004667906e-11"
) parse(
BigFloat,
"-9.1765269896988845639571547272927643419056147035019046143948665041252" *
"7520567572303087256317478949361522559337034148599148409790036734447187" *
"876898001712558569989034311720648105668351049151188512149742074e-18"
) + im * parse(
BigFloat,
"4.54545446705356085058836834754145524767206320423369920383717431988422" *
"9343040564444192042188507074471770356569490432744237251358183340362670" *
"52667093986329127155587935464859645262293421176360025727091835e-11"
) parse(
BigFloat,
"1.86694867060019305368255653438202354597664019350699387719419423612901" *
"5160190811717288630515795040754217512321390319861695180182493542948977" *
"78372864866387393082893143892995843275195736239671726890627468e-18"
) + im * parse(
BigFloat,
"-9.0909089439072159678240819894666757250041281454246209032887511490292" *
"5780968408336070383854388927990790809277928714252381384769275516083503" *
"881942962495108530093592467994066342829160834516817224632149601e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.60356829672271088004618641922235314689003599247859302295587390030518" *
"0987379935700490717877206395551622990512427213016610209944225186257780" *
"64727837612799268270529076583710467396437742257215630718199654e-12"
) + im * parse(
BigFloat,
"-4.5076983567597883685858381828079624509429731587996046282325101062539" *
"1169408839304643466545475040204385362507912913809364265417583374221621" *
"246973622788975012743752628344512092615549784154098749141530882e-11"
) parse(
BigFloat,
"-1.3521031541968880782164695934156880655632113811826902852531140599242" *
"2311484675167036970044070360091656837949630038273544821811092713645505" *
"061273680857362389061478252799477094049098495007994415886021140e-17"
) + im * parse(
BigFloat,
"8.33333307988109070870517204498345028142723456586424253145327343287267" *
"5522138883482677482444016037618523774639624243659830665091575375402141" *
"42076803605114722997697368330399815647078988559921545824510012e-11"
) parse(
BigFloat,
"1.43942457202912649818571172080566367800504095662769780702402108900571" *
"7532308839355982321327502294015087950169178950672919974029820925841680" *
"11855918528712117150543888242789372713790474595846217774007608e-17"
) + im * parse(
BigFloat,
"-8.3333331432440878364237842942156842338546504075110042282122178831196" *
"1493062241539000084866273728138916906027931388746919321764410724208179" *
"978740886021439849152943912379809367484757634178055084240146835e-11"
) parse(
BigFloat,
"-7.4391091855505344306417544602957404887535818510979787297600125753389" *
"9699022392376585307667911196791152377348000194958371914454579236140535" *
"944199077562629314645296193142968131631815116774339972758092547e-18"
) + im * parse(
BigFloat,
"4.16666658218254042925958986710019046329370535645347104313097386590430" *
"0330019750209555414181512512746603383531466232137492273703997915295538" *
"53624404668348733323066005469735017136951455195237779896861831e-11"
) parse(
BigFloat,
"1.51780750712765465621671394276042722626753972876940938654976075622126" *
"3715435463344721403688591482839757872349889980051675682126160303295094" *
"32514449196929676102692934865331631041878404823582791107411216e-18"
) + im * parse(
BigFloat,
"-8.3333331749255751556578238852693764798957393699419914429757553371522" *
"9160912602259066414275992988419462019956492341163131953750338768902793" *
"437761481425095389788927568036870010154516524530557610093245389e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.67653612283896972234389267306245351903216341177762964069279222034780" *
"9025737049505634996467703651612880072038427120694414048303706009327408" *
"28362102101179618824818512797583840369483547407293055037849958e-12"
) + im * parse(
BigFloat,
"-3.8953929648596427238009527083106872574677328742331914850084429143938" *
"2348280089936079863230097335231551971287324151307416288683462484163504" *
"439540488232312270690658753875239960214988039246997361429283715e-11"
) parse(
BigFloat,
"-1.0703773210068105798747041445462334652290704269319154326299386724869" *
"9948461155040485718379440411427633391744919145183086136999061176078434" *
"189139392901260380119023645358861364594792385639590236903513788e-17"
) + im * parse(
BigFloat,
"7.69230745610660804857239517944917924475516065622672441431364075562926" *
"6443540092731874793837255390080060279968000750843214436260055452316104" *
"69711635322780048087609341498271013128198682559758411630055043e-11"
) parse(
BigFloat,
"1.16520901263108318829946543636531004131449698694294090946612229395612" *
"3295405574801027679887813736499881058174670418733824319816315016070004" *
"62079690376587633424472570612144106687917589604806862138395022e-17"
) + im * parse(
BigFloat,
"-7.6923075151568338605866030845479692075727226594546989797522289767636" *
"8212410173947768085611559900655468953767838293654002859302067282205236" *
"052727487920855958297791013659693024914613865808021346044667149e-11"
) parse(
BigFloat,
"-6.0662806671137257199769596047223065029705492670699512921303340863178" *
"7786894434316706194449738903491163115454908926293033805324961570502677" *
"919543044414737815108968767285655720649153747260846669725799699e-18"
) + im * parse(
BigFloat,
"3.84615376742011851547089530638049698835026841386179329486983211796463" *
"8553693480549304613662211713981884675755358846164904185437435153817801" *
"09327217886919144621809874573519129636444459641769780689788796e-11"
) parse(
BigFloat,
"1.24221066066653101072376485853762260836097772735428740219691853701249" *
"5041856224727506686921571663925142504997804604226397131627093604457645" *
"12886192861683064917844393592700127121787616532373888453374755e-18"
) + im * parse(
BigFloat,
"-7.6923075446819367438735242059535153997402538532957977037715062608293" *
"6480966714647630442874635665531789596222657317566745959708569921247509" *
"507207053183629775841773480183247729798889290851619409663717421e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.83739202302492864069732225385994051706009694449414535445822429425165" *
"3685266487332648273879269907896012967298885129312221811484304220122838" *
"20247582673877857950669296458788145186858501763512595132482986e-12"
) + im * parse(
BigFloat,
"-3.3647761275676673663249628832718873345226171806695764813697923040111" *
"6084609824172112275036264909694992743584378158373330606657676566234164" *
"192169797975626572890619263553870637315519532382044326017780643e-11"
) parse(
BigFloat,
"-8.5082038902658286808699367011616415824467679584922558072977758252818" *
"6976360435037486314776739295263359716386056960758005477137246554085866" *
"519934939880050507948637941621694865957845730799683493944296375e-18"
) + im * parse(
BigFloat,
"7.14285694750310727376872004273858959159303136126533935827161179869113" *
"0392494018862893573641611420541734123506916728350140159060893224449564" *
"98377370275189426623001995503769912707663335330219866444067221e-11"
) parse(
BigFloat,
"9.50615281304543985535192015173552074692752477356763911655902290131308" *
"6520377027336171482992703302095816530643589430403852653766502798633607" *
"28908786318252720830473775522793666497789757665531366061211345e-18"
) + im * parse(
BigFloat,
"-7.1428569963415838005896444119363274120310888456008463021654704390255" *
"3451062958884141317114307742874452345235087714730078198873040709848310" *
"917671003409363285260202157344688398205849134709211915563701948e-11"
) parse(
BigFloat,
"-4.9902629127426627314528716509997079517099517651599713869178960583288" *
"4283594918190123069776888256568939830418697410005983636901118207818618" *
"247718646794935183571905629955104118432427863935600485960476428e-18"
) + im * parse(
BigFloat,
"3.57142850631053552671741786260170120819287416044058489462122452736461" *
"7117321443391938676534987884202021841088804017951500902766251333663921" *
"43783901823185990502688364683527335521576395493276162029817488e-11"
) parse(
BigFloat,
"1.02602293414150399224162058307748828514033663064108829276135425130771" *
"2565813576124036906001594247372939018125584061236189383829011037796420" *
"05427500501184416943407883604768662153865418784743336978693940e-18"
) + im * parse(
BigFloat,
"-7.1428570207608130735305123586375517765651755341705545880077525239497" *
"7107508583366386840186032657475069196085829538077494456299718635038780" *
"293090985864436878965549837200215482095944487232682073963402150e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"5.30289333514087092741341526982783909413356003408081339419017753578186" *
"5929494466788061858107252510103348471148857304602816565183050691871059" *
"16525124196564191250609633575223572104514013447997403235722645e-12"
) + im * parse(
BigFloat,
"-2.9293061440664682771010980161914868984172706196406160959502745755389" *
"8721918675943774079091427145016668595809039037446246950229487691885880" *
"005065206405167351052068811970238750174766916482774987536476341e-11"
) parse(
BigFloat,
"-6.8485200800248354396364913064798864264520520680249511771606246137253" *
"5631013922417863826251214809026416667047365000927441995996823370494605" *
"999290638659680558677333737716834008108500326413802991681421707e-18"
) + im * parse(
BigFloat,
"6.66666652525619610591282385368075814581055713049381851976909801474627" *
"1952611207441368156764282332107538169947963145486035443530011951204526" *
"26910208775610791896038380942685285659716238224844261330303120e-11"
) parse(
BigFloat,
"7.85861221153562486468172482616221887551352014781072097153129871321451" *
"8940276818775923810343027444512993040106691986334493499613977910293056" *
"28892774899267660727099606389760369914302989394655780203013938e-18"
) + im * parse(
BigFloat,
"-6.6666665606087902442414287700598006649862108166226949837946567633631" *
"9094291141607898599955054066840900667520403325000966091719494497004918" *
"339137140552030199623216820716163319178254139133951527795129306e-11"
) parse(
BigFloat,
"-4.1593831946520939460412608889053900897157945167362968333452081973285" *
"0437442475669714109034876989205182353888050717158589416046543100614310" *
"229611619396151711997772001063119801442797784960982032907962311e-18"
) + im * parse(
BigFloat,
"3.33333328619649193543684542116475647547234424272878058852556250075282" *
"7342192048374772308046760173187041075258006001284901829789928930593721" *
"26639699289886774951333124290612581576320634732165853587332264e-11"
) parse(
BigFloat,
"8.58588051718953818767359025088879529818065988543352175657302311598536" *
"4012894892989429555922193159064875728137006493246150762795076455094118" *
"56839013307175078059816712725849815893556912616089322130826807e-19"
) + im * parse(
BigFloat,
"-6.6666665782850792999822481936837829582961698961777457580639297592845" *
"0054257929583076810101518807370437985382022953395789559357929474017674" *
"407540736983955291608716371013949172593132235317863013064547995e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"3.33133852071805351223149994268557981853519833381222928185953808617738" *
"4487484739349598441511133854615712678821322371954033755689772874991674" *
"92699313875432513394977189288103936773760505222620529924078409e-12"
) + im * parse(
BigFloat,
"2.59618339322176657338147532730555864238599206447389769632774157608866" *
"2280562190299056040478509400431282418238444346835606505425517814329293" *
"97148992058303173379544116344294047266521811536084809352502386e-11"
) parse(
BigFloat,
"-5.6441043120500846016125950399815837438025038957246051063108229700752" *
"6613099876283638430779195053901095431715728158157077849957281835951558" *
"329694249543242526903179432116152728668344498889295762803989642e-18"
) + im * parse(
BigFloat,
"-6.2499999167165523190491789058971684205038283631255350846022518538654" *
"1256729737994752350681185986270880176342163871318385651448993112683168" *
"403332321430109534648497937347097447903110483971747069526321091e-11"
) parse(
BigFloat,
"6.62565631999845565515637015674614823051767602015150921007869013092233" *
"7578963799993497315820946293537292119295431670892058417938954663083659" *
"09255715787941232337901571194172641344397730434229724793972886e-18"
) + im * parse(
BigFloat,
"6.24999993753739663264547603028910487630972457015042850945724939072000" *
"9019029830568130542958685232696846300361488958638527269574816038895051" *
"90035669548990111281319861914845268812522829835207159191916441e-11"
) parse(
BigFloat,
"-3.5306736364379627563267914504944430074100214476653421990752799781071" *
"0815371918230451035187991936106810227145428881620125561165529539833380" *
"246205831848766554517856880014941146493527777136421007834463534e-18"
) + im * parse(
BigFloat,
"-3.1249999722388370842428530267432842968544832655369188695643697790499" *
"4154050280746380282466675164992411314859193562594057282302723102167247" *
"421333558752912470032884826690175129895975390276250448065322745e-11"
) parse(
BigFloat,
"7.31174483373241174845657226539180256050557839945662725518297138101864" *
"0236138519198586102799839143947080666778277399625256196017721792773449" *
"48879784199350884629527145383040959744545502832219616050162724e-19"
) + im * parse(
BigFloat,
"6.24999994794781174701240849951221647934570735854067558471381210337817" *
"7518454498777178131132254836037375953623989993148171949227587132642806" *
"98786583099997151071365003691964642197439021522439335262160198e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"5.30289333514087092741341526982783909413356003408081339419017753578186" *
"5929494466788061858107252510103348471148857304602816565183050691871059" *
"16525124196564191250609633575223572104514013447997403235722645e-12"
) + im * parse(
BigFloat,
"2.92930614406646827710109801619148689841727061964061609595027457553898" *
"7219186759437740790914271450166685958090390374462469502294876918858800" *
"05065206405167351052068811970238750174766916482774987536476341e-11"
) parse(
BigFloat,
"-6.8485200800248354396364913064798864264520520680249511771606246137253" *
"5631013922417863826251214809026416667047365000927441995996823370494605" *
"999290638659680558677333737716834008108500326413802991681421707e-18"
) + im * parse(
BigFloat,
"-6.6666665252561961059128238536807581458105571304938185197690980147462" *
"7195261120744136815676428233210753816994796314548603544353001195120452" *
"626910208775610791896038380942685285659716238224844261330303120e-11"
) parse(
BigFloat,
"7.85861221153562486468172482616221887551352014781072097153129871321451" *
"8940276818775923810343027444512993040106691986334493499613977910293056" *
"28892774899267660727099606389760369914302989394655780203013938e-18"
) + im * parse(
BigFloat,
"6.66666656060879024424142877005980066498621081662269498379465676336319" *
"0942911416078985999550540668409006675204033250009660917194944970049183" *
"39137140552030199623216820716163319178254139133951527795129306e-11"
) parse(
BigFloat,
"-4.1593831946520939460412608889053900897157945167362968333452081973285" *
"0437442475669714109034876989205182353888050717158589416046543100614310" *
"229611619396151711997772001063119801442797784960982032907962311e-18"
) + im * parse(
BigFloat,
"-3.3333332861964919354368454211647564754723442427287805885255625007528" *
"2734219204837477230804676017318704107525800600128490182978992893059372" *
"126639699289886774951333124290612581576320634732165853587332264e-11"
) parse(
BigFloat,
"8.58588051718953818767359025088879529818065988543352175657302311598536" *
"4012894892989429555922193159064875728137006493246150762795076455094118" *
"56839013307175078059816712725849815893556912616089322130826807e-19"
) + im * parse(
BigFloat,
"6.66666657828507929998224819368378295829616989617774575806392975928450" *
"0542579295830768101015188073704379853820229533957895593579294740176744" *
"07540736983955291608716371013949172593132235317863013064547995e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.83739202302492864069732225385994051706009694449414535445822429425165" *
"3685266487332648273879269907896012967298885129312221811484304220122838" *
"20247582673877857950669296458788145186858501763512595132482986e-12"
) + im * parse(
BigFloat,
"3.36477612756766736632496288327188733452261718066957648136979230401116" *
"0846098241721122750362649096949927435843781583733306066576765662341641" *
"92169797975626572890619263553870637315519532382044326017780643e-11"
) parse(
BigFloat,
"-8.5082038902658286808699367011616415824467679584922558072977758252818" *
"6976360435037486314776739295263359716386056960758005477137246554085866" *
"519934939880050507948637941621694865957845730799683493944296375e-18"
) + im * parse(
BigFloat,
"-7.1428569475031072737687200427385895915930313612653393582716117986911" *
"3039249401886289357364161142054173412350691672835014015906089322444956" *
"498377370275189426623001995503769912707663335330219866444067221e-11"
) parse(
BigFloat,
"9.50615281304543985535192015173552074692752477356763911655902290131308" *
"6520377027336171482992703302095816530643589430403852653766502798633607" *
"28908786318252720830473775522793666497789757665531366061211345e-18"
) + im * parse(
BigFloat,
"7.14285699634158380058964441193632741203108884560084630216547043902553" *
"4510629588841413171143077428744523452350877147300781988730407098483109" *
"17671003409363285260202157344688398205849134709211915563701948e-11"
) parse(
BigFloat,
"-4.9902629127426627314528716509997079517099517651599713869178960583288" *
"4283594918190123069776888256568939830418697410005983636901118207818618" *
"247718646794935183571905629955104118432427863935600485960476428e-18"
) + im * parse(
BigFloat,
"-3.5714285063105355267174178626017012081928741604405848946212245273646" *
"1711732144339193867653498788420202184108880401795150090276625133366392" *
"143783901823185990502688364683527335521576395493276162029817488e-11"
) parse(
BigFloat,
"1.02602293414150399224162058307748828514033663064108829276135425130771" *
"2565813576124036906001594247372939018125584061236189383829011037796420" *
"05427500501184416943407883604768662153865418784743336978693940e-18"
) + im * parse(
BigFloat,
"7.14285702076081307353051235863755177656517553417055458800775252394977" *
"1075085833663868401860326574750691960858295380774944562997186350387802" *
"93090985864436878965549837200215482095944487232682073963402150e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.67653612283896972234389267306245351903216341177762964069279222034780" *
"9025737049505634996467703651612880072038427120694414048303706009327408" *
"28362102101179618824818512797583840369483547407293055037849958e-12"
) + im * parse(
BigFloat,
"3.89539296485964272380095270831068725746773287423319148500844291439382" *
"3482800899360798632300973352315519712873241513074162886834624841635044" *
"39540488232312270690658753875239960214988039246997361429283715e-11"
) parse(
BigFloat,
"-1.0703773210068105798747041445462334652290704269319154326299386724869" *
"9948461155040485718379440411427633391744919145183086136999061176078434" *
"189139392901260380119023645358861364594792385639590236903513788e-17"
) + im * parse(
BigFloat,
"-7.6923074561066080485723951794491792447551606562267244143136407556292" *
"6644354009273187479383725539008006027996800075084321443626005545231610" *
"469711635322780048087609341498271013128198682559758411630055043e-11"
) parse(
BigFloat,
"1.16520901263108318829946543636531004131449698694294090946612229395612" *
"3295405574801027679887813736499881058174670418733824319816315016070004" *
"62079690376587633424472570612144106687917589604806862138395022e-17"
) + im * parse(
BigFloat,
"7.69230751515683386058660308454796920757272265945469897975222897676368" *
"2124101739477680856115599006554689537678382936540028593020672822052360" *
"52727487920855958297791013659693024914613865808021346044667149e-11"
) parse(
BigFloat,
"-6.0662806671137257199769596047223065029705492670699512921303340863178" *
"7786894434316706194449738903491163115454908926293033805324961570502677" *
"919543044414737815108968767285655720649153747260846669725799699e-18"
) + im * parse(
BigFloat,
"-3.8461537674201185154708953063804969883502684138617932948698321179646" *
"3855369348054930461366221171398188467575535884616490418543743515381780" *
"109327217886919144621809874573519129636444459641769780689788796e-11"
) parse(
BigFloat,
"1.24221066066653101072376485853762260836097772735428740219691853701249" *
"5041856224727506686921571663925142504997804604226397131627093604457645" *
"12886192861683064917844393592700127121787616532373888453374755e-18"
) + im * parse(
BigFloat,
"7.69230754468193674387352420595351539974025385329579770377150626082936" *
"4809667146476304428746356655317895962226573175667459597085699212475095" *
"07207053183629775841773480183247729798889290851619409663717421e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"7.60356829672271088004618641922235314689003599247859302295587390030518" *
"0987379935700490717877206395551622990512427213016610209944225186257780" *
"64727837612799268270529076583710467396437742257215630718199654e-12"
) + im * parse(
BigFloat,
"4.50769835675978836858583818280796245094297315879960462823251010625391" *
"1694088393046434665454750402043853625079129138093642654175833742216212" *
"46973622788975012743752628344512092615549784154098749141530882e-11"
) parse(
BigFloat,
"-1.3521031541968880782164695934156880655632113811826902852531140599242" *
"2311484675167036970044070360091656837949630038273544821811092713645505" *
"061273680857362389061478252799477094049098495007994415886021140e-17"
) + im * parse(
BigFloat,
"-8.3333330798810907087051720449834502814272345658642425314532734328726" *
"7552213888348267748244401603761852377463962424365983066509157537540214" *
"142076803605114722997697368330399815647078988559921545824510012e-11"
) parse(
BigFloat,
"1.43942457202912649818571172080566367800504095662769780702402108900571" *
"7532308839355982321327502294015087950169178950672919974029820925841680" *
"11855918528712117150543888242789372713790474595846217774007608e-17"
) + im * parse(
BigFloat,
"8.33333314324408783642378429421568423385465040751100422821221788311961" *
"4930622415390000848662737281389169060279313887469193217644107242081799" *
"78740886021439849152943912379809367484757634178055084240146835e-11"
) parse(
BigFloat,
"-7.4391091855505344306417544602957404887535818510979787297600125753389" *
"9699022392376585307667911196791152377348000194958371914454579236140535" *
"944199077562629314645296193142968131631815116774339972758092547e-18"
) + im * parse(
BigFloat,
"-4.1666665821825404292595898671001904632937053564534710431309738659043" *
"0033001975020955541418151251274660338353146623213749227370399791529553" *
"853624404668348733323066005469735017136951455195237779896861831e-11"
) parse(
BigFloat,
"1.51780750712765465621671394276042722626753972876940938654976075622126" *
"3715435463344721403688591482839757872349889980051675682126160303295094" *
"32514449196929676102692934865331631041878404823582791107411216e-18"
) + im * parse(
BigFloat,
"8.33333317492557515565782388526937647989573936994199144297575533715229" *
"1609126022590664142759929884194620199564923411631319537503387689027934" *
"37761481425095389788927568036870010154516524530557610093245389e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"6.46807723906391339758730001026486728196241545760989793110421599452142" *
"3025407772223014462881709461764303279557112075387966361383572701743440" *
"09792106184958004634515908376264334209787822910022474649982127e-12"
) + im * parse(
BigFloat,
"5.18427121343888411821598532216587494152687480121100084376432140299449" *
"0058910980011757356439362960262592742312606864527419916817138804979777" *
"16562417772097339845062190389831416745630513553845362129895232e-11"
) parse(
BigFloat,
"-1.7061261694962224248242268161982956061636361229719175501310839260092" *
"5577102155822669355003442928928178260237026218084677882008072346260442" *
"874436513992771406118964989601717865938364213436811640166923578e-17"
) + im * parse(
BigFloat,
"-9.0909088557063255349185837383170951044883454024669352855525964229976" *
"8438688060461213580425185391419183020851597254957298276960050181045341" *
"451736699749208100535190632486867596579330077171132020961027476e-11"
) parse(
BigFloat,
"1.78579295819305769007236858689282562657307356885049730753449745626771" *
"5945417070479906960077267486945045052456705238733475806682460688347721" *
"43973524837461629143319352391298752214881661299877173804631298e-17"
) + im * parse(
BigFloat,
"9.09090891450692778683830648007031444731681149905283600882815819784230" *
"2045993685089985519032753719330521889428305637095956723514334422533346" *
"19953987449597412391029659321770205702383923293961672004667906e-11"
) parse(
BigFloat,
"-9.1765269896988845639571547272927643419056147035019046143948665041252" *
"7520567572303087256317478949361522559337034148599148409790036734447187" *
"876898001712558569989034311720648105668351049151188512149742074e-18"
) + im * parse(
BigFloat,
"-4.5454544670535608505883683475414552476720632042336992038371743198842" *
"2934304056444419204218850707447177035656949043274423725135818334036267" *
"052667093986329127155587935464859645262293421176360025727091835e-11"
) parse(
BigFloat,
"1.86694867060019305368255653438202354597664019350699387719419423612901" *
"5160190811717288630515795040754217512321390319861695180182493542948977" *
"78372864866387393082893143892995843275195736239671726890627468e-18"
) + im * parse(
BigFloat,
"9.09090894390721596782408198946667572500412814542462090328875114902925" *
"7809684083360703838543889279907908092779287142523813847692755160835038" *
"81942962495108530093592467994066342829160834516817224632149601e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"4.20548623872100679844512258018372927823582245870953816159488963204566" *
"0933091413827309404603247405459658243070310457804989069732945767518400" *
"18864764386504257665543571486819413561580387660278992876043248e-12"
) + im * parse(
BigFloat,
"5.90727029856753035103014813266930626447578983052412237308260408177061" *
"9293804252332711494623090338486316376924687697577278741478313297686813" *
"87168202313944110231348635992985851281124142566492500528840480e-11"
) parse(
BigFloat,
"-2.1462414513585325824968951046259916862791177197205711310132366962841" *
"7747292820077174585814147356847403113729935550633934022206750911365464" *
"279433591568270352266082543085451625556422090508243418110414921e-17"
) + im * parse(
BigFloat,
"-9.9999998317806074269239859940703552854110644383431235260725637963403" *
"6176221716141217999874421605553129224396158697978723431684801665483132" *
"097125145627748658742471383038046709753500253203678512596913764e-11"
) parse(
BigFloat,
"2.22218107590245262797979529971955720823641764795476122759430264055470" *
"0193300507646766509439255141033124311998262529875071107502500672988064" *
"09007996114568202663845254074019730309505216824558007461651926e-17"
) + im * parse(
BigFloat,
"9.99999987383533085208361191985236433660960970643152798609105414673379" *
"8246950130520560302654101464640478272591375579146353100937122733093411" *
"61123236886540168129558067551278703002391187521393136346449098e-11"
) parse(
BigFloat,
"-1.1376360318653175750258437197995974174006823519893877688668864489041" *
"6117962959117701351898610961726621028265155407292296410643248858045553" *
"885205559343223339971081082565403783500889087551512203960703850e-17"
) + im * parse(
BigFloat,
"-4.9999999439267819019472565143348441198573296701043322405827855111902" *
"3241239383240432186801102140147477873361657509258690201389799038748349" *
"545145495936375315003261854432532540223264530991072245308278864e-11"
) parse(
BigFloat,
"2.31015089132851523874666097373375488445042274528906949363869523551719" *
"1557075494093752959124699126801479462133510060242716637662995478479680" *
"74464317318485647669927535053384837103203508746475748938619432e-18"
) + im * parse(
BigFloat,
"9.99999989486267686919195206805204486464598388127647257179817755830016" *
"6577142246807521951921705287374920921029852082605412012783241880671796" *
"64647067777367732214692200490105016812246142576022759676515082e-12"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"8.49013821027580216306815853235041619369035495213738859776917352463717" *
"5991137497370187169594013995474059189908909222471679615401259782452301" *
"54998860018720673487548659361228973757890616752597441439762073e-13"
) + im * parse(
BigFloat,
"6.66341826865014954323398932828475327138228097755575987040434370468038" *
"9875842819231182007386828138459159288400528536718611976654407925259745" *
"37411274254959632215909716400174250502099112836162589111963119e-11"
) parse(
BigFloat,
"-2.6940295182276574180305556350516406408899975403815105109789106924452" *
"3103413686819508021797253488963290014984088793058385614413974330127996" *
"814126070781266901726736364353438011102708463366600190374092097e-17"
) + im * parse(
BigFloat,
"-1.1111111073377241255305866044014718502397529533914963519604270008452" *
"9512123443367115740461952697704183269342937581496087318099713989190762" *
"461434351826017027149100870112314935314606618104637169646776317e-10"
) parse(
BigFloat,
"2.77669497503243855503242858313029431042988290792290448045129718838210" *
"8914738806163970810937830936383056787976607849702697420402381657399199" *
"06181172462559820274602726674300903205091853610894868084897401e-17"
) + im * parse(
BigFloat,
"1.11111110828105339424487569309535242828289070371720570969836276426425" *
"0395411101678951101139324783909255689716777898180537469376013901180598" *
"00297262049217678483854639826002434075266415788856532141049362e-10"
) parse(
BigFloat,
"-1.4192718402893053198509743913859401987107944189507646371251015164784" *
"7922435135322753694858392650351775936739819312061645589546689222245979" *
"374504567738245295438618255407310494048416461455412895566240149e-17"
) + im * parse(
BigFloat,
"-5.5555555429774770756170507249048574445442803643329670038907861581026" *
"8848027415734659018919741293758859721993826104877846903248760881552925" *
"013426258716159759061919664416590924455057180264221609546237016e-11"
) parse(
BigFloat,
"2.87975609928266257914629279382565307477080552150945222840679959460322" *
"4795673057656515191716171036530815631043200688635562215410059077070190" *
"54321210341071253703415914219416697959444250775209620916852538e-18"
) + im * parse(
BigFloat,
"1.11111110875271596798111123844880086901925683857804468690719406470919" *
"4497661490421761503072263745724853781648453538025651104189158004835646" *
"19326386639285427606646054730550755232328052394553028318033991e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4673964811965696513533894755396111135633841615216594956254166561322" *
"3268039969517866020703379035443700266677577563650939613471592878828743" *
"872560687115634335280849667770571446428750287537501214717220598e-12"
) + im * parse(
BigFloat,
"7.45094584438071366866701129212118847036070825962860050894325446304781" *
"0644160384264288521793384310115693327072162758772515924982455830867736" *
"63902864119812090119537231201537243532168662258858172533790544e-11"
) parse(
BigFloat,
"-3.3869312573296649823334075437682897797354340805788663523488207823901" *
"7855773373134695042323486454160316030907044701115350542459728895736814" *
"235202582138780966703122310045633147510153285382622365377284591e-17"
) + im * parse(
BigFloat,
"-1.2500000173369934992404485985803385976772627536345914496750395456606" *
"7582649884359901020079512255504010207944896887160829100991524821717721" *
"769284353974749106210871823914323667768978877277774416918570539e-10"
) parse(
BigFloat,
"3.49722970925069894342538860065408925875598574849995058335636423366631" *
"9171238366817614797295933886977478873538135591169355884655714450266071" *
"03066654211440502176887047781928786763422420172393220233997230e-17"
) + im * parse(
BigFloat,
"1.25000001300272045202800863656563574902110311670578701457568541888558" *
"5394874315292511014031350082488525201623143257410073580133185426814107" *
"15840502262249873810679409176152031907230650559232794814441058e-10"
) parse(
BigFloat,
"-1.7886993176304449876285829858395879672808756958547151148806348002319" *
"4842611728811260780022751430941013859544617948108627221178805691807111" *
"678547442775242438545803228074060637946369230817228503947038638e-17"
) + im * parse(
BigFloat,
"-6.2500000577898060823056174231403670321399715442812637443259104598987" *
"8234155197335956017756887052872103957051600136371511314780360328823630" *
"742632710976266137048809624854158998285751388137988369302340974e-11"
) parse(
BigFloat,
"3.63050393114783075358165547269440055464849044690350026012343082885542" *
"0566645249320009598069413663166975478772863770315267230500114097125520" *
"62509576991525431660666766584916259609999955894280341654670871e-18"
) + im * parse(
BigFloat,
"1.25000001083558094124874263837512658599440759299439099620519233829161" *
"4149242970732586644195404789015740276290644858504798708241656738592815" *
"30830533941583213511126077594265985198394234119020818518146806e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-8.5157954410269053436886059418975272994971866890199431353870676626578" *
"4674250682625016119927081232471812704653170744055487394351426467046613" *
"672305664860625216893286379159584283872148571318387423677449672e-12"
) + im * parse(
BigFloat,
"8.28986471749077003947518763494170619581547233385499065976775048064421" *
"3501114233968535704699154858972648256610722183007857464627593336981186" *
"92168743097211249107369414931176517396885041839998071570839588e-11"
) parse(
BigFloat,
"-4.2948886878966919713725217981781070486077571806286743994809489798028" *
"7721331855222536593476541439493070412850187046210350626240086904918037" *
"129611915406730675655543716130367094323326152413567679190980051e-17"
) + im * parse(
BigFloat,
"-1.4285714772331335183029736190274066704562210676711656012907496894753" *
"8388093924505911159198526793078006892139484840866895565022317406311449" *
"327719694756831952663676990237385843760418793290564979147996429e-10"
) parse(
BigFloat,
"4.47116656806009124514815580107341840898644485845100001549174840213309" *
"0430773939557125828210488810014901218811083368125421800517648978153082" *
"91625845830710306583192405695928490315280328960262379471763167e-17"
) + im * parse(
BigFloat,
"1.42857146506767183343328976851888736468281993058323065395032892322762" *
"3083798835740013599731265511348884930685188754556283934835524122082647" *
"44364797125536340825217505592008905238877742260332441546043373e-10"
) parse(
BigFloat,
"-2.2933075980637067935669532966667157328766494420547011324919451499308" *
"0443509348761982817403616524730589435694209304010408443682219758551115" *
"797503764528283948491813122792915529416417686234576305196273060e-17"
) + im * parse(
BigFloat,
"-7.1428573050625770775791929615241478234818601002567107445088726559468" *
"2344299889057854392776307686940375322029251437077547086832145000051335" *
"422713039473850108633930853559092969295226682179290167776586902e-11"
) parse(
BigFloat,
"4.66134631143389169013770430490792881245244049314989904600191436429052" *
"6904812457114399397805354155120246949943127191682080814293075708249261" *
"41872679926645151517382453876579753532918020258257616103847831e-18"
) + im * parse(
BigFloat,
"1.42857145898493618685476238014535601538727628569679659115298299507051" *
"0179171821674861434919482188136346742879512515338916080374891036606449" *
"38950390206121909414673326048059440815711566295898997988414228e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990244428694492510120240327468117619975008648650919470594890219011" *
"4539152185668450946251307643026836437371066685136713760282059413275899" *
"956502963528472541679603746532012325368223880790440926733754632e-11"
) + im * parse(
BigFloat,
"9.23914975996996496472652456848879650138630840682782105546746542175229" *
"2922393982653124639547367251784946137559003573219692702014326703439711" *
"87186041729391423342656700412238737562772862447315590369026657e-11"
) parse(
BigFloat,
"-5.5575813344155010546377769069821573654997925288428116065022699249536" *
"7689824248841290562827876381205743725503419542074856907606839864031061" *
"953841300398706283614659552047813340848383640659815637470315750e-17"
) + im * parse(
BigFloat,
"-1.6666667599349897970243246072859434148226787173914782044025163547854" *
"1162237370635823776317531565190271048315033560061319532228519314973936" *
"476422367436741044207800709950408617666989635247266714410054135e-10"
) parse(
BigFloat,
"5.86957500628597398912972827522315077102312729220785951819924717715472" *
"8246682388622811946002356997635483207981773456301201393421750417660265" *
"11505266540161318384377165196028918663941908089374974084380747e-17"
) + im * parse(
BigFloat,
"1.66666673661785632707644695648535348370667512309204645078189423680079" *
"7081457300982179820223608887605864802448669350343570589719748028582519" *
"04592426289799745818796729619860357779157774359714947092312069e-10"
) parse(
BigFloat,
"-3.0253666867323353366664754191171728610424316416650770033274490771311" *
"0230526521459921667454274900807703380082643842958536636880830771599566" *
"025384858983303013755579188250735787607711530301201541605971930e-17"
) + im * parse(
BigFloat,
"-8.3333336442273698180745553385212139994817776035374046426649216399977" *
"9666606261815443242643110822854835891902202068222505157742310675948978" *
"578699259265161733169064109279325905410789357082244657268789934e-11"
) parse(
BigFloat,
"6.16446070196367208689244732339623258959497656193210495173805091206075" *
"7028752662887501844004546776701645983309724196060190765448716145170766" *
"22827907672810950568304193953244137051541271606121557990776394e-18"
) + im * parse(
BigFloat,
"1.66666672495928106255141338521160503371255860760079071974909202137099" *
"6207866428121473350203677401753352677836124322570740737885238237071112" *
"56937716200193141028373865132561035864442543963776885616140871e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530821912098655850911487303558667241332213339947366461953940737578" *
"2712781362395315727629230342012666156802704114157838605617062221093505" *
"599754007368689611538991422134376974318546231470001129433376823e-11"
) + im * parse(
BigFloat,
"1.04306505875413626080325264750854860490330902386805654829853563424378" *
"3477055153938216611772707710673896404429305727694312018922936115776610" *
"54016605934534141820694011991053508658547729070534623074246696e-10"
) parse(
BigFloat,
"-7.4778538294077357711621555106054479001766158717274871554484034252259" *
"5883665071816336859707783611943985937342461090598559574017189260156389" *
"098247240005036464041535684613887863737315893939150842194475395e-17"
) + im * parse(
BigFloat,
"-2.0000001562466227225937150428838962035676723262800412181436453489610" *
"6214488408817531701079558889913501551985558266776387902902278214248025" *
"938541624672945680551437298104483739566568345590116269633722537e-10"
) parse(
BigFloat,
"8.05839060642584421877164526952675453698838443745807240504880768792423" *
"1226499060086121940919928747533072472541536655148241109983146226528517" *
"34879361949971257799621313480919488981506177090911920509260480e-17"
) + im * parse(
BigFloat,
"2.00000011718488387413979824864527883443651953655931691753038739008276" *
"3584696603398893773377172607648097061515676931273762488975831624727464" *
"49788667683892103174558415438438218214508278031285966616818913e-10"
) parse(
BigFloat,
"-4.1815069709107203519269740026613590190110652891579181530947802145165" *
"7478580765161307526294281753790470384629661316774665157258641321673717" *
"202093751512099543218324898165613968473554291589387658043220536e-17"
) + im * parse(
BigFloat,
"-1.0000000520821476229043750973411124402707964699733532721481340885816" *
"9143563993678406883102338152228384507889001725864797769798504933999081" *
"311249921858557511407470807659517267324640547102710260216684858e-10"
) parse(
BigFloat,
"8.54865893634227315534475495906853874530739394428423819829465388283526" *
"6310246622089818319317412238150719517972367469237135859901027476964680" *
"90942972751867762931079247211189228331877470273326433904638422e-18"
) + im * parse(
BigFloat,
"2.00000009765399774185981742025481397053682879111721787121489983112763" *
"6272607196194870448388232745106362128218323230608891661112781459332474" *
"51825636833996834260737049667168299492605987990856410312221223e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753475379857927750053570570393048223263435114797612681016866627281" *
"0842283485456510499313758243758045640232173003678376381513204249088483" *
"730227810104952600633548290225239193686429285510517453235790920e-11"
) + im * parse(
BigFloat,
"1.21498076074189920970736940901662561176134145758266921679388361643625" *
"0545011341147263466286081089223606542294853343505092360665138059741476" *
"45441537678801058337855855179657908714411657099492151056126639e-10"
) parse(
BigFloat,
"-1.0795640992322547630944301976243851325641725028415766430181642162975" *
"9659424695388133752576002082918912808952191609618040283775431725819139" *
"617071757735223846277090213595133674829902333215181187435936209e-16"
) + im * parse(
BigFloat,
"-2.5000002475348482781597619257208715725525022319124418747445262703530" *
"2330244431249068678132864001506094308199931655760649313034752410422446" *
"167199649056761740550619576363942728629141638153155183992088852e-10"
) parse(
BigFloat,
"1.19248562083699983113236919591525964315487357954042848890037658951129" *
"6368760635125476255966907333855587152405258254203757510047376913153165" *
"32177741277187258276860773846471118229314085846777870858411726e-16"
) + im * parse(
BigFloat,
"2.50000018565099043098105006108049389978060672385248910945473637567185" *
"8974473188050539247136811117837676925756898573449973176266876859488425" *
"94170324530416375248107747148721462188000159421831525196986390e-10"
) parse(
BigFloat,
"-6.2374361613685402374349920683719745095252974857328537184684283239688" *
"7250650659901149769260977326464336198703389448846838293217189719614531" *
"673698964806757158314895037697005754226904624861547580496242666e-17"
) + im * parse(
BigFloat,
"-1.2500000825115088726342477608909012262766165619414093118708722723762" *
"2753708043316894196790146203479153780051385583693484313634270150082536" *
"348909991559461716066434601277266182163911567407681042537241072e-10"
) parse(
BigFloat,
"1.28019637003614607961627939053659676440152673989169696064687178692138" *
"5720044855722705702416647149202617057031533031210817192540642232186099" *
"90074328442069086890607483268938025504218129343757939026556808e-17"
) + im * parse(
BigFloat,
"2.50000015470902470960300896877931260692786186514280846363541829409586" *
"6026791006408341983771269675508596464972393649025740109377134772368051" *
"16827113912013928774673109277013576412745780098587273056682280e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-2.9282941701126273495435459153102652792690451734628789263826250609893" *
"5510138509773955311228958070639904574883458249560486654556607850683436" *
"286880619671505032162887366533105183837084494574831123140971987e-11"
) + im * parse(
BigFloat,
"1.50741332732823847863266600239196760512201358330183716506354954706651" *
"5453555676061519721474490953194674830402111823794600400748481732796909" *
"92884723271143296211371610994143979744700145963456934214036412e-10"
) parse(
BigFloat,
"-1.7691437065425827960142948421807090607196786691232396190979116050632" *
"3560403629450633232919369781850373576670521884370009733395676077135099" *
"079617237286082800201868697143098980538354385938365176674457334e-16"
) + im * parse(
BigFloat,
"-3.3333337237727841355474825946901336073995015443907052359917580526391" *
"9020931864632752467167923980719440823144593994018582496598489945018124" *
"960340001805183190083498905011769546246236598806620913624558572e-10"
) parse(
BigFloat,
"2.00741343307242822719775246852590735467616782158874795164547349480211" *
"3328602686087812731136096646803185357679854705960464014829534134218337" *
"43037010004095623344216227122888913090844236961343000458379982e-16"
) + im * parse(
BigFloat,
"3.33333362616261340834012581784799696610205352142837547885165185783398" *
"6748208806409184192561998763177055850083761234268377341597442648183270" *
"35267230571488680191723522749084659994164731100835828870019265e-10"
) parse(
BigFloat,
"-1.0588504291595714811453404151034565579054495184172128873851166104581" *
"4522954133783149117491289521841142513150984615129907998797560425756656" *
"829358574922985427120230034034999627859861343137186698486915736e-16"
) + im * parse(
BigFloat,
"-1.6666667968129183503656520494758768306013686800017315689966775583538" *
"4377045757473637663137468755304077882171041735509211788101458422837240" *
"783387539259204208181356141670935762778845041381240630904128052e-10"
) parse(
BigFloat,
"2.18210382749035817506578955730887441931913805778899604003713437265482" *
"5283327516916214627922781458991727943921341236552669150769141595777121" *
"85090390685218135554926818670637353922845749742068766653410827e-17"
) + im * parse(
BigFloat,
"3.33333357735743144025828806473188638844912193907576046915616299407075" *
"3443835257692810104906704334683041775900184103809899284041052094829933" *
"83239445400371638182267655416719583875516877148040751158716902e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785594684873389608907268904356695438374222399616442885292851147387" *
"0635115398915469275563781623332800769737949694455722418669131457216167" *
"703232241921820904901767813847927426478356410627038652417596892e-11"
) + im * parse(
BigFloat,
"2.12249579307953521399323370406444079609703124684943167545541615439998" *
"4527281696770409611835268359231535515815825497517874409779597015889656" *
"43399425633277031759019984971193649463907861392422231394107964e-10"
) parse(
BigFloat,
"-3.7033249468143744084045180677086408028674064181356149570785547313885" *
"6240331928669614057267390462467956729527797718876978224573074727628838" *
"837436516429973128098922670434166790159317171502180784332621102e-16"
) + im * parse(
BigFloat,
"-5.0000006557126751562894475492330887289607893802039148660906109013230" *
"8002191928027785367134937715488056474777715576709048935249174076373191" *
"089738507147684601792454270419189521837293987730021747181989489e-10"
) parse(
BigFloat,
"4.30874395600338125490307947393447013466569938722578492504587998620499" *
"8349181794297748511863026922292514570614142224845780917577013622680466" *
"46892886451821296379616698837502543726959310422397701624187278e-16"
) + im * parse(
BigFloat,
"5.00000049178357074541325782996515875008525899839115809849540919494002" *
"7976048508649295360488541255479629651488050324869770739537692302589068" *
"94369841211394416410291679861475061306644370833093362517875496e-10"
) parse(
BigFloat,
"-2.2899973502077447913477498245414752505774619831473954024774897042760" *
"7270725514526471130533269582053882573519493090278182988666303033502541" *
"225542621596202450181099063373667104575823910160052411930989608e-16"
) + im * parse(
BigFloat,
"-2.5000002185701706095096374571163424500195602828596706053023309249400" *
"3708996281009180212339120602992811543851547197149582510421037085355470" *
"125826183648757845533509007564266914001447449096977670579572811e-10"
) parse(
BigFloat,
"4.73645339912445712611840611468531294693041716671386808807709341926895" *
"6460235938009878384670392600008494101942271123701754407892714352029984" *
"46990388541817364942345485505158958795922720561529069572689325e-17"
) + im * parse(
BigFloat,
"5.00000040981866650781085767499833845790512870704363855818969485121507" *
"0938054023316030445723359735127504567039059120846859222022728891912836" *
"07603297481928789687481505069865908971915904273458019458581172e-11"
) 0 0 0 0 0 0 0 0 0 0 0
parse(
BigFloat,
"-3.4998903707053783294607903544051659266903286037956912185499093425979" *
"2760255942746591087939662053246194294335681060674131436384321072205284" *
"603225500688588586577020114380329402703381183919317886327782326e-11"
) + im * parse(
BigFloat,
"4.06324860161680026275210569014930615735417976466274675946165270681914" *
"3544824017348387124599327981647482468127174548381165597080441067069856" *
"16530979389551866455578055621981592969359560891536538976047816e-10"
) parse(
BigFloat,
"-1.4086327856473203771199279173752485314865404970532736333984344934980" *
"5186778727065744229943088632620791834672188674197711013222392574438240" *
"627028866194780410466570664416919302670754608903639644981848434e-15"
) + im * parse(
BigFloat,
"-1.0000001399962460533793821125546601036751838739858807974607173652177" *
"4669433442008980050919663775784310686989205058123783645002873336768356" *
"325214304598827168981159837547381065448194013982178118221506369e-09"
) parse(
BigFloat,
"1.66897469423320772898978842368893727679196467753495213429249753772949" *
"3715704789520794682815461732497906222583178496286869379523602661981978" *
"13474237773349681924663034449490735318783800927464180556577029e-15"
) + im * parse(
BigFloat,
"1.00000010499649056548904995818650957771170674400245748370393055345030" *
"8886768430190614842398872182577872645654076817047978744983917881998686" *
"04849260239507574074738403266967331048438198894124491165777071e-09"
) parse(
BigFloat,
"-8.9176654632543743469418245071017778619309730319212078360990336846296" *
"8673284316999046373468656906556001667565858971516061528035963147574457" *
"641619047491874014102057660899226708570747987020077705835830386e-16"
) + im * parse(
BigFloat,
"-5.0000004666487077358691365703348013954562598745665709782697404471585" *
"3812531724804440770117346205752171917163621871308556022525513154008573" *
"673083991090034519891914478281915651690210017831281058201439336e-10"
) parse(
BigFloat,
"1.84914562227632925479187918908849803513178207995242075903801839384912" *
"8745909506777981894000053084221304541315281333928465362154436008111167" *
"89512864163984899828156620155375801364977671809763520045712378e-16"
) + im * parse(
BigFloat,
"1.00000008749631756508181988879208172202875360552569147665537751689696" *
"2234821528705870210610913300442469823158723110404669802851199928838210" *
"27813047594171511666543222719626643302611952128572665794269893e-10"
) 0 0 0 0 0 0 0 0 0 0 0
]
tabres[ :, :, 10] .= [
parse(
BigFloat,
"4.17179880401234567901234567901234567901234567901234567901234567901234" *
"5679012345679012345679012345679012345679012345679012345679012345679012" *
"34567901234567901234567901234567901234567901234567901234567901e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.4466929701278659611992945326278659611992945326278659611992945326278" *
"6596119929453262786596119929453262786596119929453262786596119929453262" *
"786596119929453262786596119929453262786596119929453262786596120e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.66419587742504409171075837742504409171075837742504409171075837742504" *
"4091710758377425044091710758377425044091710758377425044091710758377425" *
"04409171075837742504409171075837742504409171075837742504409171e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-6.2646298500881834215167548500881834215167548500881834215167548500881" *
"8342151675485008818342151675485008818342151675485008818342151675485008" *
"818342151675485008818342151675485008818342151675485008818342152e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"7.41793207120811287477954144620811287477954144620811287477954144620811" *
"2874779541446208112874779541446208112874779541446208112874779541446208" *
"11287477954144620811287477954144620811287477954144620811287478e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-6.1283642250881834215167548500881834215167548500881834215167548500881" *
"8342151675485008818342151675485008818342151675485008818342151675485008" *
"818342151675485008818342151675485008818342151675485008818342152e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"3.48074052028218694885361552028218694885361552028218694885361552028218" *
"6948853615520282186948853615520282186948853615520282186948853615520282" *
"18694885361552028218694885361552028218694885361552028218694885e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-1.2994284611992945326278659611992945326278659611992945326278659611992" *
"9453262786596119929453262786596119929453262786596119929453262786596119" *
"929453262786596119929453262786596119929453262786596119929453263e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.87764701829805996472663139329805996472663139329805996472663139329805" *
"9964726631393298059964726631393298059964726631393298059964726631393298" *
"05996472663139329805996472663139329805996472663139329805996473e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.8697544642857142857142857142857142857142857142857142857142857142857" *
"1428571428571428571428571428571428571428571428571428571428571428571428" *
"571428571428571428571428571428571428571428571428571428571428571e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.4997686252852181998797829718687501558680635980848908283582926080226" *
"6453483349080224342920564498279445583779521958498638384179799683376274" *
"780890533891431379984009628367398838499388801853626711018981382e-11"
) + im * parse(
BigFloat,
"-9.0632488625617049427722872345867673582024292624516771115902693684932" *
"6732139129381073329520401264378935700884792529351280501802214177978213" *
"675551857808507222388974151190066930428808926884655068223820898e-10"
) parse(
BigFloat,
"-1.0087281380281496278643206822035991596981968651737749627031870120052" *
"6774833342707626319965261501348499399512394217789947682289287667683267" *
"169187599335531902293674999278744643889212535723700668190538139e-14"
) + im * parse(
BigFloat,
"4.50000031497653533762395621100466074241655375432070249861821542508009" *
"3222196599296978689327002707483983396028152584666910088621328731755896" *
"02223845019639602719887263021609913650691023455782370688729235e-09"
) parse(
BigFloat,
"2.94614681524225494709559703851999569934151424042588637620075745432582" *
"2992621720818447749113018990330542071793841762592083865345095578075633" *
"25448248444633813265887571139761956913403754665040959734245760e-14"
) + im * parse(
BigFloat,
"-1.2000000629932573929740413132761640798639323587786416891970831061994" *
"9536548851932933438779387906450353750840883656096420989403546617402076" *
"884146885828317118573884468983283007293409054444369823773150601e-08"
) parse(
BigFloat,
"-5.3635432267429542505253172899383981935398309226703201466404258898061" *
"4639903591508429407878367863391092088346531174538431623565807881048972" *
"439208116786892080388544590506597441395010190286819241789249702e-14"
) + im * parse(
BigFloat,
"2.10000009798754160302435436736259289383622956650176780075992697526060" *
"9616672842023406004813043781281768485523431473147067587764456194758388" *
"65788585181784976915129222984931431252933658262908115327149194e-08"
) parse(
BigFloat,
"6.58192364845751997336328938283484213525002545936412404393170043498854" *
"6991721011254602581455821566355793004252324563527780882410763874300909" *
"19624304564494612894690764614427483386093898879570044021938058e-14"
) + im * parse(
BigFloat,
"-2.5200001102345126702653102196499097803879065513926550718597576022017" *
"0339517616083224689734854163792968618921363642986541234801541024106393" *
"963685754417541988290772626899057415428314131552361959373786867e-08"
) parse(
BigFloat,
"-5.5647722609174177913872514027595707057895648291479010427923445774672" *
"6644168141685355820338087106944553930615430384329289337989063343559101" *
"612182399974393725368912483576141680066613103342913682348822626e-14"
) + im * parse(
BigFloat,
"2.10000008818677627008069624677542753273895471845961768532129792790753" *
"2284692869333372597631587759441922820679649392505419351291896871757470" *
"74640057659751243256743905404326808317177033146059284963884142e-08"
) parse(
BigFloat,
"3.21218829636811864554187254083316266091440269343436594488365252582313" *
"7089846160434150449787289449404925048309046675356953973594745964938799" *
"69680454446696906844473011517040861854259962667120444540219930e-14"
) + im * parse(
BigFloat,
"-1.2000000489923089331640161556462949919054508740749730916575442165998" *
"9601418843321312239516060318583457764667622112194507519426660459282017" *
"299146191972499364738554098338911507904721750159837043868058269e-08"
) parse(
BigFloat,
"-1.2136099872778484407469019394617394962467575876127974513490459954964" *
"5913872126221089775339663666188144831063583399078849911868926011340221" *
"314709887665880883574016876412838057565950968876395145477601507e-14"
) + im * parse(
BigFloat,
"4.50000017997076994018166715962796020511339474712492290204238289378336" *
"8259878162086613267834640300439172008556108312668226059971491147210947" *
"03302492559665888353286411426827472017898715305238092112946875e-09"
) parse(
BigFloat,
"2.71247274143327021451586104875713798313222090635081398142108205907367" *
"0552139639183218800726160552587102895644045116271387680273445027761661" *
"56844447892918074611832163580363582041505002554864895879918647e-15"
) + im * parse(
BigFloat,
"-1.0000000393684360100647657579197880798147358970623985056598652251554" *
"6041277053955497513079089396364473857673337469876067923728812531646412" *
"797525397991259177007969959214575862685624362727654033110075554e-09"
) parse(
BigFloat,
"-2.7248848956171773670449691664941484547269481526574371971153570017463" *
"5226450836137491962589019692985618138885514190506395519130734367904831" *
"999277031504710584850140018969040724075816787828519717955590910e-16"
) + im * parse(
BigFloat,
"1.00000003888226938213395108596820001496895095132021070461951895582535" *
"4398420878299079851276633483500301662630446716187587506859635694683634" *
"82951807309776315704751124795265565648376297002841567692470084e-10"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785286933476195433673989371059617231625783586706347860113376247322" *
"3618476813224038997898230208485295287332377825286193350307013515564975" *
"921956865218080918826178050277222562503869458731737913466787569e-11"
) + im * parse(
BigFloat,
"-4.6224959153075184864884292347464715830952165419573023426283247897603" *
"9009531143489197586883017123331736570117014578119834634045124185132907" *
"972577714716287599028539619818703328199261609495297303324304561e-10"
) parse(
BigFloat,
"-2.5627125087537802643535478183459013262743702246631214312811117347266" *
"0231564680257606610512978619913227127003709918948375585282293926594822" *
"471825715753636776417770475538160072465084068286311463370546133e-15"
) + im * parse(
BigFloat,
"2.25000014753344413423171814317045153265707540451964792138690949469591" *
"2970458964555916373025528893165514112698790686703783311725670101747796" *
"90134657394459488817241410557995963877877452039698584670045720e-09"
) parse(
BigFloat,
"7.44715135551729618386928584687818537753788830428695146015480843337582" *
"8693728406807209666807600932191952399681948598455457879957985248704613" *
"62567562276982956468767031615041971952442958108880106022772594e-15"
) + im * parse(
BigFloat,
"-6.0000002950642852831129546712242103417547056653913207483137981543976" *
"4247872644542699699789451427998129176463528191736478827660278727340896" *
"057817434907715949911634502103028806252982301910016396431308441e-09"
) parse(
BigFloat,
"-1.3536078111006044989681711341305392293925258612702698417329124171610" *
"5064982436810289494238947900130799332399545320584421995360402141668651" *
"255925600176631851925418274650382071664127732543895868287785821e-14"
) + im * parse(
BigFloat,
"1.05000004589864046433907280148856402305535625687798060463748899893943" *
"1302946242191509627066250764262758431098915411714351296473618391405391" *
"92301515012510751621606562732805102703916048420313105397241413e-08"
) parse(
BigFloat,
"1.65979316679111608830677105450376431581433246957424255834680540675514" *
"1902156815779625924008738789377823715051118987986810011273817825656778" *
"01175659875396997047763822942318130570397043876236075895921390e-14"
) + im * parse(
BigFloat,
"-1.2600000516357853755516604203092346412884950534820473788622460571118" *
"7644654707993544539512223733425650576887852122694477292818149453790049" *
"340003854785990668631772204712425794524891486284501365414709345e-08"
) parse(
BigFloat,
"-1.4026428688316137691397288140252564437009915071814082348182972706754" *
"0898380853008007890249854287747708264125523876034628859282718119241655" *
"382054918199300660022879342443561891523450148817637854529609264e-14"
) + im * parse(
BigFloat,
"1.05000004130852349468483516913646334272790719890809950457112283672445" *
"8019119713505265294936739231277325537152587343675327869907002268051849" *
"72303035041969994957093050883750803396696119597212038202011984e-08"
) parse(
BigFloat,
"8.09408076041774433645096811079412900260053273110282535693959351462455" *
"5372513515309822906429287850277671357093813241645561778245567343082089" *
"33789442914951444916075378414939972273586189265227453788510323e-15"
) + im * parse(
BigFloat,
"-6.0000002294913643845923920816566471368041801394254597663904900778254" *
"5222545720279781510280372899410079658228464017056488575896217568821980" *
"547738656267791496522167696137311836270396761670457773651076492e-09"
) parse(
BigFloat,
"-3.0573919139973408864854412069001348411109489078425284370730037538578" *
"4808060168229423450435295754695139041385899229105475282688937344692676" *
"925173388936758182857728944070935361719541782815418713132375798e-15"
) + im * parse(
BigFloat,
"2.25000008430282748058481401491258150807834393088865620343200049506332" *
"7520082795955110264011385578119172036484257397489806828391781055173841" *
"36699758918168715397766621003500950595947220863641508707670976e-09"
) parse(
BigFloat,
"6.83229704730500113392239498584927575747423688574871041371359798261829" *
"3400091411558975456021848480600600688459117937495870755259468251034985" *
"05574012618822111264353911987493447877635418504217105113965599e-16"
) + im * parse(
BigFloat,
"-5.0000001844122218080707494441542838920692501156929349891993631435640" *
"3237986439537581316105472690477811539613995589566122309758777838574911" *
"394504046044992980519672459547363931218058564076298698877457280e-10"
) parse(
BigFloat,
"-6.8626963808202141365483572253810426556102242518251850112749022319523" *
"6653478017831284084726371672142431018832231996155144916402532440734849" *
"277247542994451466869319579399881903973636619558039146647051519e-17"
) + im * parse(
BigFloat,
"5.00000018213535631834077300119725190929837668450360037668039494563274" *
"5744536138910387562673576342964476996655348738437679577840755380912501" *
"12640767446433272313163183852945165117935212146969726977597311e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-2.9282802625771789364216159893413061559667612766398902285004262751773" *
"7004074871861028002917538952056194679800744327792117327907726748878941" *
"745040769224257135730686319537992851491924464234591104363362792e-11"
) + im * parse(
BigFloat,
"-3.1740800667754419580649425123646501351338791502657170053624244795585" *
"9831273270309102382865731649910016514045496757064975451159959025202867" *
"087156067100337502897017691707583354317135951793666102407413340e-10"
) parse(
BigFloat,
"-1.1667081712914121411446652689135894311348708846341772007706954230082" *
"5796892945248445442994815047933168720957705043875320081469335363111841" *
"262040912614197343973031169578533331173789246672241624235675242e-15"
) + im * parse(
BigFloat,
"1.50000008784829738181948233118097163883154379251746051623538963856185" *
"9989839486152180098185902729783817109402000326792563376105063729055270" *
"45516776939818058557943571567711675637563191689577096091656194e-09"
) parse(
BigFloat,
"3.36529470802668068113225098531686895795604588723808917605961171084574" *
"5789952607747194143238095932613630869980466121627861362735948564471750" *
"92746962531776296584892397276675267658038313942057856360114704e-15"
) + im * parse(
BigFloat,
"-4.0000001756958050254983599969204898850003492635997863565901746338521" *
"8100816093177174446168086162161759073357648209953742941123429735373435" *
"418115185384676340100467967992163890482979695692027938037644880e-09"
) parse(
BigFloat,
"-6.1022897407954097576939497054903149984176888829487587656825214829533" *
"1243175134375020940835670534765575603501009519581274107520040232030613" *
"904557098871595631576792880046249614120782179265918131506751331e-15"
) + im * parse(
BigFloat,
"7.00000027330384013731886880353978805806956891743010834442209606817914" *
"7648844387591255376048041072006704813407745403844325432221803778865524" *
"27051487046763209935866138138904761396701964612698445468626024e-09"
) parse(
BigFloat,
"7.47389541992064577936093420019816970916373235780025541785104906359742" *
"0571426739261883261062779743957458095569513126273156540606842325066661" *
"11849916988566472810756542328834440468407913339306948808035000e-15"
) + im * parse(
BigFloat,
"-8.4000003074662661803464697332888681555134326641093894565884055909602" *
"4133639329225565119596235360934643620253593710918020769698100961642823" *
"326804759758403563750148180246930604619252682884491827960054310e-09"
) parse(
BigFloat,
"-6.3115978256170102124770133694846665958473503225083733146273186445765" *
"9220013631251939175417304755827052084215894529210157695435326426644455" *
"197210908675220919691078181866033320078804900469066179645507074e-15"
) + im * parse(
BigFloat,
"7.00000024597269982105233881989261783839621486139492625455398162089297" *
"7801794070420078845016098608857443023865369595750827787770975708756370" *
"68791570269684158688599151322494772751862380651078985034166511e-09"
) parse(
BigFloat,
"3.64049673743293984624034288232296928418108914409564522078599780261129" *
"0111300439151282344823583973867882592900917599987997162038340847845955" *
"29823067231831375220965307181664785797887234668979645425862383e-15"
) + im * parse(
BigFloat,
"-4.0000001366513707027583845273489596648586220558921308741381476695956" *
"5519843747570664004095088938598922609851325626617342301569428123326421" *
"888257319343686499198224559427682478970263812923120204954608303e-09"
) parse(
BigFloat,
"-1.3746836095590018944952138781718905804559992892376370971946359637144" *
"6094376254902840115892200193118180312636307975470303198688874045858332" *
"501127472376778410054115532222332369770933740704224182948121809e-15"
) + im * parse(
BigFloat,
"1.50000005019842609966037235603997853301762702051509841528972904254156" *
"7890882918132000316503021057034491252479477749739200091503339645060355" *
"11271990047094532767286698466318585675620073434349504712348505e-09"
) parse(
BigFloat,
"3.07123250039214679367783950061054360201797473989745211682283921793323" *
"0084235457434776794922938473037671743976251378560694466156425905888679" *
"83521886806239228974601763628330019405269810856255859599179891e-16"
) + im * parse(
BigFloat,
"-3.3333334431423268120772554671942584594719510608094751591694871949216" *
"8859268063049571747821424245849681939451149410509647227791536066699956" *
"692516436803545263696506151760132518616968941365648271295445381e-10"
) parse(
BigFloat,
"-3.0843154628847222835259868732570810687428369699047965175013232791140" *
"7979791863080507501465283767137600657458357578455432081737857744871416" *
"108319168761516327176559277899690831236247003870789411358648544e-17"
) + im * parse(
BigFloat,
"3.33333344178660912578231466061382193112215054266971846844844823490985" *
"4553499207958683138087376607001050847577514902216363288484584240115796" *
"23785484196654556285084725789923699402557796874384764867205646e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753395576294829835945021519658410516776272945616327599234562124761" *
"6689767876080343285411907987086886793417037812426598207875171227681600" *
"216541696503948384240320130656428351454659707154303320528330752e-11"
) + im * parse(
BigFloat,
"-2.4649808068842144112827571285457754632754307126270285316950720292892" *
"0934312068088708274431439266359541318461997764636720937964934467725650" *
"968148855852047569242703469047117609024668738124314947101840232e-10"
) parse(
BigFloat,
"-6.7526801451993980560535892602538568832087613850422446524422879394968" *
"1814460846313967671954965120193670421070309844412927872146208513203048" *
"024501742240075811036748918501972079631543708124653229597437876e-16"
) + im * parse(
BigFloat,
"1.12500005569508949488112613146501864620858535761899287201378487045584" *
"4262287441295787202127202085465279882277758749894163854133521891479805" *
"81643506474084821133883442175833617654048608299916818727957497e-09"
) parse(
BigFloat,
"1.93096760450647687062286484822745395419224204109044305066009308171214" *
"6116888750345521501153719132122682813669660958091697416677831505717828" *
"61053414619424149265907342699395076905842730595941274564588837e-15"
) + im * parse(
BigFloat,
"-3.0000001113898363216505194939902773628194452482230591392086372268916" *
"9149173498431002413418575119397251211714038550424736652975165282537716" *
"464660655165671915493105976298037305373381824137194688587157008e-09"
) parse(
BigFloat,
"-3.4916324918198351434257018864673160485630328634161674516822008828687" *
"2982850793053976316494889121450876996944759148638742282094139347295416" *
"330990980096042664031711965861915850150420724485421469449915538e-15"
) + im * parse(
BigFloat,
"5.25000017327275930797351293298867962722874331484351039490643754203942" *
"1353291913150723676882569932071918707122066826840590516435192555543978" *
"82230397596297487326757885866186845302249726175958558644042688e-09"
) parse(
BigFloat,
"4.27054749891943447966063467898178500082585136027366164038511516364342" *
"5699909209778591444083672152214046439045407547936409521707189457459238" *
"03772783794201860420224331958285481738703772645588333111777631e-15"
) + im * parse(
BigFloat,
"-6.3000001949316177435764158913725472056431403621854865699110324614746" *
"3712564989398040646250923500952094566140646801920329690888334859266171" *
"350153718931274547935617163507403740460936956813915813699911423e-09"
) parse(
BigFloat,
"-3.6034588363674846678553365668303453875000907122807752027808744149981" *
"6528795401910297371615826412371123739887789857842238820328743278028301" *
"230925136817660995529336106683315592255168259043793030370470006e-15"
) + im * parse(
BigFloat,
"5.25000015594516076637450327436999078064560919586962790979557925950845" *
"4746387142199556567046768471485652945336519034658183483594969729434042" *
"89827356491862778211543848376283276136360347352872858516575663e-09"
) parse(
BigFloat,
"2.07732666979622956341771827112933452383867229415529647053230661723029" *
"7556406363287053053063767722145309600294099535860206320550789557508466" *
"41995603608045006237728825530858808888566896617131564973029520e-15"
) + im * parse(
BigFloat,
"-3.0000000866361454279765508767055379980854101523832661606444378859608" *
"0481362794243938352004298793052447484825518566029657183019253004967928" *
"057692977086487156692710706439162854581523911689758681444113423e-09"
) parse(
BigFloat,
"-7.8411362397748608117794234936557744976222521111157915898109697698098" *
"4749948018751386217505520505088589263100074804014217789080769663663031" *
"899873935264843073349541452482201691937820251358403498990315616e-16"
) + im * parse(
BigFloat,
"1.12500003182550723728307039408001274153138148430881908018577701045158" *
"6678653083136204511151147204271570688303562392379384197091574421335089" *
"67881552098040309870506043194243156818005117769249401047787137e-09"
) parse(
BigFloat,
"1.75131161110804940368303659896738619825160948099676804989027475661923" *
"2213682543279178941935282902261746621863728243358714480033250092934546" *
"47226774208905022146699616652546379720202958323298695858699235e-16"
) + im * parse(
BigFloat,
"-2.5000000696182700322955033688876247650045924418967016862471114772211" *
"0550596223246965772982068990057267334405146339994853042672699736144092" *
"033491377883414846285323656863691074357553370165963470413632181e-10"
) parse(
BigFloat,
"-1.7583776498963699328625691133660338090038499379939853172638116914587" *
"3650526290608573538339560597783895192304807295748320149524783723705160" *
"365245282998044193471485983771443658567756804681617223023329234e-17"
) + im * parse(
BigFloat,
"2.50000006875876349636285108716729964211171681936758360570709146440133" *
"4703764386531539068680298466435283342569439587485687009195679465329627" *
"57006859827492814690766566165069106833778497486477084342097696e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530769777817373295972673760640925081740628011616268587350316783502" *
"8155595315009054729569012063453344041432317730835463193126056702001486" *
"323543707113025633139845663980681070078625933990816266007103784e-11"
) + im * parse(
BigFloat,
"-2.0430650878796904371920108129756818919286681143885084163557328424396" *
"8143926552170101644023327486551644758116599650786479685011254589205674" *
"919648201390176331877624574308888119253263624881587725584520964e-10"
) parse(
BigFloat,
"-4.4496600736118809746124612724092568711274238555025179206340275984041" *
"5395658985175387308817743783047192816139677953895615734198905828124462" *
"639478562260039285448687941689586202575409034154293397449920451e-16"
) + im * parse(
BigFloat,
"9.00000035155357596315129641876962173271501436835828025100588254432522" *
"6257057719666629045442781065695690705399897066664034994245815262228293" *
"49842393943741862335702478086924496027954259532677167040979793e-10"
) parse(
BigFloat,
"1.26140821926071137706239299387362228344646002182552849084751573799928" *
"0727451754590903969371351531120107472454808918338565080886586537955897" *
"82726731645671975673440379020345684122765859957222886061669398e-15"
) + im * parse(
BigFloat,
"-2.4000000703105346287660721418214556586431185993207753280910627269039" *
"2141033362250120277740340214495208549666511737573332172185219358175319" *
"100845243332004344220400459004694731505024910817786126415718748e-09"
) parse(
BigFloat,
"-2.2744498298451475674092906642312518768469960463079971482751811813616" *
"0069532961294712242801103730981201235812609844519588730294192801821674" *
"149035988763343743321874470349913575606375903029661087309889536e-15"
) + im * parse(
BigFloat,
"4.20000010937177656191760887712199046376181543939006116197725677843958" *
"8178333195709606367437511148951925971370098942591296589457847836346954" *
"61588029633571213363942766598303410822047499766702093945827438e-09"
) parse(
BigFloat,
"2.77793106267721546333471289934625252141644312838660848025100797801051" *
"0027916885746575713507841143499029577229250311739801794529463405763325" *
"46397023556546651652598775016273469860909308360014435114556587e-15"
) + im * parse(
BigFloat,
"-5.0400001230431260627872588626188301102934200768336668740045405754588" *
"5435999788033681311769562476512149687884363953282054036429207331645914" *
"868458037699590753278204761005732965850813542371458986789958076e-09"
) parse(
BigFloat,
"-2.3420381854437837211928933861798854181655978217723391679899367878428" *
"3181409031782185574491607809633517196418781212281860722138075754512528" *
"895277733907695359787049008557187373654641348868448133857588337e-15"
) + im * parse(
BigFloat,
"4.20000009843443181835424727844149440138868490300113353434117137408334" *
"6818694900424392399402889169145115531637165180729883613353799991820087" *
"95929242512570000160582101517443790124497531745642445741739998e-09"
) parse(
BigFloat,
"1.34939158523494410580600259290943370745566449063654259250861964987829" *
"6468523044277398332626094551811384711456616363726927654894350025627462" *
"83970060352803645917341083427842281251831527703584307970566906e-15"
) + im * parse(
BigFloat,
"-2.4000000546857670304074655989044135145997040476309195002068692853321" *
"8732781213007077498485413331985465730704176124150570563963750167059984" *
"530235632054615930660874890928271681993838890948168337584827207e-09"
) parse(
BigFloat,
"-5.0914384782864515037027942613805510980406827912260074790007405906643" *
"5810343770239857444835894237814837997353904577810904349922524898103874" *
"460768051819868277336044051900037491631778202253303318677076320e-16"
) + im * parse(
BigFloat,
"9.00000020088641070208189698706037176194018295236290522150994387545094" *
"7614614021046095120601806295405746722129472208030110424139378085224873" *
"54091902032040941980151683567294558538070406281173274414570173e-10"
) parse(
BigFloat,
"1.13683252458190025089783970710310750572989654338126544312439472293055" *
"4576605430199389843948076352346905439043224737784136715366281943786429" *
"09687641730734712024749484418842770602947009139959142423706846e-16"
) + im * parse(
BigFloat,
"-2.0000000439438883776223300980034291821060380186851730383091310082314" *
"6797224025084674488765292872666035598706155276520245412307405239467101" *
"358153158841322827724835481211678043309966370966319365944677707e-10"
) parse(
BigFloat,
"-1.1411573437435219560555858269992747624166666821480946151591231160925" *
"3285175140252134960188872037274983958296617121205456201226716445233433" *
"029042561176965624771135804509942702100197585868585270275710049e-17"
) + im * parse(
BigFloat,
"2.00000004340136002839609485006961570681889983008465279330848212718699" *
"4425009475857467047994821779735788561095052101398738375003979417597699" *
"48871828860917651737402954636613420974207430766660602311343112e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990207544635693891608856023666487981920015657136345136729907924542" *
"1623887263659342532965833319893114922917757902696298602865962159249785" *
"981546521924932777678217894341387489866667243139672401823168023e-11"
) + im * parse(
BigFloat,
"-1.7572483267162522014943437152015363629756145358609477164968455032923" *
"0927908038635282180116637610511668251523163889830535243831905919324144" *
"192990052386400229645252692868603348130757108502897712404888291e-10"
) parse(
BigFloat,
"-3.1720828365283801009220712811254139038817852190921401001854277253034" *
"5905976937871660642157257754110556748327754984863890822567288767092997" *
"697318011674480826600950647315861422066279871228938350278463006e-16"
) + im * parse(
BigFloat,
"7.50000020985293977584511836547939981806614889200539453322949682434397" *
"1377416492028208643325812489516668246952539734548203124430854287768265" *
"54419497449398809579341883680218622880600258922155955881441134e-10"
) parse(
BigFloat,
"8.92386151020351386470849359207018544681178317241247577599218552483338" *
"3004859918008321879082720860954243798439064476750958199351469934914818" *
"75665342676793494464416848560926406578879025742548364295480208e-16"
) + im * parse(
BigFloat,
"-2.0000000419704807274882573332247405475752478408688686055368829047607" *
"5151464115327486463075160201009310942196121017613468257755580621128597" *
"668078672034161523618102608974777353189142532476395209669288646e-09"
) parse(
BigFloat,
"-1.6050029463665479352389179779352285129003033095211627911015594095933" *
"2431832999279046833832947406399003211684985039263756275707513269474334" *
"215047536806178266322159279648380610693875445382687070582602351e-15"
) + im * parse(
BigFloat,
"3.50000006528731686993861527319808671428137179623677414323130842973174" *
"0462092568390723514923273665156904020132345116779887202121787107701609" *
"27594633332077510915577985925086852693394230335919062082574585e-09"
) parse(
BigFloat,
"1.95783317781369767757825599637313102078400929002238036396045158715664" *
"3114386611339490626502130020195304926449045813885061259378310685655505" *
"24353401231916261794725184115210051499226723423932968211918395e-15"
) + im * parse(
BigFloat,
"-4.2000000734481597497109598276100642544502407906855845393938971810407" *
"6657812906094430619361295904343462314087793419484825292836200812929939" *
"149873742216396511733430516261523475218278874330597317875935728e-09"
) parse(
BigFloat,
"-1.6493869136006313958715659373493762284013222948165297746449047248810" *
"9641599891760720141047720359440486927768783236727738575122949209761370" *
"805432688116129839140026387777988891530947300034836273282953334e-15"
) + im * parse(
BigFloat,
"3.50000005875848746790837853465308413746928055656259272114879856514764" *
"8425009611573223634006790174575907778416881226105143763399003650318923" *
"65927580762944056642874747530592869724985014121847378189491572e-09"
) parse(
BigFloat,
"9.49839437959762554018294827366459541122405542100927948139657771843228" *
"6921092361713262559757962921688509609452140095671731407338572822427155" *
"43796912213247486449536960324474324847528524935728076435401531e-16"
) + im * parse(
BigFloat,
"-2.0000000326435875578292477578442034926495090229357081921203034372762" *
"2695960881247968953883876191408022573633841955461208550010911821977584" *
"223043221192804431418314931355517038146974862075680373104634375e-09"
) parse(
BigFloat,
"-3.5826017911893761437763440336096025816376684543697021003819308393864" *
"0986541632813287718376060423857429231637302208342693385696574119003804" *
"709868743504155821180069084704139245610878375731150516279111443e-16"
) + im * parse(
BigFloat,
"7.50000011991517268296614602228664500393297185981706767699667377188547" *
"6327052454416483265549028163261966980875224096952922840276134980323099" *
"84864854951370549107735645042843988838434086177093978924674805e-10"
) parse(
BigFloat,
"7.99722167772464818143857937272203514647004667252059954701013812213470" *
"8563970895131099791439939091370115587761433852363949628524095742045255" *
"31710569121431777480001196913906787664563963086874079607513723e-17"
) + im * parse(
BigFloat,
"-1.6666666928981025493181433062849918447836614168031355347518362207107" *
"3149371546697432175545078917677558323681391694168678394817289624830978" *
"080950444099598924894755723568286551195174372561449876149671026e-10"
) parse(
BigFloat,
"-8.0259890773766076206171247307266851573101512012871503130904383899158" *
"1051447850267610811710233661012761198676357778944575923857169499508762" *
"888248390348590118445154149946597053221047051456528917782800018e-18"
) + im * parse(
BigFloat,
"1.66666669257425112843473131281528992557902870959876808097734947429220" *
"0155920003456251770946290296629472215655233645039973731641834999213739" *
"46778488491378032356914537792096020532566361688292429724736068e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-8.5157679477814480586261680328354398110259541873322279895714302539665" *
"5896417739651632876160272978880801635138132267043981645496884530854270" *
"919420766191961287990151174802555469322718870303201605099959379e-12"
) + im * parse(
BigFloat,
"-1.5432721951056888803618031127690517782777171981007935197292299915718" *
"5511930652524821417030186726515646361474114361630335234653041188937965" *
"535426433153508303653451054158743721477735761367874959116798694e-10"
) parse(
BigFloat,
"-2.3781575582769251159978152110340145048812241561114729318037624556551" *
"3458734947589538779719174880064939489051647021334312913722833820209473" *
"609780704016299168780121045202082448550498940966689763054616353e-16"
) + im * parse(
BigFloat,
"6.42857153805975877916813023589873742462637918111082043900675820605321" *
"7444490430179232128180949327103089977002025424615858201660377747100976" *
"77145289787973745272711408745157674296647236838730518508662295e-10"
) parse(
BigFloat,
"6.65160183393924581630434256704303545357596571422702821056022231746073" *
"0473086817818120877735982009009361233866100936005872673034996146292790" *
"20949066420932692864118772373668669770605941369954672429520128e-16"
) + im * parse(
BigFloat,
"-1.7142857361833114405955466818592148783985375481564717604463097830608" *
"8545600414626205124594468488616006878029806143286182765040822867969158" *
"942839946335749467214908616121991797566467290352863635763890247e-09"
) parse(
BigFloat,
"-1.1940095688364746243427816382839286766148396348450552342799334728587" *
"4119323746103641530432120434772417683809953213403301714987901874708136" *
"190353555996961143302923404749489795731261297714224114533363760e-15"
) + im * parse(
BigFloat,
"3.00000003406286674243214757179491496884688960187127331478829728411032" *
"0247516252680163813546055210938871562533608212157401178681470402383349" *
"62981121618365255214224665079119501312540174036739926630544942e-09"
) parse(
BigFloat,
"1.45508474544526420934518748169278143742610629474428205717785109646859" *
"7147627739412132773615064605928457333172046405254779342150521561841529" *
"84155542841410330946160606721546725548789521175195335300811880e-15"
) + im * parse(
BigFloat,
"-3.6000000383206795177420210370172502387457659953473654606271046132178" *
"8590353082788986341601169808466011180081046339936148954692471484670116" *
"546432044456022455081034450279516658670170666667008312016693539e-09"
) parse(
BigFloat,
"-1.2251358240050430985845123659654931732998700499929205051965239590321" *
"5232137284406745331696899492398078350992337476032660559538234350357557" *
"695138926290418775957217650336519549321762515991069434719002361e-15"
) + im * parse(
BigFloat,
"3.00000003065651802511353859140448332171798033919172494349330940105626" *
"4526250773317944207803514050507298618140745356716800173786656921600604" *
"96285442440984931544655421672419158452328546914773081385112325e-09"
) parse(
BigFloat,
"7.05253084548979825501241101515250044998149651613718407878626526713993" *
"8285606802487435669901199083615966187377123072528409992495209041004126" *
"74377862413668079666528494645581624564999182468287345430472925e-16"
) + im * parse(
BigFloat,
"-1.7142857313171026699838019223674718359405223524554383265759959141094" *
"0447713585906769625506039156688872977545356209064324708901847617129876" *
"756297894771590026405705549924468942293936081003651641861055032e-09"
) parse(
BigFloat,
"-2.6593428599516344315362172318177430297584980183853365412406075369067" *
"0169017223683269302506413991730537452496868818354019295749546216885820" *
"739477761504469889317549700044039763254683200190512156252068632e-16"
) + im * parse(
BigFloat,
"6.42857149113568270125130653442075044416688146494496239756579461109067" *
"7862686421885041844085999228948132131812059406533440472088883144116378" *
"67321116916208578483795523694257179438541859291295439890117420e-10"
) parse(
BigFloat,
"5.93506943104070432035933259745540068546191212342049589092985714797114" *
"5448820041898758010609737526273447482485126648580405659162378542317249" *
"45771275975764093799196610127734812465604657462798152028540790e-17"
) + im * parse(
BigFloat,
"-1.4285714422573540047752213649711398559447507197074504067644534202290" *
"2741150352339915359454991857276770011347343528613341714509823308615715" *
"581511601074998487832144702887300035893576152610640809277232054e-10"
) parse(
BigFloat,
"-5.9554693590562279454434680725860174028186015915712299971222294607920" *
"5032412786320325645973341123107913665095312775268486415354660252682487" *
"839313970216525226637788821339047883876784575072913347405904416e-18"
) + im * parse(
BigFloat,
"1.42857144208838782469030633018318257630079105873661280298401531143868" *
"6260829616107354203253364461610031910677152325666416044318543251195519" *
"80191308127893940064224162543789309229800470031674736787529097e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.4673752477752108737666286258844687684922269761109743566997719514160" *
"5793811966416153548164772537164227437110731210706984867623572010278761" *
"086544288987229601117668097916758259096643837150119038535079099e-12"
) + im * parse(
BigFloat,
"-1.3700945876697914658741890731760086035150575763260362211225562189317" *
"6581942928102203518669914506986394199939321787377725701710853460489770" *
"860059595757162251448624409690172857854172422434379350334271255e-10"
) parse(
BigFloat,
"-1.8429747187420189170529187461521542435596068850662095835941603614882" *
"6030432316504905055694679898042441728002018368317316532820834344951759" *
"926057021549189935882689213802470168012591707422241377333442908e-16"
) + im * parse(
BigFloat,
"5.62500003900789230671836803329250962483637385309661932131923679770274" *
"1220149158811886361060687991410079433442145913561857335727507014642188" *
"39782103987624916564848727745439592720856803549527735709013759e-10"
) parse(
BigFloat,
"5.13702831628363142504917795492659794352727467563956892968779688646737" *
"4054257635083280713773539298702474354502876686024746401836015715553522" *
"61065285827323597173772279003778192157152410364061793889119668e-16"
) + im * parse(
BigFloat,
"-1.5000000078015317577128921369406877428774273497977923010294921496079" *
"1291774469977490135273523119480353787725838478816318634625213085020206" *
"717994681363613722033047918382677791482489328896228460210580263e-09"
) parse(
BigFloat,
"-9.2106956729792099571402161692923706215253297378973617132133561614747" *
"1800540009928266338144595960760678232610816333236218590476056021683881" *
"861082981759337400147496840345225396417299049537831085406110088e-16"
) + im * parse(
BigFloat,
"2.62500001213567413400268125025693333239890325445923254635627191990004" *
"8876025651037649090966399916354545742528403716527669544884730214070561" *
"37592541868747106282807760510319473279837533258416847662783757e-09"
) parse(
BigFloat,
"1.12181849786958819580996114157317249139697231406602539547402046511109" *
"3371296825139668868929697852447180115707066311584936298969117994616430" *
"80738879052138963742754055694744075092477291985867652420161042e-15"
) + im * parse(
BigFloat,
"-3.1500000136526027122328223594822053299639336111679732099018763629580" *
"7837665354430610311573751879599702052019938693156450894751286603601100" *
"795149653754045360575667347909705401208037561661721159195638417e-09"
) parse(
BigFloat,
"-9.4421000676552799531910806196213638549953962566052671593195402535933" *
"2633496252464867755501785065854501118930606615445169986171083663738055" *
"796014982239675578535473789998712649948930176459281236643587484e-16"
) + im * parse(
BigFloat,
"2.62500001092206494940940514101348501001494628373814849438758320934284" *
"8783272642245349398331127698888327005487593896180897258814095481088385" *
"97834658156137143561497006983765654986281564682526906311784226e-09"
) parse(
BigFloat,
"5.43412388068450147472382018231262231466919224006098521963631728182806" *
"0615650537369287648154569337949982156419671855014996103277694686105222" *
"72066903664703388802395353645260210363829956298004809352197945e-16"
) + im * parse(
BigFloat,
"-1.5000000060678067853870282937271305591013976823848994226853845988324" *
"8485700818786594937508051168372933906788735664054300896854956158123571" *
"819842555421920256781758124821890740434860933625328976364996403e-09"
) parse(
BigFloat,
"-2.0487438491596349867996704522514030771711176247832111749312991474191" *
"8859995065391073301503524476788552783963181506052377801464843652372014" *
"907552083688940915406281363835469875439720500409322228714491424e-16"
) + im * parse(
BigFloat,
"5.62500002228988248414326145744609101852356635345043430661980944521872" *
"3930773104595067238514887685976536506588455768162693253059681291558957" *
"28790475822294311695169076652961003580026647666567635722783440e-10"
) parse(
BigFloat,
"4.57178481534365686771057062640183633963593533596844957274390406886681" *
"5586912278982106804664385914282223163394994974362470544808802149222959" *
"76665438891441994152454851662655158226849832479552126605925978e-17"
) + im * parse(
BigFloat,
"-1.2500000048759083258622125023604108347436045374862407170358047608212" *
"5875683297247701072272349875676343596867703577670501719336411948659511" *
"465810116419222610372030815982735941264393005946234622185802147e-10"
) parse(
BigFloat,
"-4.5870609509475393186120817885722563729734690781320772513475290672006" *
"0728361928745913305314500451456102822118977716929977449124107351128897" *
"190498001310166065330818628066723778761271980558719491336807511e-18"
) + im * parse(
BigFloat,
"1.25000000481570914532762384872979736422458164892693897965395051018370" *
"5328607668744135403261893576215466758721044332210954890828053704308234" *
"11278205174028447643307038204034642276363154824195789839170519e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"8.49030631485443957337453014430159965017980827582306056167881069525583" *
"7273168987854477501742145780528794320049938251478062425436663954834856" *
"92456993628534765245141397910764303910391430934017985308075878e-13"
) + im * parse(
BigFloat,
"-1.2218973817171452372828180190190289734313109262933333586085613787685" *
"2043171216655852239717159753395492731956814965001462113794007102277809" *
"948246605968242459775136602319523984654194988693199764213756658e-10"
) parse(
BigFloat,
"-1.4602130775841715497319340576040553738232837689393104624763077029205" *
"7249219335874396073976688498916050067493645400380421471317943867915090" *
"464417721597798173683728682358784020773730882415451661443549582e-16"
) + im * parse(
BigFloat,
"4.99999999150963766715280097525887423890921010436793905892602317706134" *
"8284186718193609353077377370161540434966642246630831177187187862412566" *
"08163013813722871832563565427746666056637638456629929430208449e-10"
) parse(
BigFloat,
"4.06695760536860443978966154165589903975076981805694055815210148185732" *
"3929495641524180524487636925880149440252842449362088788010368457132701" *
"07469647754149608226581338385060646585713644912042134815134279e-16"
) + im * parse(
BigFloat,
"-1.3333333316352279756330409647622500610950825542875680214669495006432" *
"0847271600174877533470788517380102853687981423001805515609991814099187" *
"542860546541908757952764569331342411415993988379351463076257611e-09"
) parse(
BigFloat,
"-7.2901416421236150854380012657828482777138721034375450071189348429581" *
"7636897335494290093280140101663531431281552223598867376893420598467453" *
"281067710970413692883478379231792006078225519793098118186225489e-16"
) + im * parse(
BigFloat,
"2.33333333069180661247135178219435672316840656254240732354379151804377" *
"0100550376108556022836010201066765546744178635912774042757753791235085" *
"57310526717595524507263983654390932475880479145654936711960420e-09"
) parse(
BigFloat,
"8.87787539622144750454230326005729901081093196533244892309741133587304" *
"9106565255908829076082890331777887877120931484725968230618048406508254" *
"24551378051118252027069495765798713276431384947350822972041043e-16"
) + im * parse(
BigFloat,
"-2.7999999970282608593456189110437180079243793264146441109789565589151" *
"2732364916475853842239349570608787546467299036127685711945302115414540" *
"739806515630209254521098277234885857528173195734530351724109196e-09"
) parse(
BigFloat,
"-7.4717241850257485897869094401249608271654864332987915245086916296471" *
"9267895495000169197719911362409600618684040183603233450780476361138045" *
"020062404764534775236369704679961689325967025241096323712509766e-16"
) + im * parse(
BigFloat,
"2.33333333095592991383386859996070562727089292645345821837435816306014" *
"2873614791324989319291441328679134225308518767337281350373573712514089" *
"63169404381782694919192044844262817521652936820839491460752580e-09"
) parse(
BigFloat,
"4.29990621151911569947444882532163559115392164662819773195481475816728" *
"9856198254696104670443870892757328520733328056170495482290874748601378" *
"87772664454465494697263636932870449606390846322838955965021023e-16"
) + im * parse(
BigFloat,
"-1.3333333320125486819069332241124695995502716522030057729323684683135" *
"1544342371451607942295789027542892291727284083995543832571684159080798" *
"628826158075182821083684861558334946140252667752118828834052176e-09"
) parse(
BigFloat,
"-1.6210665800687767228009605147774914740823078576442494464382410785120" *
"9942916062272932636151460209559017559706465735293432926836070941706912" *
"751315298726693662690266621074773346752704878707992643869294292e-16"
) + im * parse(
BigFloat,
"4.99999999514812396139276711378130418506149916925423265657513407348131" *
"0783600873382329805417309604244607067481954957918756605923989719569762" *
"47772998815452071075786132184563812538646287906798417002723044e-10"
) parse(
BigFloat,
"3.61731881405233249371023222100167441945321184576160384962631009661051" *
"9524036628648187341374627831993297118640470136292253047684618391749013" *
"41026328644178911816897506452616014901452880879708410351765752e-17"
) + im * parse(
BigFloat,
"-1.1111111100497607902969735758279334501614213399205006417660297341749" *
"4920453744747057868044895694797767542115761511360967404638840282600187" *
"232573255709781890335058109620018885730796886232217632551150919e-10"
) parse(
BigFloat,
"-3.6293265705125044284690738421573742498700986871657611743157456290083" *
"7932892238156846256463455981792810359589578947744414225791329375609493" *
"286853138108722438354041408546109374387590414646760146597380209e-18"
) + im * parse(
BigFloat,
"1.11111111006286192563856610563786933297499936179392806394671405532548" *
"3611994751132112697980980617187621247081736532614157893873603680289948" *
"18226900870663671019444302012261357699755113761824416663868549e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.20549978822921305624817361829497999945743332634468516633155128870291" *
"6885364933395152333490752867978470937624204260103764143124611008206562" *
"32952273959402520766896431707822459925344897454916803872986760e-12"
) + im * parse(
BigFloat,
"-1.0907270267209728185225083202117277697624997329096292864630074137116" *
"5651131739315389108722805394044131029568998684291566624369874245102033" *
"688281720299087739630743123303410767212737403309871275699762781e-10"
) parse(
BigFloat,
"-1.1746900351969983198490265202425758862325390154566102201016160451430" *
"4420367858174797251474147749191829012827808349343536971543243742888409" *
"312463531110729058520982407106182962479182983420272614879342332e-16"
) + im * parse(
BigFloat,
"4.49999996215046173883840470070175510998040445946132992136425505604873" *
"9777913409117742564093548170781341244835866506069719337081644905408696" *
"34101332523462710427677231087468951440293324025747777230060971e-10"
) parse(
BigFloat,
"3.27807053901456581035113640333857393963651687287818285347195087157206" *
"0925957768427356410346007493142031540024083661571385993387640825094456" *
"42384965960053555682828695826739389509007992111015825729149851e-16"
) + im * parse(
BigFloat,
"-1.1999999924300685317844622200100872483701865096849913521413991134528" *
"6309384855247845126804397405389414001709941112916495047327911845368457" *
"285776019591691261812240381158077489721918627349590833479176644e-09"
) parse(
BigFloat,
"-5.8798689826900909725298224831400531665887545690684164115667770783253" *
"5518419352905378799025271992759897770945948865884052879163603090791308" *
"327642868062256441567384728338944518549413957167919552343808556e-16"
) + im * parse(
BigFloat,
"2.09999998822452962938543307233632154248142540640162802854640253700919" *
"5663854823176526083305101431608385242302241898261848495031923968237068" *
"83621037380659537218337351846774793139357709971817043309609345e-09"
) parse(
BigFloat,
"7.16279010331844028354714881967530820168220182090225873285551921781349" *
"2031791934276576873733785927614752650167692255292535065134492889764065" *
"41960909111857928510593864888174437862298111246480730177270245e-16"
) + im * parse(
BigFloat,
"-2.5199999867525801486168082041155712291009154775231078271611290557625" *
"4105717233171869282295853553989301931761017154310093323827273361190671" *
"702245231171943886459639548281386105765871045482605919419269784e-09"
) parse(
BigFloat,
"-6.0294654149282841271047594414304585472781349834066619479994779453242" *
"0900726963096523195644359370903655475648633676115478964361147130772463" *
"616842285013605560188557379132722769832953157383632792671527199e-16"
) + im * parse(
BigFloat,
"2.09999998940205531553916265918913251277464560323586054870595571688814" *
"9775843410599921077582857149264660309717747378277042105910321255365983" *
"39922752128421965777474720543666112916404839507684285858078222e-09"
) parse(
BigFloat,
"3.47035115604911921969734641878522853198897400527877972769491746615090" *
"6260673676536894087700267285077052829421785054065716136250487280453576" *
"10795295902996100327636972234529645203697240128003067632565514e-16"
) + im * parse(
BigFloat,
"-1.1999999941122493354666734406502077114644998175238354140642254453944" *
"2377497560380222039954980977910369975551189939235533144545417841114005" *
"661741483110261221813976108598906845794050180968435589917274351e-09"
) parse(
BigFloat,
"-1.3084453225272948548603111568705137499979561469389429012290237351482" *
"6663458165572271682999797902679216256662599810979368194432216375835041" *
"424709077081065325168894097616514411939749077748014972925777115e-16"
) + im * parse(
BigFloat,
"4.49999997837151794789306937815313973855118044830415606069383526096779" *
"2290513885568667353527776291721089840328166491043432230427611541920069" *
"65555229155933780143838490813444780500312785093556523930718472e-10"
) parse(
BigFloat,
"2.91992503571662578741806392486459642213965275705271471321671724923855" *
"0204292924980275721939306821533889845393766304159569639782234315342800" *
"29645999291637920437577070381206065758813588807583266364339854e-17"
) + im * parse(
BigFloat,
"-9.9999999526876777786803992461290552070461089312504833469613916177393" *
"7999156949021693173685322121403748702911914301913418472556086308094450" *
"944131276887832344872541106612721471351690391119592319194626894e-11"
) parse(
BigFloat,
"-2.9297760492552249070727287842446822232783626286537743355926147187153" *
"8746799261676962847704322339708832984149831702082541361242676529229748" *
"636221092555369712823339963081277349843203406058299076164214849e-18"
) + im * parse(
BigFloat,
"9.99999995327176629763842233816922105026732875500676152751971979135033" *
"0264382834659542736424703203494171904870738727817503808864952541570557" *
"97917951521344666325689993079495406927586049876262744500330195e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"6.46808831094173255348741204697601411121595267213338508003326523230935" *
"9821789391640057543710636189512767854664900072564184996306095107727427" *
"33488832112188229985192107505120201732706089470529126625286786e-12"
) + im * parse(
BigFloat,
"-9.7297257150494042974542890036944267610797397198349487359969386190777" *
"3427048124245503252424199821710666875125685308301476300236881298398750" *
"145082102686512231365011258454819803636850512686762146704880506e-11"
) parse(
BigFloat,
"-9.5560211177682567051952285835403809584594337403331113452897381980930" *
"9985396820827119287331357584313119749338797015397839514146045639309454" *
"372863084927509661239977376949724333816139909769427003526625010e-17"
) + im * parse(
BigFloat,
"4.09090903798833933358292512209361409779529134182483147626318517381250" *
"3745876068524324647051155104179468468429525752640539617213258384879219" *
"86022890232542060480504601328753766786743731590147570196616263e-10"
) parse(
BigFloat,
"2.67871700417175999114559193411262109586579172230235258823593486680533" *
"2566885081027023477940306602956671868390148907911094872011401740559309" *
"85844449409681652519405927004852564009343517761470327819262897e-16"
) + im * parse(
BigFloat,
"-1.0909090803249229773449799293367006707736727394927406055196162915949" *
"8683522221182813295319956747577838307524066536913873447902409421641319" *
"419569051274496789554433003862276160932556485611245938328989346e-09"
) parse(
BigFloat,
"-4.8120568714114613228974022796279202172061111058995937581040679939336" *
"6582806083993890323041432495673838806358717906269130593479052552350988" *
"402610415065686243564264732125996809526097451949050597171938330e-16"
) + im * parse(
BigFloat,
"1.90909089262663191399432509132527244943793006637692365501092010264582" *
"5347394603842995975507070345252620362935454335924580633193036963538933" *
"21939951013879023153122390646833622277895474283384484824140828e-09"
) parse(
BigFloat,
"5.86640488662238456162155240822040420739424946904801848011219179530830" *
"1384475605191179452172536110795968221543835161749274143585248743120689" *
"87268366392090841050335032844339107614446670428514461375542711e-16"
) + im * parse(
BigFloat,
"-2.2909090723867673817999885771645011253829433872634836693009257841344" *
"2109727405818547176382217946106625544675954904426546521598789640394110" *
"328849553324502900675781122144770420532026273365079846316931833e-09"
) parse(
BigFloat,
"-4.9404241834329179499678445424851419059832600144810160751154714683750" *
"2631616425797761180996146696250318240311020124016226287732814910832511" *
"576132368937241169973320030652518528313638114622580745487827306e-16"
) + im * parse(
BigFloat,
"1.90909089427304369371788701777986039560062882456813259775429358147768" *
"7460800995972152149013329026092460413135089010041117919145123857159452" *
"95562010888645532899471792619568761791802216615457705132329966e-09"
) parse(
BigFloat,
"2.84438931475383313530506928223683571962862270249805796590351673738918" *
"6728174550137424221095244574310960439028898516332862751603824708798538" *
"27273330723405690478518307151612052022579923753015195435981252e-16"
) + im * parse(
BigFloat,
"-1.0909090826769407625876397153890237652454010933997008540840408633781" *
"5159369840733649149974848480189526914006769891750248426970884064806936" *
"461703740529360801218409141210950956069761173765239326950615922e-09"
) parse(
BigFloat,
"-1.0726648552466975782878156834314083198724811092945740194319892381630" *
"3284616420160193861947661366073870198269301315479345602791316093862772" *
"088379069961134265624485447080028156024801309246180785175840875e-16"
) + im * parse(
BigFloat,
"4.09090906066853170729957458963278827073230849784389656794085650919651" *
"7675166606441245107743290563976835307896262027987263111235763866774575" *
"08650680139181332843733058298642876777079926220753380311690305e-10"
) parse(
BigFloat,
"2.39414105894906117900163752535578418869989008766175425992907501383507" *
"1783239638886813965616939188611375444409551460363549049646143295642818" *
"83711726212058672987822928312597842876680391853187579613034830e-17"
) + im * parse(
BigFloat,
"-9.0909090247578543943597829622874396304209255130301208046389937817287" *
"2869785598381145510833126265917960796339039463309018550570985763365132" *
"303461139218537716350184132917457707310126271549441028559466454e-11"
) parse(
BigFloat,
"-2.4025172087843673998090929534877844141348534289689895188091629627373" *
"2812825482173583881756016520393807883564642270436997337282731675839142" *
"563997927581760228959087623654124386683269774289228193923834838e-18"
) + im * parse(
BigFloat,
"9.09090902557452568698938211902807733386809249159012259000857096263116" *
"4018663257241138967258963152856226751929901703669244577134292808479254" *
"35389530357411765210546616985454068840573684474891242782532860e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"7.60357744822124287427097884141577911830915577561655190777099694340877" *
"2855732771447442335127095449395669798883467421969078829161406262342734" *
"46720709269122461100295571972299497027159838375607539941016565e-12"
) + im * parse(
BigFloat,
"-8.6743649761806116981720966534369832839033228999462061965045613601690" *
"6476548138197478581394920935329757715618628300894699030369520451273568" *
"414713876159817484715551708242791971141788962688616527076365210e-11"
) parse(
BigFloat,
"-7.8462994863917811485501028397368376403594432947881373891176914016008" *
"0183861007341185467836003992335833781337014759174707059699997966952328" *
"966589727582000605130701068731051312075439800846408086362966244e-17"
) + im * parse(
BigFloat,
"3.74999994297314804376768433829898025286785376713369566454475071187063" *
"8829578114441376862376023248867736436397593324858360934086240121277710" *
"20042077650949505415371404938898839021670661827239188890600606e-10"
) parse(
BigFloat,
"2.21418382957282314981383743138408509083123016650111328473015158925911" *
"7708126671549724430271546058795187444085271550578035895941952636115430" *
"46284111958550774502296823547077722790545306214354329983882364e-16"
) + im * parse(
BigFloat,
"-9.9999998859461634513952328724423222068200001976509294462154326980947" *
"9837429661015048636223540295089642155168235628057309138155863423041059" *
"861080073478279250147991484454608532662443422133914058449123528e-10"
) parse(
BigFloat,
"-3.9864027217323488866090710891449163893398724999474957280888657049689" *
"4768475692502119468450078796476851002354840321129179821855842001634085" *
"754801537756905953777760222388112484298845918077590032581098272e-16"
) + im * parse(
BigFloat,
"1.74999998225827996557188528770003317670772373245656131111632064916380" *
"5939670467390741509161127128057148890635484257700120021224053790781045" *
"81245580171513350694281783626456178381460477488853351447765197e-09"
) parse(
BigFloat,
"4.86521521195452125862951293803278967491485159264881021320024933370278" *
"2354570723913084257408812666584463969329886011099062119712756139229859" *
"02984396185390652426895832528336884459064649413162480596271384e-16"
) + im * parse(
BigFloat,
"-2.0999999800405560359357442161829960257511961173983734903806762824597" *
"4761369713724430913871213107301884665426765510847481457233525632110176" *
"505876861861099234956093981512698258025029329275180691858672426e-09"
) parse(
BigFloat,
"-4.0999730941589096717477758929956386199043736675566014537582758890366" *
"6479231203298689986048002435310432435676661526980820485255950962401210" *
"372425897597194559712850735002448472832851912530598613819298750e-16"
) + im * parse(
BigFloat,
"1.74999998403243980684459741301392208370970325592497816251989816213095" *
"5577611881317063666530794714217786814787991689854914961318168849042856" *
"33288345306591458605453406335941747366218449360879151639672206e-09"
) parse(
BigFloat,
"2.36154626580944728077010110272917039430811669673079987482509216272243" *
"2341872750721361117565967174220653675800300156115492764393148788994625" *
"89432359557370203396895256480582590711457141744490186734384211e-16"
) + im * parse(
BigFloat,
"-9.9999999112913115940000179304158880037470572860830267901131521393134" *
"9305922076105383124425490898006840758582293486211631110591031044591019" *
"134989648546935866564038453523875916160086858386432706213245795e-10"
) parse(
BigFloat,
"-8.9085571429501862619571075716053398057254761162470812146159455102729" *
"1370232601888714500327024816537067795724909554739284793659327498918893" *
"359212730436644285792686209946843172691404986413717204251920913e-17"
) + im * parse(
BigFloat,
"3.74999996741312902563923393711283126304986113949012602803794212582796" *
"6070948213388848708603717800607037377559893844195680647154138051690342" *
"13005316889863077586016777336376544573814960604042988262336707e-10"
) parse(
BigFloat,
"1.98881693929232515533459425936799029132799533813257275378387202187732" *
"1256642703127289007696451225704203629668597711063111196391475781705677" *
"22242087771666256378496960720948416855130749216267950337411134e-17"
) + im * parse(
BigFloat,
"-8.3333332620495429309507767608411228826384410887774599673904704477316" *
"0432544566960536856188715794184883067667951643192375336126943187428446" *
"464477050654609065671836850332813247621376912416560541187439790e-11"
) parse(
BigFloat,
"-1.9961382761516109010891001504141197912768724353994698398817853880791" *
"9184309946107267464038936714339389071514774814726724060528178274669384" *
"989258107096357462246127829848307839858921603924723668321128121e-18"
) + im * parse(
BigFloat,
"8.33333326292958158321707282179226058345845080521318849641642697184364" *
"1288515619682020011950470629506984056179103782736668197789630858306906" *
"99183912784335085748593469098554704369240715105915518119970019e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"7.67654376824988586686532130494879227920943819244693252072745983305630" *
"3612003397755476844265034223410216913485023611834109214473828030997677" *
"34753428017742798669160756258360985901686363733939035725062680e-12"
) + im * parse(
BigFloat,
"-7.7415467669834434133410001470271487763432724828607479991516024132763" *
"6005442534198249576021497018353648407581769578480383816157574108141619" *
"169886006203544204942461428295325851794009620245942909442398305e-11"
) parse(
BigFloat,
"-6.5017555047073015113477280336767242931375203866680331760039074489568" *
"3794330187085930568178844335956127360994052765812244819923876961600736" *
"847879693535787709249963509891763973851988602402238828541454011e-17"
) + im * parse(
BigFloat,
"3.46153840839314310839254027219901272396523175350308901201461064748824" *
"0785548269303678047909624747008181958194004357507727244012750301939445" *
"69586450458677301607634225242070792071508882800904286129136929e-10"
) parse(
BigFloat,
"1.84987208459394199950413035165391473404968684712834059141929023350940" *
"3171835032444201172598919457260029609713738931391676838076989858080897" *
"51128810174684044804059533400453911777264025125510320846348782e-16"
) + im * parse(
BigFloat,
"-9.2307691244784924156193994464385472474223429907510532674163220799750" *
"0422223326538214410085114653215624410685927579746179387306756737794621" *
"271686836638740913640892242699050808273877721801075148578357718e-10"
) parse(
BigFloat,
"-3.3395007751704737653419484204715740293419681745853689862814172001923" *
"0118573276572540413104831578570181086000628528436120925758280592868846" *
"200362360151430920124521029145814305287350054073081364326203636e-16"
) + im * parse(
BigFloat,
"1.61538459885049113815956330570594098810212959950568365196209186322442" *
"4582207786955062510570310853328340059738101737227934742673289457512743" *
"63671199323082022923526358765547520909282959274092176020048011e-09"
) parse(
BigFloat,
"4.08116174246311490715361309844056144510759538808409224572166285373329" *
"6371648222704258136645193860522481947244101664928386969915631242280718" *
"93304834582315691455491079125176404472289098132346886480270500e-16"
) + im * parse(
BigFloat,
"-1.9384615198606417467560854284694202726853124223774464268052081150640" *
"5247359759718482396781956518156514691035452088262421071513549295343094" *
"733014086711118804288345620762391074078749008860938238118841458e-09"
) parse(
BigFloat,
"-3.4419905368100396664606377264434797484387816240003517522147218637515" *
"2686876764916944198674678514290283188456770092346059759958989698565354" *
"055078122620038592896704253198315644337205733201185232245705850e-16"
) + im * parse(
BigFloat,
"1.61538460050389410252418570763249757383137474064211436708778201650446" *
"5720144665458416805277657843311223499002862984491249557054153181736694" *
"13243142748734172306949662903241845868174141200443744990859780e-09"
) parse(
BigFloat,
"1.98360640124456525082408886967285526809378139110070548462004782675279" *
"3559469741631925151025674124130307786074864617772277081326118799665486" *
"64837688775235547484644007068548529633336160614985047953033487e-16"
) + im * parse(
BigFloat,
"-9.2307691480985408719316823309602014480152262873190908794671250455639" *
"8162258908789785418834942864239690220110442948796156392414824965307661" *
"901683815285491986122055681250429613253888427959278397053653868e-10"
) parse(
BigFloat,
"-7.4856667934606650238038454329762286826493148757611686598674166176921" *
"3461671120081769297741401433791780263430487217963448126713415761054100" *
"644948963788089158702347940181733440462543283842354291842143904e-17"
) + im * parse(
BigFloat,
"3.46153843116963211896821362288038685213276252211040590411663673036927" *
"4947946150294170984213917421128840031287221074656268647513684866643842" *
"65173450631034676574746440129908770500379891172641437901874093e-10"
) parse(
BigFloat,
"1.67163215103917033634511765315069214926133026778159839939727340311601" *
"9556636892715850165058847701459104197362956982535289868621876290197461" *
"41247937495314109539339398240108304140998096126278730250030515e-17"
) + im * parse(
BigFloat,
"-7.6923076258758700356066387683658628458808708540397365492439581706854" *
"8341096724132001337373735668732848921881409406803808636431744458748731" *
"930655254214698589611875221448526784651433955598007103073093884e-11"
) parse(
BigFloat,
"-1.6781541671719006334975273169592540903123080687511677509299661990373" *
"8587889411526799693324606985621040321583510675967748878248034902177733" *
"870448317770576047547309104976658899510452495731415711083666466e-18"
) + im * parse(
BigFloat,
"7.69230762669600963352941524060342118891649735502865105496631950646224" *
"6125506170535363780905645072444977497612823057653663057256587326488923" *
"26734044318809022837612453975643407885604804136074831983857433e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"6.83739848082775860156457691395747276661018389393477902469467413995290" *
"0571828411193857382981735328649032788301733974643100374769012700663004" *
"35642129047173429928007912619180343403158483122931588245010381e-12"
) + im * parse(
BigFloat,
"-6.9362046625804624821292653067851197652133999668043041594717181360089" *
"4031936385726692394404473676087900688735715778282946435294035889671080" *
"921519110651621947707733532977832263928937545743485569820843044e-11"
) parse(
BigFloat,
"-5.4438647789268912064481381901053328308323329759346238392223381964377" *
"2428707640154070684346052869322277777554899137398785698942310678350030" *
"878679452006970585324264562536139714889787894206969115188817440e-17"
) + im * parse(
BigFloat,
"3.21428567033099838136624183897781109418484933349357468466849851938115" *
"6950943603092036189006810880939012818256383713138002691705835559091225" *
"01019050967737678315118886541255433359757395461605126803787345e-10"
) parse(
BigFloat,
"1.56259462103188661956556215498379306322616937539244963165941640877174" *
"5513071950530029329501197152960906140788009964034578488217658802061793" *
"03773577145823889088190269569818500814870320726594809461996682e-16"
) + im * parse(
BigFloat,
"-8.5714284835190606762440267214014425091290641333289153072909019308767" *
"3701896130739329365021351559519289781731812008977394197958122648311504" *
"787586350128823241027211922180126199746346756404264380964134803e-10"
) parse(
BigFloat,
"-2.8289926120756264088496364131593088033834034708602218574985577456689" *
"8980403604802527768200898257732117250628134733107686152499412096541749" *
"015304729617009184138370466024726722014443213984710548209636362e-16"
) + im * parse(
BigFloat,
"1.49999998632517981716268182681941418955307497231253286830815598474793" *
"1103288908159042896162700285448093653454235500030785001477996277598627" *
"14636528593332135643793210232091158843807375791262882804615045e-09"
) parse(
BigFloat,
"3.46217663573321974184117700708987614510921666137503790182975142354761" *
"0591262594104794927038201582774106333222577467873083318383224309812123" *
"28810982471067629972140907134054233349107680161979292990079408e-16"
) + im * parse(
BigFloat,
"-1.7999999846158218073418046951043057193149045950825468521218517296282" *
"6285412660043992675524992799531403707321621995406105535999949278809580" *
"758129366669851880995287697093435614090967177720020264798103861e-09"
) parse(
BigFloat,
"-2.9224113757346888943324031785914078062285035830275764747115831941489" *
"6621731361556208408355959914369442318387411274010933650864877492373023" *
"969956161274761815220313324675028206350785529980539924856878742e-16"
) + im * parse(
BigFloat,
"1.49999998769265434754430638225372528085690993677135519951937106954982" *
"8675621654083976641668192012076653800484219437026114133126025570012130" *
"47279345441260300954119980600182025365617702221021244859319637e-09"
) parse(
BigFloat,
"1.68511705270917465433058264828525062162401045380464679481656376692174" *
"1975320690721120631263749099084413366300048824880505670103322045802503" *
"22339105152984412038289170160622815945672443197039382613237304e-16"
) + im * parse(
BigFloat,
"-8.5714285030544161382177572328984552408912795997554778412354859462155" *
"1174585534687423974797756909975334871760236464129492618600331949749506" *
"533229775869568884838226698164825747485030785925653530529943013e-10"
) parse(
BigFloat,
"-6.3617690140956639867765391459400251103572152047982761929652167479460" *
"8070793733592701662079635854714390522517680679029302240238976492872815" *
"705822541233196629773764573847725404740313570995268221180074424e-17"
) + im * parse(
BigFloat,
"3.21428568916867402957560104633007110063783466955702129380797057025801" *
"4690248098338055025390080257734978566620431656839099549935862083236115" *
"71537714119875561672460965859182793873965588045993525588590206e-10"
) parse(
BigFloat,
"1.42107620274282661995220936122058853968599649005203163106420251358932" *
"7512649053762811232635282024410284684251725114078112041679535639515550" *
"39373042860183495123804765480135764446893338742071723827816547e-17"
) + im * parse(
BigFloat,
"-7.1428570879136110098258597344924950133100920580387967062723285558314" *
"7734488328697409942145638705989575475937582645830485125811469812291280" *
"169688901862465058837180018606131120690013385662700648100626539e-11"
) parse(
BigFloat,
"-1.4269501493817003421929072621705186087517257147386518330665376122459" *
"0644413447773417782920329020949427461890058915273240461606624007450858" *
"094678479438181866614234212084221578330066584712766878729296550e-18"
) + im * parse(
BigFloat,
"7.14285708859192116854663708582716096567739867065397006232500430045571" *
"4676795406320764338314692840005109552614120296576559402508876132062869" *
"81622572747621761392658127140602372479831054119641018514521059e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"5.30289885564335782180301722357963931094656150050064400183431735010981" *
"1132799245868651552197678148365834781819482339637748715248873703549603" *
"00611821936550794938685694479400520979649955845028862117465508e-12"
) + im * parse(
BigFloat,
"-6.2626394510395932628361046189743480822053184016939813056706614697314" *
"1151285169396986464650121261526070573628472064877789363104523049375363" *
"487248259795060073093668317117098960780883746542855669014452635e-11"
) parse(
BigFloat,
"-4.6155201609765467922983022434689064469667793356516524226680006677117" *
"1552238452960219958931520511379931144624575028720660882623219599468786" *
"197336002678146632087350039612096575573033725800141443954786765e-17"
) + im * parse(
BigFloat,
"2.99999996818259831007554379583604696135048060640746400959956893934733" *
"3317438924053905849356927679733344448118025583721735630560529047744513" *
"92203352905843016541776965915166824682793302823815395567158325e-10"
) parse(
BigFloat,
"1.33585535070431218638617420610747405162207115022322202343062408145247" *
"3836374727502939281933519964719789458317738721360326614117227126479414" *
"52209477456621233683022062043535399413765793748369195302225136e-16"
) + im * parse(
BigFloat,
"-7.9999999363651341252674352173244360523365525652681817719159768582463" *
"5354590747877630566816483266088948349903973931224624315430955457503966" *
"857831334270137195673566064289290463028588042377199945891712967e-10"
) parse(
BigFloat,
"-2.4249519425172705684983084600704102497096069803630724206123964589485" *
"5874779911227366921212676556320559806260224337984264677922868469926836" *
"294248444665354002383186730883056844454570915211450960053495870e-16"
) + im * parse(
BigFloat,
"1.39999999010123715796505384493605426206505198843865165698794876141248" *
"5772460875027280822079230274687440837655144242348597599087426634569897" *
"23262541057836775989377671297375233456749698063100797593234416e-09"
) parse(
BigFloat,
"2.97159871187235984088951871714357914893421094652015220290167963830517" *
"3030526080161883453829587933961031444104105382902123809775757445844375" *
"86708935249742473244360432519616217413734182255804918170828125e-16"
) + im * parse(
BigFloat,
"-1.6799999888638873908726236804762167326265076292806045766574844258541" *
"0769511865064990839347855588407560319051418216928147964087777533285876" *
"064521870939035926622426904208644465071739017892580940083650468e-09"
) parse(
BigFloat,
"-2.5102715614965530589374368698746814879328441959385005830797414891102" *
"4019780882449950823192857849868790044391722732309184462528951976290606" *
"909498605313685651834077827308080439350990208719982343383854748e-16"
) + im * parse(
BigFloat,
"1.39999999109110741729072793789176730330585525125303440622356809265838" *
"5822726413048909202916538207206308062743274180485359532416030820754207" *
"85305483861752116352684657871731216314556705039329948008567364e-09"
) parse(
BigFloat,
"1.44821671089951089364462562920915097424631887908684591669771752437168" *
"6940429868300991491012279931047696597576006898577278852259282702349063" *
"90678057152341876224891879393866824693231769043673313830956306e-16"
) + im * parse(
BigFloat,
"-7.9999999505061420179314040439831273984193640465488668709790718206485" *
"8622784002963820349049540570595143692709931492767305988159358505771648" *
"965251384838462645677141479118102815438918634339406829725487842e-10"
) parse(
BigFloat,
"-5.4694128603235077265208721652829424794861730192960180337086819896677" *
"8349787997786911642935343382234741534290007504796699663977892608347374" *
"370570852318048129428508942364686869622428792389386833423309800e-17"
) + im * parse(
BigFloat,
"2.99999998181857986280771390163831822186827725829261374988688082994898" *
"3441857612036517353897947509056317039308285761126141873891162585038829" *
"01220253200109096397555406757822131446997182936784421638180723e-10"
) parse(
BigFloat,
"1.22207890437091331154580620868805882840927405462165672286766356925906" *
"5154604680333385918526202359063799446105440475962357892850222483405552" *
"12130142095160598950429406132279054729776583966405893005809226e-17"
) + im * parse(
BigFloat,
"-6.6666666268948050426892397534570294380244797629573531444717990868215" *
"7274594987243288345967230131005958316160932907200548518459125694348796" *
"676684068194036567232584948284983942751317702220823547124072736e-11"
) parse(
BigFloat,
"-1.2273912752612575799060603952243338478808772286193956018296984572932" *
"5763775391037938028314394472087980613890298087576258279934914300140925" *
"139240427385786446049614456209555460850239231587590597978451141e-18"
) + im * parse(
BigFloat,
"6.66666662738581160374267444828725683211227542054408081568543031531295" *
"4748946977317813727505975033667559231273758851529023620549447093079002" *
"45015473701818394876767121454285375763274311472655467215867042e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"3.33134330279977258021248202748113707888008143064206638584805071457260" *
"7045140188190535822741184081485397525807346714535324469685123336567110" *
"48690297657283896897019447341448970611245765122043367822907626e-12"
) + im * parse(
BigFloat,
"5.72118337769695481155898190908024935461856550343808716324452019987780" *
"0790886615442184221075237729038525922034664505343500506249468010288378" *
"19188883837062549459260696085197631065121539032510045534192968e-11"
) parse(
BigFloat,
"-3.9722113991744533698653783802231605504754238116382316164806134189252" *
"8772457895932251996049272085417021294184694053620349429544674109329518" *
"480945041496139808354127867545363385788330023811879780201352170e-17"
) + im * parse(
BigFloat,
"-2.8124999812611873090425786294766317797835219064190646354811665967064" *
"2535720174633745092611439724953482004358326507315815712273492599703549" *
"202440925887567184285478036847840521288750946956729525023298494e-10"
) parse(
BigFloat,
"1.15721199475444410443046289926970705095383628149402532828516074869145" *
"9413961058799796024364856755423497962562553253915301416379080099694451" *
"47969134040276438968190774534181106334680338641356752012506017e-16"
) + im * parse(
BigFloat,
"7.49999996252232417886424971623347058562322727014020165893388241260070" *
"8099607306889635653102314648257479421265281286232202779887338357722080" *
"72838071793369987236132085291917130907334729350729467379598288e-10"
) parse(
BigFloat,
"-2.1050482290516168232549335787932976212928775798430134970260652002636" *
"7994646623796828229732174634308578851879414658452453222915706901250147" *
"590308672349358639969111033193055558857469015905205434537610478e-16"
) + im * parse(
BigFloat,
"-1.3124999941701344867385795511820615370923121862615454424550931212127" *
"6267930406922498278558167495469661597905218661241021172274240825848185" *
"780973235617500831450101812388391512472262147667793266874604142e-09"
) parse(
BigFloat,
"2.58221734293738007219655734033382965536859176077534309714278244793291" *
"7203698690834415077349471399803375258352206938031091211712903463056845" *
"93412352745049122286287297618032918152807982822039878436837935e-16"
) + im * parse(
BigFloat,
"1.57499999344139769310849747423131581934011195883751269344615122355711" *
"7939983318039163797055450777043316820419585283338361708300145353599178" *
"03479858675193481921137747006850795234556126525911917227937879e-09"
) parse(
BigFloat,
"-2.1826618948553062121250010641685056184976453169125172753264561608969" *
"3926456279722084049671298099927828471492221643991758283212122743317491" *
"639034162175583856816191189654433913297588016699026941342029491e-16"
) + im * parse(
BigFloat,
"-1.3124999947531161131041505319832536787012818415895729500425480500203" *
"5086550855114309230993844132673060402223328997759474909136369530321187" *
"527944034374883437097782983726584929550702460060328654759803574e-09"
) parse(
BigFloat,
"1.25971812433519545148267538093943535191381760638151547883251552513371" *
"9033463338258307482416670089172220352777711311242912107490452608449161" *
"20040706299386665378995549411547476609179508270035875000454542e-16"
) + im * parse(
BigFloat,
"7.49999997085063664027609101767575678730137181620584027893433256047270" *
"5373719883594034521128986895878155396582705308098449854429298628381773" *
"40322261187416359964832849042058596544219390493142406831638049e-10"
) parse(
BigFloat,
"-4.7588736579534566263991917309722801102500536764889808592450430207735" *
"5824744204168943082618026624356633913617578742561173544294292611741967" *
"990905197014046917927086004856592679439784991150907558635657327e-17"
) + im * parse(
BigFloat,
"-2.8124999892920682114833619528691361726854485531310130485417927850185" *
"4582801926109248917221489281125939311413409729736102685822465387338809" *
"419299712946685107745604066632174744097393486575021090025601292e-10"
) parse(
BigFloat,
"1.06354302389735495464675722348954044428179867387733202683616088305839" *
"6111987342094335722261633930254396929683132119099381047129965208537878" *
"66619770201198784626420720068767148558067641470387899007740722e-17"
) + im * parse(
BigFloat,
"6.24999997657639505542895295394867810815796737557604434502932936529715" *
"6264740264109367217485099210374358044379332154869674599284031843144864" *
"21185280063563613283680117682197797566387639253275707306633619e-11"
) parse(
BigFloat,
"-1.0683423438884403668201235455089228278766083674332725843162913950589" *
"7354004991177219714931136790567452494119578172519192594196591488168506" *
"311169411454728371147443719727768350563525396142182472180034009e-18"
) + im * parse(
BigFloat,
"-6.2499999768655720227251521035814957271263650379726433148766016682868" *
"4510121193864144286042092730337831079182350266003429426102319782795947" *
"784325339126170566804464969033721679450552519104595193382174064e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"5.30289885564335782180301722357963931094656150050064400183431735010981" *
"1132799245868651552197678148365834781819482339637748715248873703549603" *
"00611821936550794938685694479400520979649955845028862117465508e-12"
) + im * parse(
BigFloat,
"6.26263945103959326283610461897434808220531840169398130567066146973141" *
"1512851693969864646501212615260705736284720648777893631045230493753634" *
"87248259795060073093668317117098960780883746542855669014452635e-11"
) parse(
BigFloat,
"-4.6155201609765467922983022434689064469667793356516524226680006677117" *
"1552238452960219958931520511379931144624575028720660882623219599468786" *
"197336002678146632087350039612096575573033725800141443954786765e-17"
) + im * parse(
BigFloat,
"-2.9999999681825983100755437958360469613504806064074640095995689393473" *
"3331743892405390584935692767973334444811802558372173563056052904774451" *
"392203352905843016541776965915166824682793302823815395567158325e-10"
) parse(
BigFloat,
"1.33585535070431218638617420610747405162207115022322202343062408145247" *
"3836374727502939281933519964719789458317738721360326614117227126479414" *
"52209477456621233683022062043535399413765793748369195302225136e-16"
) + im * parse(
BigFloat,
"7.99999993636513412526743521732443605233655256526818177191597685824635" *
"3545907478776305668164832660889483499039739312246243154309554575039668" *
"57831334270137195673566064289290463028588042377199945891712967e-10"
) parse(
BigFloat,
"-2.4249519425172705684983084600704102497096069803630724206123964589485" *
"5874779911227366921212676556320559806260224337984264677922868469926836" *
"294248444665354002383186730883056844454570915211450960053495870e-16"
) + im * parse(
BigFloat,
"-1.3999999901012371579650538449360542620650519884386516569879487614124" *
"8577246087502728082207923027468744083765514424234859759908742663456989" *
"723262541057836775989377671297375233456749698063100797593234416e-09"
) parse(
BigFloat,
"2.97159871187235984088951871714357914893421094652015220290167963830517" *
"3030526080161883453829587933961031444104105382902123809775757445844375" *
"86708935249742473244360432519616217413734182255804918170828125e-16"
) + im * parse(
BigFloat,
"1.67999998886388739087262368047621673262650762928060457665748442585410" *
"7695118650649908393478555884075603190514182169281479640877775332858760" *
"64521870939035926622426904208644465071739017892580940083650468e-09"
) parse(
BigFloat,
"-2.5102715614965530589374368698746814879328441959385005830797414891102" *
"4019780882449950823192857849868790044391722732309184462528951976290606" *
"909498605313685651834077827308080439350990208719982343383854748e-16"
) + im * parse(
BigFloat,
"-1.3999999910911074172907279378917673033058552512530344062235680926583" *
"8582272641304890920291653820720630806274327418048535953241603082075420" *
"785305483861752116352684657871731216314556705039329948008567364e-09"
) parse(
BigFloat,
"1.44821671089951089364462562920915097424631887908684591669771752437168" *
"6940429868300991491012279931047696597576006898577278852259282702349063" *
"90678057152341876224891879393866824693231769043673313830956306e-16"
) + im * parse(
BigFloat,
"7.99999995050614201793140404398312739841936404654886687097907182064858" *
"6227840029638203490495405705951436927099314927673059881593585057716489" *
"65251384838462645677141479118102815438918634339406829725487842e-10"
) parse(
BigFloat,
"-5.4694128603235077265208721652829424794861730192960180337086819896677" *
"8349787997786911642935343382234741534290007504796699663977892608347374" *
"370570852318048129428508942364686869622428792389386833423309800e-17"
) + im * parse(
BigFloat,
"-2.9999999818185798628077139016383182218682772582926137498868808299489" *
"8344185761203651735389794750905631703930828576112614187389116258503882" *
"901220253200109096397555406757822131446997182936784421638180723e-10"
) parse(
BigFloat,
"1.22207890437091331154580620868805882840927405462165672286766356925906" *
"5154604680333385918526202359063799446105440475962357892850222483405552" *
"12130142095160598950429406132279054729776583966405893005809226e-17"
) + im * parse(
BigFloat,
"6.66666662689480504268923975345702943802447976295735314447179908682157" *
"2745949872432883459672301310059583161609329072005485184591256943487966" *
"76684068194036567232584948284983942751317702220823547124072736e-11"
) parse(
BigFloat,
"-1.2273912752612575799060603952243338478808772286193956018296984572932" *
"5763775391037938028314394472087980613890298087576258279934914300140925" *
"139240427385786446049614456209555460850239231587590597978451141e-18"
) + im * parse(
BigFloat,
"-6.6666666273858116037426744482872568321122754205440808156854303153129" *
"5474894697731781372750597503366755923127375885152902362054944709307900" *
"245015473701818394876767121454285375763274311472655467215867042e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"6.83739848082775860156457691395747276661018389393477902469467413995290" *
"0571828411193857382981735328649032788301733974643100374769012700663004" *
"35642129047173429928007912619180343403158483122931588245010381e-12"
) + im * parse(
BigFloat,
"6.93620466258046248212926530678511976521339996680430415947171813600894" *
"0319363857266923944044736760879006887357157782829464352940358896710809" *
"21519110651621947707733532977832263928937545743485569820843044e-11"
) parse(
BigFloat,
"-5.4438647789268912064481381901053328308323329759346238392223381964377" *
"2428707640154070684346052869322277777554899137398785698942310678350030" *
"878679452006970585324264562536139714889787894206969115188817440e-17"
) + im * parse(
BigFloat,
"-3.2142856703309983813662418389778110941848493334935746846684985193811" *
"5695094360309203618900681088093901281825638371313800269170583555909122" *
"501019050967737678315118886541255433359757395461605126803787345e-10"
) parse(
BigFloat,
"1.56259462103188661956556215498379306322616937539244963165941640877174" *
"5513071950530029329501197152960906140788009964034578488217658802061793" *
"03773577145823889088190269569818500814870320726594809461996682e-16"
) + im * parse(
BigFloat,
"8.57142848351906067624402672140144250912906413332891530729090193087673" *
"7018961307393293650213515595192897817318120089773941979581226483115047" *
"87586350128823241027211922180126199746346756404264380964134803e-10"
) parse(
BigFloat,
"-2.8289926120756264088496364131593088033834034708602218574985577456689" *
"8980403604802527768200898257732117250628134733107686152499412096541749" *
"015304729617009184138370466024726722014443213984710548209636362e-16"
) + im * parse(
BigFloat,
"-1.4999999863251798171626818268194141895530749723125328683081559847479" *
"3110328890815904289616270028544809365345423550003078500147799627759862" *
"714636528593332135643793210232091158843807375791262882804615045e-09"
) parse(
BigFloat,
"3.46217663573321974184117700708987614510921666137503790182975142354761" *
"0591262594104794927038201582774106333222577467873083318383224309812123" *
"28810982471067629972140907134054233349107680161979292990079408e-16"
) + im * parse(
BigFloat,
"1.79999998461582180734180469510430571931490459508254685212185172962826" *
"2854126600439926755249927995314037073216219954061055359999492788095807" *
"58129366669851880995287697093435614090967177720020264798103861e-09"
) parse(
BigFloat,
"-2.9224113757346888943324031785914078062285035830275764747115831941489" *
"6621731361556208408355959914369442318387411274010933650864877492373023" *
"969956161274761815220313324675028206350785529980539924856878742e-16"
) + im * parse(
BigFloat,
"-1.4999999876926543475443063822537252808569099367713551995193710695498" *
"2867562165408397664166819201207665380048421943702611413312602557001213" *
"047279345441260300954119980600182025365617702221021244859319637e-09"
) parse(
BigFloat,
"1.68511705270917465433058264828525062162401045380464679481656376692174" *
"1975320690721120631263749099084413366300048824880505670103322045802503" *
"22339105152984412038289170160622815945672443197039382613237304e-16"
) + im * parse(
BigFloat,
"8.57142850305441613821775723289845524089127959975547784123548594621551" *
"1745855346874239747977569099753348717602364641294926186003319497495065" *
"33229775869568884838226698164825747485030785925653530529943013e-10"
) parse(
BigFloat,
"-6.3617690140956639867765391459400251103572152047982761929652167479460" *
"8070793733592701662079635854714390522517680679029302240238976492872815" *
"705822541233196629773764573847725404740313570995268221180074424e-17"
) + im * parse(
BigFloat,
"-3.2142856891686740295756010463300711006378346695570212938079705702580" *
"1469024809833805502539008025773497856662043165683909954993586208323611" *
"571537714119875561672460965859182793873965588045993525588590206e-10"
) parse(
BigFloat,
"1.42107620274282661995220936122058853968599649005203163106420251358932" *
"7512649053762811232635282024410284684251725114078112041679535639515550" *
"39373042860183495123804765480135764446893338742071723827816547e-17"
) + im * parse(
BigFloat,
"7.14285708791361100982585973449249501331009205803879670627232855583147" *
"7344883286974099421456387059895754759375826458304851258114698122912801" *
"69688901862465058837180018606131120690013385662700648100626539e-11"
) parse(
BigFloat,
"-1.4269501493817003421929072621705186087517257147386518330665376122459" *
"0644413447773417782920329020949427461890058915273240461606624007450858" *
"094678479438181866614234212084221578330066584712766878729296550e-18"
) + im * parse(
BigFloat,
"-7.1428570885919211685466370858271609656773986706539700623250043004557" *
"1467679540632076433831469284000510955261412029657655940250887613206286" *
"981622572747621761392658127140602372479831054119641018514521059e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"7.67654376824988586686532130494879227920943819244693252072745983305630" *
"3612003397755476844265034223410216913485023611834109214473828030997677" *
"34753428017742798669160756258360985901686363733939035725062680e-12"
) + im * parse(
BigFloat,
"7.74154676698344341334100014702714877634327248286074799915160241327636" *
"0054425341982495760214970183536484075817695784803838161575741081416191" *
"69886006203544204942461428295325851794009620245942909442398305e-11"
) parse(
BigFloat,
"-6.5017555047073015113477280336767242931375203866680331760039074489568" *
"3794330187085930568178844335956127360994052765812244819923876961600736" *
"847879693535787709249963509891763973851988602402238828541454011e-17"
) + im * parse(
BigFloat,
"-3.4615384083931431083925402721990127239652317535030890120146106474882" *
"4078554826930367804790962474700818195819400435750772724401275030193944" *
"569586450458677301607634225242070792071508882800904286129136929e-10"
) parse(
BigFloat,
"1.84987208459394199950413035165391473404968684712834059141929023350940" *
"3171835032444201172598919457260029609713738931391676838076989858080897" *
"51128810174684044804059533400453911777264025125510320846348782e-16"
) + im * parse(
BigFloat,
"9.23076912447849241561939944643854724742234299075105326741632207997500" *
"4222233265382144100851146532156244106859275797461793873067567377946212" *
"71686836638740913640892242699050808273877721801075148578357718e-10"
) parse(
BigFloat,
"-3.3395007751704737653419484204715740293419681745853689862814172001923" *
"0118573276572540413104831578570181086000628528436120925758280592868846" *
"200362360151430920124521029145814305287350054073081364326203636e-16"
) + im * parse(
BigFloat,
"-1.6153845988504911381595633057059409881021295995056836519620918632244" *
"2458220778695506251057031085332834005973810173722793474267328945751274" *
"363671199323082022923526358765547520909282959274092176020048011e-09"
) parse(
BigFloat,
"4.08116174246311490715361309844056144510759538808409224572166285373329" *
"6371648222704258136645193860522481947244101664928386969915631242280718" *
"93304834582315691455491079125176404472289098132346886480270500e-16"
) + im * parse(
BigFloat,
"1.93846151986064174675608542846942027268531242237744642680520811506405" *
"2473597597184823967819565181565146910354520882624210715135492953430947" *
"33014086711118804288345620762391074078749008860938238118841458e-09"
) parse(
BigFloat,
"-3.4419905368100396664606377264434797484387816240003517522147218637515" *
"2686876764916944198674678514290283188456770092346059759958989698565354" *
"055078122620038592896704253198315644337205733201185232245705850e-16"
) + im * parse(
BigFloat,
"-1.6153846005038941025241857076324975738313747406421143670877820165044" *
"6572014466545841680527765784331122349900286298449124955705415318173669" *
"413243142748734172306949662903241845868174141200443744990859780e-09"
) parse(
BigFloat,
"1.98360640124456525082408886967285526809378139110070548462004782675279" *
"3559469741631925151025674124130307786074864617772277081326118799665486" *
"64837688775235547484644007068548529633336160614985047953033487e-16"
) + im * parse(
BigFloat,
"9.23076914809854087193168233096020144801522628731909087946712504556398" *
"1622589087897854188349428642396902201104429487961563924148249653076619" *
"01683815285491986122055681250429613253888427959278397053653868e-10"
) parse(
BigFloat,
"-7.4856667934606650238038454329762286826493148757611686598674166176921" *
"3461671120081769297741401433791780263430487217963448126713415761054100" *
"644948963788089158702347940181733440462543283842354291842143904e-17"
) + im * parse(
BigFloat,
"-3.4615384311696321189682136228803868521327625221104059041166367303692" *
"7494794615029417098421391742112884003128722107465626864751368486664384" *
"265173450631034676574746440129908770500379891172641437901874093e-10"
) parse(
BigFloat,
"1.67163215103917033634511765315069214926133026778159839939727340311601" *
"9556636892715850165058847701459104197362956982535289868621876290197461" *
"41247937495314109539339398240108304140998096126278730250030515e-17"
) + im * parse(
BigFloat,
"7.69230762587587003560663876836586284588087085403973654924395817068548" *
"3410967241320013373737356687328489218814094068038086364317444587487319" *
"30655254214698589611875221448526784651433955598007103073093884e-11"
) parse(
BigFloat,
"-1.6781541671719006334975273169592540903123080687511677509299661990373" *
"8587889411526799693324606985621040321583510675967748878248034902177733" *
"870448317770576047547309104976658899510452495731415711083666466e-18"
) + im * parse(
BigFloat,
"-7.6923076266960096335294152406034211889164973550286510549663195064622" *
"4612550617053536378090564507244497749761282305765366305725658732648892" *
"326734044318809022837612453975643407885604804136074831983857433e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"7.60357744822124287427097884141577911830915577561655190777099694340877" *
"2855732771447442335127095449395669798883467421969078829161406262342734" *
"46720709269122461100295571972299497027159838375607539941016565e-12"
) + im * parse(
BigFloat,
"8.67436497618061169817209665343698328390332289994620619650456136016906" *
"4765481381974785813949209353297577156186283008946990303695204512735684" *
"14713876159817484715551708242791971141788962688616527076365210e-11"
) parse(
BigFloat,
"-7.8462994863917811485501028397368376403594432947881373891176914016008" *
"0183861007341185467836003992335833781337014759174707059699997966952328" *
"966589727582000605130701068731051312075439800846408086362966244e-17"
) + im * parse(
BigFloat,
"-3.7499999429731480437676843382989802528678537671336956645447507118706" *
"3882957811444137686237602324886773643639759332485836093408624012127771" *
"020042077650949505415371404938898839021670661827239188890600606e-10"
) parse(
BigFloat,
"2.21418382957282314981383743138408509083123016650111328473015158925911" *
"7708126671549724430271546058795187444085271550578035895941952636115430" *
"46284111958550774502296823547077722790545306214354329983882364e-16"
) + im * parse(
BigFloat,
"9.99999988594616345139523287244232220682000019765092944621543269809479" *
"8374296610150486362235402950896421551682356280573091381558634230410598" *
"61080073478279250147991484454608532662443422133914058449123528e-10"
) parse(
BigFloat,
"-3.9864027217323488866090710891449163893398724999474957280888657049689" *
"4768475692502119468450078796476851002354840321129179821855842001634085" *
"754801537756905953777760222388112484298845918077590032581098272e-16"
) + im * parse(
BigFloat,
"-1.7499999822582799655718852877000331767077237324565613111163206491638" *
"0593967046739074150916112712805714889063548425770012002122405379078104" *
"581245580171513350694281783626456178381460477488853351447765197e-09"
) parse(
BigFloat,
"4.86521521195452125862951293803278967491485159264881021320024933370278" *
"2354570723913084257408812666584463969329886011099062119712756139229859" *
"02984396185390652426895832528336884459064649413162480596271384e-16"
) + im * parse(
BigFloat,
"2.09999998004055603593574421618299602575119611739837349038067628245974" *
"7613697137244309138712131073018846654267655108474814572335256321101765" *
"05876861861099234956093981512698258025029329275180691858672426e-09"
) parse(
BigFloat,
"-4.0999730941589096717477758929956386199043736675566014537582758890366" *
"6479231203298689986048002435310432435676661526980820485255950962401210" *
"372425897597194559712850735002448472832851912530598613819298750e-16"
) + im * parse(
BigFloat,
"-1.7499999840324398068445974130139220837097032559249781625198981621309" *
"5557761188131706366653079471421778681478799168985491496131816884904285" *
"633288345306591458605453406335941747366218449360879151639672206e-09"
) parse(
BigFloat,
"2.36154626580944728077010110272917039430811669673079987482509216272243" *
"2341872750721361117565967174220653675800300156115492764393148788994625" *
"89432359557370203396895256480582590711457141744490186734384211e-16"
) + im * parse(
BigFloat,
"9.99999991129131159400001793041588800374705728608302679011315213931349" *
"3059220761053831244254908980068407585822934862116311105910310445910191" *
"34989648546935866564038453523875916160086858386432706213245795e-10"
) parse(
BigFloat,
"-8.9085571429501862619571075716053398057254761162470812146159455102729" *
"1370232601888714500327024816537067795724909554739284793659327498918893" *
"359212730436644285792686209946843172691404986413717204251920913e-17"
) + im * parse(
BigFloat,
"-3.7499999674131290256392339371128312630498611394901260280379421258279" *
"6607094821338884870860371780060703737755989384419568064715413805169034" *
"213005316889863077586016777336376544573814960604042988262336707e-10"
) parse(
BigFloat,
"1.98881693929232515533459425936799029132799533813257275378387202187732" *
"1256642703127289007696451225704203629668597711063111196391475781705677" *
"22242087771666256378496960720948416855130749216267950337411134e-17"
) + im * parse(
BigFloat,
"8.33333326204954293095077676084112288263844108877745996739047044773160" *
"4325445669605368561887157941848830676679516431923753361269431874284464" *
"64477050654609065671836850332813247621376912416560541187439790e-11"
) parse(
BigFloat,
"-1.9961382761516109010891001504141197912768724353994698398817853880791" *
"9184309946107267464038936714339389071514774814726724060528178274669384" *
"989258107096357462246127829848307839858921603924723668321128121e-18"
) + im * parse(
BigFloat,
"-8.3333332629295815832170728217922605834584508052131884964164269718436" *
"4128851561968202001195047062950698405617910378273666819778963085830690" *
"699183912784335085748593469098554704369240715105915518119970019e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"6.46808831094173255348741204697601411121595267213338508003326523230935" *
"9821789391640057543710636189512767854664900072564184996306095107727427" *
"33488832112188229985192107505120201732706089470529126625286786e-12"
) + im * parse(
BigFloat,
"9.72972571504940429745428900369442676107973971983494873599693861907773" *
"4270481242455032524241998217106668751256853083014763002368812983987501" *
"45082102686512231365011258454819803636850512686762146704880506e-11"
) parse(
BigFloat,
"-9.5560211177682567051952285835403809584594337403331113452897381980930" *
"9985396820827119287331357584313119749338797015397839514146045639309454" *
"372863084927509661239977376949724333816139909769427003526625010e-17"
) + im * parse(
BigFloat,
"-4.0909090379883393335829251220936140977952913418248314762631851738125" *
"0374587606852432464705115510417946846842952575264053961721325838487921" *
"986022890232542060480504601328753766786743731590147570196616263e-10"
) parse(
BigFloat,
"2.67871700417175999114559193411262109586579172230235258823593486680533" *
"2566885081027023477940306602956671868390148907911094872011401740559309" *
"85844449409681652519405927004852564009343517761470327819262897e-16"
) + im * parse(
BigFloat,
"1.09090908032492297734497992933670067077367273949274060551961629159498" *
"6835222211828132953199567475778383075240665369138734479024094216413194" *
"19569051274496789554433003862276160932556485611245938328989346e-09"
) parse(
BigFloat,
"-4.8120568714114613228974022796279202172061111058995937581040679939336" *
"6582806083993890323041432495673838806358717906269130593479052552350988" *
"402610415065686243564264732125996809526097451949050597171938330e-16"
) + im * parse(
BigFloat,
"-1.9090908926266319139943250913252724494379300663769236550109201026458" *
"2534739460384299597550707034525262036293545433592458063319303696353893" *
"321939951013879023153122390646833622277895474283384484824140828e-09"
) parse(
BigFloat,
"5.86640488662238456162155240822040420739424946904801848011219179530830" *
"1384475605191179452172536110795968221543835161749274143585248743120689" *
"87268366392090841050335032844339107614446670428514461375542711e-16"
) + im * parse(
BigFloat,
"2.29090907238676738179998857716450112538294338726348366930092578413442" *
"1097274058185471763822179461066255446759549044265465215987896403941103" *
"28849553324502900675781122144770420532026273365079846316931833e-09"
) parse(
BigFloat,
"-4.9404241834329179499678445424851419059832600144810160751154714683750" *
"2631616425797761180996146696250318240311020124016226287732814910832511" *
"576132368937241169973320030652518528313638114622580745487827306e-16"
) + im * parse(
BigFloat,
"-1.9090908942730436937178870177798603956006288245681325977542935814776" *
"8746080099597215214901332902609246041313508901004111791914512385715945" *
"295562010888645532899471792619568761791802216615457705132329966e-09"
) parse(
BigFloat,
"2.84438931475383313530506928223683571962862270249805796590351673738918" *
"6728174550137424221095244574310960439028898516332862751603824708798538" *
"27273330723405690478518307151612052022579923753015195435981252e-16"
) + im * parse(
BigFloat,
"1.09090908267694076258763971538902376524540109339970085408404086337815" *
"1593698407336491499748484801895269140067698917502484269708840648069364" *
"61703740529360801218409141210950956069761173765239326950615922e-09"
) parse(
BigFloat,
"-1.0726648552466975782878156834314083198724811092945740194319892381630" *
"3284616420160193861947661366073870198269301315479345602791316093862772" *
"088379069961134265624485447080028156024801309246180785175840875e-16"
) + im * parse(
BigFloat,
"-4.0909090606685317072995745896327882707323084978438965679408565091965" *
"1767516660644124510774329056397683530789626202798726311123576386677457" *
"508650680139181332843733058298642876777079926220753380311690305e-10"
) parse(
BigFloat,
"2.39414105894906117900163752535578418869989008766175425992907501383507" *
"1783239638886813965616939188611375444409551460363549049646143295642818" *
"83711726212058672987822928312597842876680391853187579613034830e-17"
) + im * parse(
BigFloat,
"9.09090902475785439435978296228743963042092551303012080463899378172872" *
"8697855983811455108331262659179607963390394633090185505709857633651323" *
"03461139218537716350184132917457707310126271549441028559466454e-11"
) parse(
BigFloat,
"-2.4025172087843673998090929534877844141348534289689895188091629627373" *
"2812825482173583881756016520393807883564642270436997337282731675839142" *
"563997927581760228959087623654124386683269774289228193923834838e-18"
) + im * parse(
BigFloat,
"-9.0909090255745256869893821190280773338680924915901225900085709626311" *
"6401866325724113896725896315285622675192990170366924457713429280847925" *
"435389530357411765210546616985454068840573684474891242782532860e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"4.20549978822921305624817361829497999945743332634468516633155128870291" *
"6885364933395152333490752867978470937624204260103764143124611008206562" *
"32952273959402520766896431707822459925344897454916803872986760e-12"
) + im * parse(
BigFloat,
"1.09072702672097281852250832021172776976249973290962928646300741371165" *
"6511317393153891087228053940441310295689986842915666243698742451020336" *
"88281720299087739630743123303410767212737403309871275699762781e-10"
) parse(
BigFloat,
"-1.1746900351969983198490265202425758862325390154566102201016160451430" *
"4420367858174797251474147749191829012827808349343536971543243742888409" *
"312463531110729058520982407106182962479182983420272614879342332e-16"
) + im * parse(
BigFloat,
"-4.4999999621504617388384047007017551099804044594613299213642550560487" *
"3977791340911774256409354817078134124483586650606971933708164490540869" *
"634101332523462710427677231087468951440293324025747777230060971e-10"
) parse(
BigFloat,
"3.27807053901456581035113640333857393963651687287818285347195087157206" *
"0925957768427356410346007493142031540024083661571385993387640825094456" *
"42384965960053555682828695826739389509007992111015825729149851e-16"
) + im * parse(
BigFloat,
"1.19999999243006853178446222001008724837018650968499135214139911345286" *
"3093848552478451268043974053894140017099411129164950473279118453684572" *
"85776019591691261812240381158077489721918627349590833479176644e-09"
) parse(
BigFloat,
"-5.8798689826900909725298224831400531665887545690684164115667770783253" *
"5518419352905378799025271992759897770945948865884052879163603090791308" *
"327642868062256441567384728338944518549413957167919552343808556e-16"
) + im * parse(
BigFloat,
"-2.0999999882245296293854330723363215424814254064016280285464025370091" *
"9566385482317652608330510143160838524230224189826184849503192396823706" *
"883621037380659537218337351846774793139357709971817043309609345e-09"
) parse(
BigFloat,
"7.16279010331844028354714881967530820168220182090225873285551921781349" *
"2031791934276576873733785927614752650167692255292535065134492889764065" *
"41960909111857928510593864888174437862298111246480730177270245e-16"
) + im * parse(
BigFloat,
"2.51999998675258014861680820411557122910091547752310782716112905576254" *
"1057172331718692822958535539893019317610171543100933238272733611906717" *
"02245231171943886459639548281386105765871045482605919419269784e-09"
) parse(
BigFloat,
"-6.0294654149282841271047594414304585472781349834066619479994779453242" *
"0900726963096523195644359370903655475648633676115478964361147130772463" *
"616842285013605560188557379132722769832953157383632792671527199e-16"
) + im * parse(
BigFloat,
"-2.0999999894020553155391626591891325127746456032358605487059557168881" *
"4977584341059992107758285714926466030971774737827704210591032125536598" *
"339922752128421965777474720543666112916404839507684285858078222e-09"
) parse(
BigFloat,
"3.47035115604911921969734641878522853198897400527877972769491746615090" *
"6260673676536894087700267285077052829421785054065716136250487280453576" *
"10795295902996100327636972234529645203697240128003067632565514e-16"
) + im * parse(
BigFloat,
"1.19999999411224933546667344065020771146449981752383541406422544539442" *
"3774975603802220399549809779103699755511899392355331445454178411140056" *
"61741483110261221813976108598906845794050180968435589917274351e-09"
) parse(
BigFloat,
"-1.3084453225272948548603111568705137499979561469389429012290237351482" *
"6663458165572271682999797902679216256662599810979368194432216375835041" *
"424709077081065325168894097616514411939749077748014972925777115e-16"
) + im * parse(
BigFloat,
"-4.4999999783715179478930693781531397385511804483041560606938352609677" *
"9229051388556866735352777629172108984032816649104343223042761154192006" *
"965555229155933780143838490813444780500312785093556523930718472e-10"
) parse(
BigFloat,
"2.91992503571662578741806392486459642213965275705271471321671724923855" *
"0204292924980275721939306821533889845393766304159569639782234315342800" *
"29645999291637920437577070381206065758813588807583266364339854e-17"
) + im * parse(
BigFloat,
"9.99999995268767777868039924612905520704610893125048334696139161773937" *
"9991569490216931736853221214037487029119143019134184725560863080944509" *
"44131276887832344872541106612721471351690391119592319194626894e-11"
) parse(
BigFloat,
"-2.9297760492552249070727287842446822232783626286537743355926147187153" *
"8746799261676962847704322339708832984149831702082541361242676529229748" *
"636221092555369712823339963081277349843203406058299076164214849e-18"
) + im * parse(
BigFloat,
"-9.9999999532717662976384223381692210502673287550067615275197197913503" *
"3026438283465954273642470320349417190487073872781750380886495254157055" *
"797917951521344666325689993079495406927586049876262744500330195e-12"
) 0 0 0 0 0 0
parse(
BigFloat,
"8.49030631485443957337453014430159965017980827582306056167881069525583" *
"7273168987854477501742145780528794320049938251478062425436663954834856" *
"92456993628534765245141397910764303910391430934017985308075878e-13"
) + im * parse(
BigFloat,
"1.22189738171714523728281801901902897343131092629333335860856137876852" *
"0431712166558522397171597533954927319568149650014621137940071022778099" *
"48246605968242459775136602319523984654194988693199764213756658e-10"
) parse(
BigFloat,
"-1.4602130775841715497319340576040553738232837689393104624763077029205" *
"7249219335874396073976688498916050067493645400380421471317943867915090" *
"464417721597798173683728682358784020773730882415451661443549582e-16"
) + im * parse(
BigFloat,
"-4.9999999915096376671528009752588742389092101043679390589260231770613" *
"4828418671819360935307737737016154043496664224663083117718718786241256" *
"608163013813722871832563565427746666056637638456629929430208449e-10"
) parse(
BigFloat,
"4.06695760536860443978966154165589903975076981805694055815210148185732" *
"3929495641524180524487636925880149440252842449362088788010368457132701" *
"07469647754149608226581338385060646585713644912042134815134279e-16"
) + im * parse(
BigFloat,
"1.33333333163522797563304096476225006109508255428756802146694950064320" *
"8472716001748775334707885173801028536879814230018055156099918140991875" *
"42860546541908757952764569331342411415993988379351463076257611e-09"
) parse(
BigFloat,
"-7.2901416421236150854380012657828482777138721034375450071189348429581" *
"7636897335494290093280140101663531431281552223598867376893420598467453" *
"281067710970413692883478379231792006078225519793098118186225489e-16"
) + im * parse(
BigFloat,
"-2.3333333306918066124713517821943567231684065625424073235437915180437" *
"7010055037610855602283601020106676554674417863591277404275775379123508" *
"557310526717595524507263983654390932475880479145654936711960420e-09"
) parse(
BigFloat,
"8.87787539622144750454230326005729901081093196533244892309741133587304" *
"9106565255908829076082890331777887877120931484725968230618048406508254" *
"24551378051118252027069495765798713276431384947350822972041043e-16"
) + im * parse(
BigFloat,
"2.79999999702826085934561891104371800792437932641464411097895655891512" *
"7323649164758538422393495706087875464672990361276857119453021154145407" *
"39806515630209254521098277234885857528173195734530351724109196e-09"
) parse(
BigFloat,
"-7.4717241850257485897869094401249608271654864332987915245086916296471" *
"9267895495000169197719911362409600618684040183603233450780476361138045" *
"020062404764534775236369704679961689325967025241096323712509766e-16"
) + im * parse(
BigFloat,
"-2.3333333309559299138338685999607056272708929264534582183743581630601" *
"4287361479132498931929144132867913422530851876733728135037357371251408" *
"963169404381782694919192044844262817521652936820839491460752580e-09"
) parse(
BigFloat,
"4.29990621151911569947444882532163559115392164662819773195481475816728" *
"9856198254696104670443870892757328520733328056170495482290874748601378" *
"87772664454465494697263636932870449606390846322838955965021023e-16"
) + im * parse(
BigFloat,
"1.33333333201254868190693322411246959955027165220300577293236846831351" *
"5443423714516079422957890275428922917272840839955438325716841590807986" *
"28826158075182821083684861558334946140252667752118828834052176e-09"
) parse(
BigFloat,
"-1.6210665800687767228009605147774914740823078576442494464382410785120" *
"9942916062272932636151460209559017559706465735293432926836070941706912" *
"751315298726693662690266621074773346752704878707992643869294292e-16"
) + im * parse(
BigFloat,
"-4.9999999951481239613927671137813041850614991692542326565751340734813" *
"1078360087338232980541730960424460706748195495791875660592398971956976" *
"247772998815452071075786132184563812538646287906798417002723044e-10"
) parse(
BigFloat,
"3.61731881405233249371023222100167441945321184576160384962631009661051" *
"9524036628648187341374627831993297118640470136292253047684618391749013" *
"41026328644178911816897506452616014901452880879708410351765752e-17"
) + im * parse(
BigFloat,
"1.11111111004976079029697357582793345016142133992050064176602973417494" *
"9204537447470578680448956947977675421157615113609674046388402826001872" *
"32573255709781890335058109620018885730796886232217632551150919e-10"
) parse(
BigFloat,
"-3.6293265705125044284690738421573742498700986871657611743157456290083" *
"7932892238156846256463455981792810359589578947744414225791329375609493" *
"286853138108722438354041408546109374387590414646760146597380209e-18"
) + im * parse(
BigFloat,
"-1.1111111100628619256385661056378693329749993617939280639467140553254" *
"8361199475113211269798098061718762124708173653261415789387360368028994" *
"818226900870663671019444302012261357699755113761824416663868549e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.4673752477752108737666286258844687684922269761109743566997719514160" *
"5793811966416153548164772537164227437110731210706984867623572010278761" *
"086544288987229601117668097916758259096643837150119038535079099e-12"
) + im * parse(
BigFloat,
"1.37009458766979146587418907317600860351505757632603622112255621893176" *
"5819429281022035186699145069863941999393217873777257017108534604897708" *
"60059595757162251448624409690172857854172422434379350334271255e-10"
) parse(
BigFloat,
"-1.8429747187420189170529187461521542435596068850662095835941603614882" *
"6030432316504905055694679898042441728002018368317316532820834344951759" *
"926057021549189935882689213802470168012591707422241377333442908e-16"
) + im * parse(
BigFloat,
"-5.6250000390078923067183680332925096248363738530966193213192367977027" *
"4122014915881188636106068799141007943344214591356185733572750701464218" *
"839782103987624916564848727745439592720856803549527735709013759e-10"
) parse(
BigFloat,
"5.13702831628363142504917795492659794352727467563956892968779688646737" *
"4054257635083280713773539298702474354502876686024746401836015715553522" *
"61065285827323597173772279003778192157152410364061793889119668e-16"
) + im * parse(
BigFloat,
"1.50000000780153175771289213694068774287742734979779230102949214960791" *
"2917744699774901352735231194803537877258384788163186346252130850202067" *
"17994681363613722033047918382677791482489328896228460210580263e-09"
) parse(
BigFloat,
"-9.2106956729792099571402161692923706215253297378973617132133561614747" *
"1800540009928266338144595960760678232610816333236218590476056021683881" *
"861082981759337400147496840345225396417299049537831085406110088e-16"
) + im * parse(
BigFloat,
"-2.6250000121356741340026812502569333323989032544592325463562719199000" *
"4887602565103764909096639991635454574252840371652766954488473021407056" *
"137592541868747106282807760510319473279837533258416847662783757e-09"
) parse(
BigFloat,
"1.12181849786958819580996114157317249139697231406602539547402046511109" *
"3371296825139668868929697852447180115707066311584936298969117994616430" *
"80738879052138963742754055694744075092477291985867652420161042e-15"
) + im * parse(
BigFloat,
"3.15000001365260271223282235948220532996393361116797320990187636295807" *
"8376653544306103115737518795997020520199386931564508947512866036011007" *
"95149653754045360575667347909705401208037561661721159195638417e-09"
) parse(
BigFloat,
"-9.4421000676552799531910806196213638549953962566052671593195402535933" *
"2633496252464867755501785065854501118930606615445169986171083663738055" *
"796014982239675578535473789998712649948930176459281236643587484e-16"
) + im * parse(
BigFloat,
"-2.6250000109220649494094051410134850100149462837381484943875832093428" *
"4878327264224534939833112769888832700548759389618089725881409548108838" *
"597834658156137143561497006983765654986281564682526906311784226e-09"
) parse(
BigFloat,
"5.43412388068450147472382018231262231466919224006098521963631728182806" *
"0615650537369287648154569337949982156419671855014996103277694686105222" *
"72066903664703388802395353645260210363829956298004809352197945e-16"
) + im * parse(
BigFloat,
"1.50000000606780678538702829372713055910139768238489942268538459883248" *
"4857008187865949375080511683729339067887356640543008968549561581235718" *
"19842555421920256781758124821890740434860933625328976364996403e-09"
) parse(
BigFloat,
"-2.0487438491596349867996704522514030771711176247832111749312991474191" *
"8859995065391073301503524476788552783963181506052377801464843652372014" *
"907552083688940915406281363835469875439720500409322228714491424e-16"
) + im * parse(
BigFloat,
"-5.6250000222898824841432614574460910185235663534504343066198094452187" *
"2393077310459506723851488768597653650658845576816269325305968129155895" *
"728790475822294311695169076652961003580026647666567635722783440e-10"
) parse(
BigFloat,
"4.57178481534365686771057062640183633963593533596844957274390406886681" *
"5586912278982106804664385914282223163394994974362470544808802149222959" *
"76665438891441994152454851662655158226849832479552126605925978e-17"
) + im * parse(
BigFloat,
"1.25000000487590832586221250236041083474360453748624071703580476082125" *
"8756832972477010722723498756763435968677035776705017193364119486595114" *
"65810116419222610372030815982735941264393005946234622185802147e-10"
) parse(
BigFloat,
"-4.5870609509475393186120817885722563729734690781320772513475290672006" *
"0728361928745913305314500451456102822118977716929977449124107351128897" *
"190498001310166065330818628066723778761271980558719491336807511e-18"
) + im * parse(
BigFloat,
"-1.2500000048157091453276238487297973642245816489269389796539505101837" *
"0532860766874413540326189357621546675872104433221095489082805370430823" *
"411278205174028447643307038204034642276363154824195789839170519e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-8.5157679477814480586261680328354398110259541873322279895714302539665" *
"5896417739651632876160272978880801635138132267043981645496884530854270" *
"919420766191961287990151174802555469322718870303201605099959379e-12"
) + im * parse(
BigFloat,
"1.54327219510568888036180311276905177827771719810079351972922999157185" *
"5119306525248214170301867265156463614741143616303352346530411889379655" *
"35426433153508303653451054158743721477735761367874959116798694e-10"
) parse(
BigFloat,
"-2.3781575582769251159978152110340145048812241561114729318037624556551" *
"3458734947589538779719174880064939489051647021334312913722833820209473" *
"609780704016299168780121045202082448550498940966689763054616353e-16"
) + im * parse(
BigFloat,
"-6.4285715380597587791681302358987374246263791811108204390067582060532" *
"1744449043017923212818094932710308997700202542461585820166037774710097" *
"677145289787973745272711408745157674296647236838730518508662295e-10"
) parse(
BigFloat,
"6.65160183393924581630434256704303545357596571422702821056022231746073" *
"0473086817818120877735982009009361233866100936005872673034996146292790" *
"20949066420932692864118772373668669770605941369954672429520128e-16"
) + im * parse(
BigFloat,
"1.71428573618331144059554668185921487839853754815647176044630978306088" *
"5456004146262051245944684886160068780298061432861827650408228679691589" *
"42839946335749467214908616121991797566467290352863635763890247e-09"
) parse(
BigFloat,
"-1.1940095688364746243427816382839286766148396348450552342799334728587" *
"4119323746103641530432120434772417683809953213403301714987901874708136" *
"190353555996961143302923404749489795731261297714224114533363760e-15"
) + im * parse(
BigFloat,
"-3.0000000340628667424321475717949149688468896018712733147882972841103" *
"2024751625268016381354605521093887156253360821215740117868147040238334" *
"962981121618365255214224665079119501312540174036739926630544942e-09"
) parse(
BigFloat,
"1.45508474544526420934518748169278143742610629474428205717785109646859" *
"7147627739412132773615064605928457333172046405254779342150521561841529" *
"84155542841410330946160606721546725548789521175195335300811880e-15"
) + im * parse(
BigFloat,
"3.60000003832067951774202103701725023874576599534736546062710461321788" *
"5903530827889863416011698084660111800810463399361489546924714846701165" *
"46432044456022455081034450279516658670170666667008312016693539e-09"
) parse(
BigFloat,
"-1.2251358240050430985845123659654931732998700499929205051965239590321" *
"5232137284406745331696899492398078350992337476032660559538234350357557" *
"695138926290418775957217650336519549321762515991069434719002361e-15"
) + im * parse(
BigFloat,
"-3.0000000306565180251135385914044833217179803391917249434933094010562" *
"6452625077331794420780351405050729861814074535671680017378665692160060" *
"496285442440984931544655421672419158452328546914773081385112325e-09"
) parse(
BigFloat,
"7.05253084548979825501241101515250044998149651613718407878626526713993" *
"8285606802487435669901199083615966187377123072528409992495209041004126" *
"74377862413668079666528494645581624564999182468287345430472925e-16"
) + im * parse(
BigFloat,
"1.71428573131710266998380192236747183594052235245543832657599591410940" *
"4477135859067696255060391566888729775453562090643247089018476171298767" *
"56297894771590026405705549924468942293936081003651641861055032e-09"
) parse(
BigFloat,
"-2.6593428599516344315362172318177430297584980183853365412406075369067" *
"0169017223683269302506413991730537452496868818354019295749546216885820" *
"739477761504469889317549700044039763254683200190512156252068632e-16"
) + im * parse(
BigFloat,
"-6.4285714911356827012513065344207504441668814649449623975657946110906" *
"7786268642188504184408599922894813213181205940653344047208888314411637" *
"867321116916208578483795523694257179438541859291295439890117420e-10"
) parse(
BigFloat,
"5.93506943104070432035933259745540068546191212342049589092985714797114" *
"5448820041898758010609737526273447482485126648580405659162378542317249" *
"45771275975764093799196610127734812465604657462798152028540790e-17"
) + im * parse(
BigFloat,
"1.42857144225735400477522136497113985594475071970745040676445342022902" *
"7411503523399153594549918572767700113473435286133417145098233086157155" *
"81511601074998487832144702887300035893576152610640809277232054e-10"
) parse(
BigFloat,
"-5.9554693590562279454434680725860174028186015915712299971222294607920" *
"5032412786320325645973341123107913665095312775268486415354660252682487" *
"839313970216525226637788821339047883876784575072913347405904416e-18"
) + im * parse(
BigFloat,
"-1.4285714420883878246903063301831825763007910587366128029840153114386" *
"8626082961610735420325336446161003191067715232566641604431854325119551" *
"980191308127893940064224162543789309229800470031674736787529097e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-1.3990207544635693891608856023666487981920015657136345136729907924542" *
"1623887263659342532965833319893114922917757902696298602865962159249785" *
"981546521924932777678217894341387489866667243139672401823168023e-11"
) + im * parse(
BigFloat,
"1.75724832671625220149434371520153636297561453586094771649684550329230" *
"9279080386352821801166376105116682515231638898305352438319059193241441" *
"92990052386400229645252692868603348130757108502897712404888291e-10"
) parse(
BigFloat,
"-3.1720828365283801009220712811254139038817852190921401001854277253034" *
"5905976937871660642157257754110556748327754984863890822567288767092997" *
"697318011674480826600950647315861422066279871228938350278463006e-16"
) + im * parse(
BigFloat,
"-7.5000002098529397758451183654793998180661488920053945332294968243439" *
"7137741649202820864332581248951666824695253973454820312443085428776826" *
"554419497449398809579341883680218622880600258922155955881441134e-10"
) parse(
BigFloat,
"8.92386151020351386470849359207018544681178317241247577599218552483338" *
"3004859918008321879082720860954243798439064476750958199351469934914818" *
"75665342676793494464416848560926406578879025742548364295480208e-16"
) + im * parse(
BigFloat,
"2.00000004197048072748825733322474054757524784086886860553688290476075" *
"1514641153274864630751602010093109421961210176134682577555806211285976" *
"68078672034161523618102608974777353189142532476395209669288646e-09"
) parse(
BigFloat,
"-1.6050029463665479352389179779352285129003033095211627911015594095933" *
"2431832999279046833832947406399003211684985039263756275707513269474334" *
"215047536806178266322159279648380610693875445382687070582602351e-15"
) + im * parse(
BigFloat,
"-3.5000000652873168699386152731980867142813717962367741432313084297317" *
"4046209256839072351492327366515690402013234511677988720212178710770160" *
"927594633332077510915577985925086852693394230335919062082574585e-09"
) parse(
BigFloat,
"1.95783317781369767757825599637313102078400929002238036396045158715664" *
"3114386611339490626502130020195304926449045813885061259378310685655505" *
"24353401231916261794725184115210051499226723423932968211918395e-15"
) + im * parse(
BigFloat,
"4.20000007344815974971095982761006425445024079068558453939389718104076" *
"6578129060944306193612959043434623140877934194848252928362008129299391" *
"49873742216396511733430516261523475218278874330597317875935728e-09"
) parse(
BigFloat,
"-1.6493869136006313958715659373493762284013222948165297746449047248810" *
"9641599891760720141047720359440486927768783236727738575122949209761370" *
"805432688116129839140026387777988891530947300034836273282953334e-15"
) + im * parse(
BigFloat,
"-3.5000000587584874679083785346530841374692805565625927211487985651476" *
"4842500961157322363400679017457590777841688122610514376339900365031892" *
"365927580762944056642874747530592869724985014121847378189491572e-09"
) parse(
BigFloat,
"9.49839437959762554018294827366459541122405542100927948139657771843228" *
"6921092361713262559757962921688509609452140095671731407338572822427155" *
"43796912213247486449536960324474324847528524935728076435401531e-16"
) + im * parse(
BigFloat,
"2.00000003264358755782924775784420349264950902293570819212030343727622" *
"6959608812479689538838761914080225736338419554612085500109118219775842" *
"23043221192804431418314931355517038146974862075680373104634375e-09"
) parse(
BigFloat,
"-3.5826017911893761437763440336096025816376684543697021003819308393864" *
"0986541632813287718376060423857429231637302208342693385696574119003804" *
"709868743504155821180069084704139245610878375731150516279111443e-16"
) + im * parse(
BigFloat,
"-7.5000001199151726829661460222866450039329718598170676769966737718854" *
"7632705245441648326554902816326196698087522409695292284027613498032309" *
"984864854951370549107735645042843988838434086177093978924674805e-10"
) parse(
BigFloat,
"7.99722167772464818143857937272203514647004667252059954701013812213470" *
"8563970895131099791439939091370115587761433852363949628524095742045255" *
"31710569121431777480001196913906787664563963086874079607513723e-17"
) + im * parse(
BigFloat,
"1.66666669289810254931814330628499184478366141680313553475183622071073" *
"1493715466974321755450789176775583236813916941686783948172896248309780" *
"80950444099598924894755723568286551195174372561449876149671026e-10"
) parse(
BigFloat,
"-8.0259890773766076206171247307266851573101512012871503130904383899158" *
"1051447850267610811710233661012761198676357778944575923857169499508762" *
"888248390348590118445154149946597053221047051456528917782800018e-18"
) + im * parse(
BigFloat,
"-1.6666666925742511284347313128152899255790287095987680809773494742922" *
"0015592000345625177094629029662947221565523364503997373164183499921373" *
"946778488491378032356914537792096020532566361688292429724736068e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-1.9530769777817373295972673760640925081740628011616268587350316783502" *
"8155595315009054729569012063453344041432317730835463193126056702001486" *
"323543707113025633139845663980681070078625933990816266007103784e-11"
) + im * parse(
BigFloat,
"2.04306508787969043719201081297568189192866811438850841635573284243968" *
"1439265521701016440233274865516447581165996507864796850112545892056749" *
"19648201390176331877624574308888119253263624881587725584520964e-10"
) parse(
BigFloat,
"-4.4496600736118809746124612724092568711274238555025179206340275984041" *
"5395658985175387308817743783047192816139677953895615734198905828124462" *
"639478562260039285448687941689586202575409034154293397449920451e-16"
) + im * parse(
BigFloat,
"-9.0000003515535759631512964187696217327150143683582802510058825443252" *
"2625705771966662904544278106569569070539989706666403499424581526222829" *
"349842393943741862335702478086924496027954259532677167040979793e-10"
) parse(
BigFloat,
"1.26140821926071137706239299387362228344646002182552849084751573799928" *
"0727451754590903969371351531120107472454808918338565080886586537955897" *
"82726731645671975673440379020345684122765859957222886061669398e-15"
) + im * parse(
BigFloat,
"2.40000007031053462876607214182145565864311859932077532809106272690392" *
"1410333622501202777403402144952085496665117375733321721852193581753191" *
"00845243332004344220400459004694731505024910817786126415718748e-09"
) parse(
BigFloat,
"-2.2744498298451475674092906642312518768469960463079971482751811813616" *
"0069532961294712242801103730981201235812609844519588730294192801821674" *
"149035988763343743321874470349913575606375903029661087309889536e-15"
) + im * parse(
BigFloat,
"-4.2000001093717765619176088771219904637618154393900611619772567784395" *
"8817833319570960636743751114895192597137009894259129658945784783634695" *
"461588029633571213363942766598303410822047499766702093945827438e-09"
) parse(
BigFloat,
"2.77793106267721546333471289934625252141644312838660848025100797801051" *
"0027916885746575713507841143499029577229250311739801794529463405763325" *
"46397023556546651652598775016273469860909308360014435114556587e-15"
) + im * parse(
BigFloat,
"5.04000012304312606278725886261883011029342007683366687400454057545885" *
"4359997880336813117695624765121496878843639532820540364292073316459148" *
"68458037699590753278204761005732965850813542371458986789958076e-09"
) parse(
BigFloat,
"-2.3420381854437837211928933861798854181655978217723391679899367878428" *
"3181409031782185574491607809633517196418781212281860722138075754512528" *
"895277733907695359787049008557187373654641348868448133857588337e-15"
) + im * parse(
BigFloat,
"-4.2000000984344318183542472784414944013886849030011335343411713740833" *
"4681869490042439239940288916914511553163716518072988361335379999182008" *
"795929242512570000160582101517443790124497531745642445741739998e-09"
) parse(
BigFloat,
"1.34939158523494410580600259290943370745566449063654259250861964987829" *
"6468523044277398332626094551811384711456616363726927654894350025627462" *
"83970060352803645917341083427842281251831527703584307970566906e-15"
) + im * parse(
BigFloat,
"2.40000005468576703040746559890441351459970404763091950020686928533218" *
"7327812130070774984854133319854657307041761241505705639637501670599845" *
"30235632054615930660874890928271681993838890948168337584827207e-09"
) parse(
BigFloat,
"-5.0914384782864515037027942613805510980406827912260074790007405906643" *
"5810343770239857444835894237814837997353904577810904349922524898103874" *
"460768051819868277336044051900037491631778202253303318677076320e-16"
) + im * parse(
BigFloat,
"-9.0000002008864107020818969870603717619401829523629052215099438754509" *
"4761461402104609512060180629540574672212947220803011042413937808522487" *
"354091902032040941980151683567294558538070406281173274414570173e-10"
) parse(
BigFloat,
"1.13683252458190025089783970710310750572989654338126544312439472293055" *
"4576605430199389843948076352346905439043224737784136715366281943786429" *
"09687641730734712024749484418842770602947009139959142423706846e-16"
) + im * parse(
BigFloat,
"2.00000004394388837762233009800342918210603801868517303830913100823146" *
"7972240250846744887652928726660355987061552765202454123074052394671013" *
"58153158841322827724835481211678043309966370966319365944677707e-10"
) parse(
BigFloat,
"-1.1411573437435219560555858269992747624166666821480946151591231160925" *
"3285175140252134960188872037274983958296617121205456201226716445233433" *
"029042561176965624771135804509942702100197585868585270275710049e-17"
) + im * parse(
BigFloat,
"-2.0000000434013600283960948500696157068188998300846527933084821271869" *
"9442500947585746704799482177973578856109505210139873837500397941759769" *
"948871828860917651737402954636613420974207430766660602311343112e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-2.4753395576294829835945021519658410516776272945616327599234562124761" *
"6689767876080343285411907987086886793417037812426598207875171227681600" *
"216541696503948384240320130656428351454659707154303320528330752e-11"
) + im * parse(
BigFloat,
"2.46498080688421441128275712854577546327543071262702853169507202928920" *
"9343120680887082744314392663595413184619977646367209379649344677256509" *
"68148855852047569242703469047117609024668738124314947101840232e-10"
) parse(
BigFloat,
"-6.7526801451993980560535892602538568832087613850422446524422879394968" *
"1814460846313967671954965120193670421070309844412927872146208513203048" *
"024501742240075811036748918501972079631543708124653229597437876e-16"
) + im * parse(
BigFloat,
"-1.1250000556950894948811261314650186462085853576189928720137848704558" *
"4426228744129578720212720208546527988227775874989416385413352189147980" *
"581643506474084821133883442175833617654048608299916818727957497e-09"
) parse(
BigFloat,
"1.93096760450647687062286484822745395419224204109044305066009308171214" *
"6116888750345521501153719132122682813669660958091697416677831505717828" *
"61053414619424149265907342699395076905842730595941274564588837e-15"
) + im * parse(
BigFloat,
"3.00000011138983632165051949399027736281944524822305913920863722689169" *
"1491734984310024134185751193972512117140385504247366529751652825377164" *
"64660655165671915493105976298037305373381824137194688587157008e-09"
) parse(
BigFloat,
"-3.4916324918198351434257018864673160485630328634161674516822008828687" *
"2982850793053976316494889121450876996944759148638742282094139347295416" *
"330990980096042664031711965861915850150420724485421469449915538e-15"
) + im * parse(
BigFloat,
"-5.2500001732727593079735129329886796272287433148435103949064375420394" *
"2135329191315072367688256993207191870712206682684059051643519255554397" *
"882230397596297487326757885866186845302249726175958558644042688e-09"
) parse(
BigFloat,
"4.27054749891943447966063467898178500082585136027366164038511516364342" *
"5699909209778591444083672152214046439045407547936409521707189457459238" *
"03772783794201860420224331958285481738703772645588333111777631e-15"
) + im * parse(
BigFloat,
"6.30000019493161774357641589137254720564314036218548656991103246147463" *
"7125649893980406462509235009520945661406468019203296908883348592661713" *
"50153718931274547935617163507403740460936956813915813699911423e-09"
) parse(
BigFloat,
"-3.6034588363674846678553365668303453875000907122807752027808744149981" *
"6528795401910297371615826412371123739887789857842238820328743278028301" *
"230925136817660995529336106683315592255168259043793030370470006e-15"
) + im * parse(
BigFloat,
"-5.2500001559451607663745032743699907806456091958696279097955792595084" *
"5474638714219955656704676847148565294533651903465818348359496972943404" *
"289827356491862778211543848376283276136360347352872858516575663e-09"
) parse(
BigFloat,
"2.07732666979622956341771827112933452383867229415529647053230661723029" *
"7556406363287053053063767722145309600294099535860206320550789557508466" *
"41995603608045006237728825530858808888566896617131564973029520e-15"
) + im * parse(
BigFloat,
"3.00000008663614542797655087670553799808541015238326616064443788596080" *
"4813627942439383520042987930524474848255185660296571830192530049679280" *
"57692977086487156692710706439162854581523911689758681444113423e-09"
) parse(
BigFloat,
"-7.8411362397748608117794234936557744976222521111157915898109697698098" *
"4749948018751386217505520505088589263100074804014217789080769663663031" *
"899873935264843073349541452482201691937820251358403498990315616e-16"
) + im * parse(
BigFloat,
"-1.1250000318255072372830703940800127415313814843088190801857770104515" *
"8667865308313620451115114720427157068830356239237938419709157442133508" *
"967881552098040309870506043194243156818005117769249401047787137e-09"
) parse(
BigFloat,
"1.75131161110804940368303659896738619825160948099676804989027475661923" *
"2213682543279178941935282902261746621863728243358714480033250092934546" *
"47226774208905022146699616652546379720202958323298695858699235e-16"
) + im * parse(
BigFloat,
"2.50000006961827003229550336888762476500459244189670168624711147722110" *
"5505962232469657729820689900572673344051463399948530426726997361440920" *
"33491377883414846285323656863691074357553370165963470413632181e-10"
) parse(
BigFloat,
"-1.7583776498963699328625691133660338090038499379939853172638116914587" *
"3650526290608573538339560597783895192304807295748320149524783723705160" *
"365245282998044193471485983771443658567756804681617223023329234e-17"
) + im * parse(
BigFloat,
"-2.5000000687587634963628510871672996421117168193675836057070914644013" *
"3470376438653153906868029846643528334256943958748568700919567946532962" *
"757006859827492814690766566165069106833778497486477084342097696e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-2.9282802625771789364216159893413061559667612766398902285004262751773" *
"7004074871861028002917538952056194679800744327792117327907726748878941" *
"745040769224257135730686319537992851491924464234591104363362792e-11"
) + im * parse(
BigFloat,
"3.17408006677544195806494251236465013513387915026571700536242447955859" *
"8312732703091023828657316499100165140454967570649754511599590252028670" *
"87156067100337502897017691707583354317135951793666102407413340e-10"
) parse(
BigFloat,
"-1.1667081712914121411446652689135894311348708846341772007706954230082" *
"5796892945248445442994815047933168720957705043875320081469335363111841" *
"262040912614197343973031169578533331173789246672241624235675242e-15"
) + im * parse(
BigFloat,
"-1.5000000878482973818194823311809716388315437925174605162353896385618" *
"5998983948615218009818590272978381710940200032679256337610506372905527" *
"045516776939818058557943571567711675637563191689577096091656194e-09"
) parse(
BigFloat,
"3.36529470802668068113225098531686895795604588723808917605961171084574" *
"5789952607747194143238095932613630869980466121627861362735948564471750" *
"92746962531776296584892397276675267658038313942057856360114704e-15"
) + im * parse(
BigFloat,
"4.00000017569580502549835999692048988500034926359978635659017463385218" *
"1008160931771744461680861621617590733576482099537429411234297353734354" *
"18115185384676340100467967992163890482979695692027938037644880e-09"
) parse(
BigFloat,
"-6.1022897407954097576939497054903149984176888829487587656825214829533" *
"1243175134375020940835670534765575603501009519581274107520040232030613" *
"904557098871595631576792880046249614120782179265918131506751331e-15"
) + im * parse(
BigFloat,
"-7.0000002733038401373188688035397880580695689174301083444220960681791" *
"4764884438759125537604804107200670481340774540384432543222180377886552" *
"427051487046763209935866138138904761396701964612698445468626024e-09"
) parse(
BigFloat,
"7.47389541992064577936093420019816970916373235780025541785104906359742" *
"0571426739261883261062779743957458095569513126273156540606842325066661" *
"11849916988566472810756542328834440468407913339306948808035000e-15"
) + im * parse(
BigFloat,
"8.40000030746626618034646973328886815551343266410938945658840559096024" *
"1336393292255651195962353609346436202535937109180207696981009616428233" *
"26804759758403563750148180246930604619252682884491827960054310e-09"
) parse(
BigFloat,
"-6.3115978256170102124770133694846665958473503225083733146273186445765" *
"9220013631251939175417304755827052084215894529210157695435326426644455" *
"197210908675220919691078181866033320078804900469066179645507074e-15"
) + im * parse(
BigFloat,
"-7.0000002459726998210523388198926178383962148613949262545539816208929" *
"7780179407042007884501609860885744302386536959575082778777097570875637" *
"068791570269684158688599151322494772751862380651078985034166511e-09"
) parse(
BigFloat,
"3.64049673743293984624034288232296928418108914409564522078599780261129" *
"0111300439151282344823583973867882592900917599987997162038340847845955" *
"29823067231831375220965307181664785797887234668979645425862383e-15"
) + im * parse(
BigFloat,
"4.00000013665137070275838452734895966485862205589213087413814766959565" *
"5198437475706640040950889385989226098513256266173423015694281233264218" *
"88257319343686499198224559427682478970263812923120204954608303e-09"
) parse(
BigFloat,
"-1.3746836095590018944952138781718905804559992892376370971946359637144" *
"6094376254902840115892200193118180312636307975470303198688874045858332" *
"501127472376778410054115532222332369770933740704224182948121809e-15"
) + im * parse(
BigFloat,
"-1.5000000501984260996603723560399785330176270205150984152897290425415" *
"6789088291813200031650302105703449125247947774973920009150333964506035" *
"511271990047094532767286698466318585675620073434349504712348505e-09"
) parse(
BigFloat,
"3.07123250039214679367783950061054360201797473989745211682283921793323" *
"0084235457434776794922938473037671743976251378560694466156425905888679" *
"83521886806239228974601763628330019405269810856255859599179891e-16"
) + im * parse(
BigFloat,
"3.33333344314232681207725546719425845947195106080947515916948719492168" *
"8592680630495717478214242458496819394511494105096472277915360666999566" *
"92516436803545263696506151760132518616968941365648271295445381e-10"
) parse(
BigFloat,
"-3.0843154628847222835259868732570810687428369699047965175013232791140" *
"7979791863080507501465283767137600657458357578455432081737857744871416" *
"108319168761516327176559277899690831236247003870789411358648544e-17"
) + im * parse(
BigFloat,
"-3.3333334417866091257823146606138219311221505426697184684484482349098" *
"5455349920795868313808737660700105084757751490221636328848458424011579" *
"623785484196654556285084725789923699402557796874384764867205646e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.2785286933476195433673989371059617231625783586706347860113376247322" *
"3618476813224038997898230208485295287332377825286193350307013515564975" *
"921956865218080918826178050277222562503869458731737913466787569e-11"
) + im * parse(
BigFloat,
"4.62249591530751848648842923474647158309521654195730234262832478976039" *
"0095311434891975868830171233317365701170145781198346340451241851329079" *
"72577714716287599028539619818703328199261609495297303324304561e-10"
) parse(
BigFloat,
"-2.5627125087537802643535478183459013262743702246631214312811117347266" *
"0231564680257606610512978619913227127003709918948375585282293926594822" *
"471825715753636776417770475538160072465084068286311463370546133e-15"
) + im * parse(
BigFloat,
"-2.2500001475334441342317181431704515326570754045196479213869094946959" *
"1297045896455591637302552889316551411269879068670378331172567010174779" *
"690134657394459488817241410557995963877877452039698584670045720e-09"
) parse(
BigFloat,
"7.44715135551729618386928584687818537753788830428695146015480843337582" *
"8693728406807209666807600932191952399681948598455457879957985248704613" *
"62567562276982956468767031615041971952442958108880106022772594e-15"
) + im * parse(
BigFloat,
"6.00000029506428528311295467122421034175470566539132074831379815439764" *
"2478726445426996997894514279981291764635281917364788276602787273408960" *
"57817434907715949911634502103028806252982301910016396431308441e-09"
) parse(
BigFloat,
"-1.3536078111006044989681711341305392293925258612702698417329124171610" *
"5064982436810289494238947900130799332399545320584421995360402141668651" *
"255925600176631851925418274650382071664127732543895868287785821e-14"
) + im * parse(
BigFloat,
"-1.0500000458986404643390728014885640230553562568779806046374889989394" *
"3130294624219150962706625076426275843109891541171435129647361839140539" *
"192301515012510751621606562732805102703916048420313105397241413e-08"
) parse(
BigFloat,
"1.65979316679111608830677105450376431581433246957424255834680540675514" *
"1902156815779625924008738789377823715051118987986810011273817825656778" *
"01175659875396997047763822942318130570397043876236075895921390e-14"
) + im * parse(
BigFloat,
"1.26000005163578537555166042030923464128849505348204737886224605711187" *
"6446547079935445395122237334256505768878521226944772928181494537900493" *
"40003854785990668631772204712425794524891486284501365414709345e-08"
) parse(
BigFloat,
"-1.4026428688316137691397288140252564437009915071814082348182972706754" *
"0898380853008007890249854287747708264125523876034628859282718119241655" *
"382054918199300660022879342443561891523450148817637854529609264e-14"
) + im * parse(
BigFloat,
"-1.0500000413085234946848351691364633427279071989080995045711228367244" *
"5801911971350526529493673923127732553715258734367532786990700226805184" *
"972303035041969994957093050883750803396696119597212038202011984e-08"
) parse(
BigFloat,
"8.09408076041774433645096811079412900260053273110282535693959351462455" *
"5372513515309822906429287850277671357093813241645561778245567343082089" *
"33789442914951444916075378414939972273586189265227453788510323e-15"
) + im * parse(
BigFloat,
"6.00000022949136438459239208165664713680418013942545976639049007782545" *
"2225457202797815102803728994100796582284640170564885758962175688219805" *
"47738656267791496522167696137311836270396761670457773651076492e-09"
) parse(
BigFloat,
"-3.0573919139973408864854412069001348411109489078425284370730037538578" *
"4808060168229423450435295754695139041385899229105475282688937344692676" *
"925173388936758182857728944070935361719541782815418713132375798e-15"
) + im * parse(
BigFloat,
"-2.2500000843028274805848140149125815080783439308886562034320004950633" *
"2752008279595511026401138557811917203648425739748980682839178105517384" *
"136699758918168715397766621003500950595947220863641508707670976e-09"
) parse(
BigFloat,
"6.83229704730500113392239498584927575747423688574871041371359798261829" *
"3400091411558975456021848480600600688459117937495870755259468251034985" *
"05574012618822111264353911987493447877635418504217105113965599e-16"
) + im * parse(
BigFloat,
"5.00000018441222180807074944415428389206925011569293498919936314356403" *
"2379864395375813161054726904778115396139955895661223097587778385749113" *
"94504046044992980519672459547363931218058564076298698877457280e-10"
) parse(
BigFloat,
"-6.8626963808202141365483572253810426556102242518251850112749022319523" *
"6653478017831284084726371672142431018832231996155144916402532440734849" *
"277247542994451466869319579399881903973636619558039146647051519e-17"
) + im * parse(
BigFloat,
"-5.0000001821353563183407730011972519092983766845036003766803949456327" *
"4574453613891038756267357634296447699665534873843767957784075538091250" *
"112640767446433272313163183852945165117935212146969726977597311e-11"
) 0 0 0 0 0 0
parse(
BigFloat,
"-3.4997686252852181998797829718687501558680635980848908283582926080226" *
"6453483349080224342920564498279445583779521958498638384179799683376274" *
"780890533891431379984009628367398838499388801853626711018981382e-11"
) + im * parse(
BigFloat,
"9.06324886256170494277228723458676735820242926245167711159026936849326" *
"7321391293810733295204012643789357008847925293512805018022141779782136" *
"75551857808507222388974151190066930428808926884655068223820898e-10"
) parse(
BigFloat,
"-1.0087281380281496278643206822035991596981968651737749627031870120052" *
"6774833342707626319965261501348499399512394217789947682289287667683267" *
"169187599335531902293674999278744643889212535723700668190538139e-14"
) + im * parse(
BigFloat,
"-4.5000003149765353376239562110046607424165537543207024986182154250800" *
"9322219659929697868932700270748398339602815258466691008862132873175589" *
"602223845019639602719887263021609913650691023455782370688729235e-09"
) parse(
BigFloat,
"2.94614681524225494709559703851999569934151424042588637620075745432582" *
"2992621720818447749113018990330542071793841762592083865345095578075633" *
"25448248444633813265887571139761956913403754665040959734245760e-14"
) + im * parse(
BigFloat,
"1.20000006299325739297404131327616407986393235877864168919708310619949" *
"5365488519329334387793879064503537508408836560964209894035466174020768" *
"84146885828317118573884468983283007293409054444369823773150601e-08"
) parse(
BigFloat,
"-5.3635432267429542505253172899383981935398309226703201466404258898061" *
"4639903591508429407878367863391092088346531174538431623565807881048972" *
"439208116786892080388544590506597441395010190286819241789249702e-14"
) + im * parse(
BigFloat,
"-2.1000000979875416030243543673625928938362295665017678007599269752606" *
"0961667284202340600481304378128176848552343147314706758776445619475838" *
"865788585181784976915129222984931431252933658262908115327149194e-08"
) parse(
BigFloat,
"6.58192364845751997336328938283484213525002545936412404393170043498854" *
"6991721011254602581455821566355793004252324563527780882410763874300909" *
"19624304564494612894690764614427483386093898879570044021938058e-14"
) + im * parse(
BigFloat,
"2.52000011023451267026531021964990978038790655139265507185975760220170" *
"3395176160832246897348541637929686189213636429865412348015410241063939" *
"63685754417541988290772626899057415428314131552361959373786867e-08"
) parse(
BigFloat,
"-5.5647722609174177913872514027595707057895648291479010427923445774672" *
"6644168141685355820338087106944553930615430384329289337989063343559101" *
"612182399974393725368912483576141680066613103342913682348822626e-14"
) + im * parse(
BigFloat,
"-2.1000000881867762700806962467754275327389547184596176853212979279075" *
"3228469286933337259763158775944192282067964939250541935129189687175747" *
"074640057659751243256743905404326808317177033146059284963884142e-08"
) parse(
BigFloat,
"3.21218829636811864554187254083316266091440269343436594488365252582313" *
"7089846160434150449787289449404925048309046675356953973594745964938799" *
"69680454446696906844473011517040861854259962667120444540219930e-14"
) + im * parse(
BigFloat,
"1.20000004899230893316401615564629499190545087407497309165754421659989" *
"6014188433213122395160603185834577646676221121945075194266604592820172" *
"99146191972499364738554098338911507904721750159837043868058269e-08"
) parse(
BigFloat,
"-1.2136099872778484407469019394617394962467575876127974513490459954964" *
"5913872126221089775339663666188144831063583399078849911868926011340221" *
"314709887665880883574016876412838057565950968876395145477601507e-14"
) + im * parse(
BigFloat,
"-4.5000001799707699401816671596279602051133947471249229020423828937833" *
"6825987816208661326783464030043917200855610831266822605997149114721094" *
"703302492559665888353286411426827472017898715305238092112946875e-09"
) parse(
BigFloat,
"2.71247274143327021451586104875713798313222090635081398142108205907367" *
"0552139639183218800726160552587102895644045116271387680273445027761661" *
"56844447892918074611832163580363582041505002554864895879918647e-15"
) + im * parse(
BigFloat,
"1.00000003936843601006476575791978807981473589706239850565986522515546" *
"0412770539554975130790893963644738576733374698760679237288125316464127" *
"97525397991259177007969959214575862685624362727654033110075554e-09"
) parse(
BigFloat,
"-2.7248848956171773670449691664941484547269481526574371971153570017463" *
"5226450836137491962589019692985618138885514190506395519130734367904831" *
"999277031504710584850140018969040724075816787828519717955590910e-16"
) + im * parse(
BigFloat,
"-1.0000000388822693821339510859682000149689509513202107046195189558253" *
"5439842087829907985127663348350030166263044671618758750685963569468363" *
"482951807309776315704751124795265565648376297002841567692470084e-10"
) 0 0 0 0 0 0
]
tabres[ :, :, 16] .= [
parse(
BigFloat,
"5.77608002833012693365978198429697547863332695784194902360687193138692" *
"2568580416904931896113553961878476869658527506852021843203501051825566" *
"81674847459679911179029344814177265676383842168674620173738340e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.4437212290517538206168056256239677756432606520789942306697156785340" *
"2068569617070498904714072262573144407359574908075789910005077553578435" *
"412650580199081080915296082844583726417941585490086371920587088e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.53295313563544223903709132986028929591539820816716760279370508647404" *
"5909672011964780924216550318843087802523428625721394680830306932599701" *
"55913718523947800843744406354635631531575094185323462219405782e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-4.8762416523421411960667361901929803164371065605633506868074769309337" *
"2105717784730130409142754821767167446179791858804204483216828895841241" *
"520253865932878278557290902969915315594327940006952352631364977e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.15596625275858515884488657857264559204594477963084665024700298068904" *
"7708448061181747248766649119382805449824850177583863650883051235784921" *
"85194125229398598005299945335218703825405765441038809645511586e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.1023836153022529618270634584567565167212433526366506966154232468165" *
"4487650960314099643905640378303517633323629796292935622741619214282353" *
"612159608632271771601577598050261189590995587468250607580413577e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.98658609609259920700686243014285342327670369998412326454654496982539" *
"3105816386239666662947086227509507932788356068779349202629625910049190" *
"47247089575131903174231216559258887301215343543385871428199471e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.3459621468036405967850246950776051305151834252363352892453421553950" *
"6544797550088555379560670565961571252576543581834587125592416597707602" *
"998608289613580618871624162629453634744640035645326650617655909e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"2.96467066549164788897965154578911192667806424420181033937647694261450" *
"8752074889641027207164773302339439905577471715037852603990170127736265" *
"30240286854043467800081556695313309069922826536583150339764096e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.0699931318872072560447505332866884895103589988951540979759674645036" *
"1970644157593011208531490718439572055092337279286132901653183840132693" *
"748214030400979254594774876961825815441335723522672376287896570e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.12675145079332107025490513144834132488453476107797095451416439070760" *
"0584143794020337230213773423649966859843403053279596489473032682909226" *
"11910266231253885574873229194216848537836192157179811500799155e-01"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-4.6867412788839866274210961159814775335057522006375621895904082852936" *
"4684567506436994973150175972045460581615784437653926190081392903262391" *
"798547001368870857407012609834479323015478218300087788623943827e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"1.43998829364498292156884529018567819273286645420684221389688761822800" *
"6235060908782249170256224929946270334277388951110291498298552972274312" *
"66231971699343833382634088101460235499036204503576637615438321e-02"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-3.0818758034463882040904748135788700162597869828910393284290991522032" *
"0864059841132151537795276772349082754726493703566013971657710634782945" *
"188588927565999876405520144497216807622451361428433738839382578e-03"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"4.10477884474343832464974440283082258390900366209008184316826292134934" *
"1102427522180608600361686781439867859620946040699127118880205299958386" *
"37813946455921764563739872381847690489665798307773616415591724e-04"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
) parse(
BigFloat,
"-2.5630949657438915251415251415251415251415251415251415251415251415251" *
"4152514152514152514152514152514152514152514152514152514152514152514152" *
"514152514152514152514152514152514152514152514152514152514152514e-05"
) + im * parse(
BigFloat,
"0.00000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e+00"
)
parse(
BigFloat,
"-3.4995851886216996154159163834735116005002865457058034099970447403858" *
"9000422086308401833069625826215756109937402119656974939725812543964457" *
"280579373298802226955724271348479038941802852389676655753835205e-11"
) + im * parse(
BigFloat,
"-1.5063249033752938930455656416685396514559513916477642153262234579820" *
"9505441638956843353828151003419949730271391267971735167313167099345877" *
"987607518613465796780312645133647319720218970300522507948078205e-09"
) parse(
BigFloat,
"-3.3163622161389364097664724974280202910134770731520121090162643810907" *
"7440794254752544422537057153614015692441693428078076306231740203858009" *
"086329479531328275383747476864844600662310381915175010315761737e-14"
) + im * parse(
BigFloat,
"1.20000005249131970312264140829713577968676478344783433150044215609626" *
"3579338806480766179763235711077371183033291810846906078485530963772781" *
"74782718672270982945029050572889187740034746738044778352968534e-08"
) parse(
BigFloat,
"1.65736218640543930386180224454519640744996718230450923440194749211214" *
"2431927903680775755927722512889336380418448248504128606871912035041158" *
"95168061374788201162055853654241273553757183398956140951175293e-13"
) + im * parse(
BigFloat,
"-5.6000001837056056620302647296271735679518556274719785461704166571959" *
"3266345546605167039991365485980908485206624684494975357924441016805709" *
"288679024447845420608757459055950528864457208615981477598896480e-08"
) parse(
BigFloat,
"-5.5558530118604720487634785729402198204424090949662542374253681343764" *
"5047715441086274804618954384565094187913510685046308200333371403777431" *
"957878382576655157620840621021149786698293776558477286205465574e-13"
) + im * parse(
BigFloat,
"1.82000005306812707685181721667357949613314389471662727896018173740149" *
"4259794794931444558765752402794291655463875872467363522081737745654683" *
"43329521550532178479350889068652561030589392189443207713273417e-07"
) parse(
BigFloat,
"1.35737583117341162269802362625508489392853906408118378500185941858109" *
"7253293182711427710186668909594169858222904216854975244157744550055212" *
"90703648158001692315698095995454342765151540185151173350571645e-12"
) + im * parse(
BigFloat,
"-4.3680001193997987225300002889092315783477572174195880585533675607147" *
"4082554608852988008315726476704004375133133671913225361196459582967647" *
"760821383739126866997130750669043045743740625731333553692375878e-07"
) parse(
BigFloat,
"-2.5175599094105171235981580034247800772583635516926620847855822355865" *
"0807616445860890733571787279615809908896709971263028239033890833823268" *
"995423381846840216104962731476551937919739584317518298385532230e-12"
) + im * parse(
BigFloat,
"8.00800021013934690121002292980663851081097875531110393955924843060827" *
"1245449793547685093771105689031614499571340174661176614713237381434682" *
"20584745912985245767432989657410371735351106757874060530358918e-07"
) parse(
BigFloat,
"3.62598484085300470467060240226967037018667207318591937166295746030636" *
"2499971923767435041112345008914054033839649143603659055271317829525951" *
"96903030103569313458795802370603030139581175206238867451988502e-12"
) + im * parse(
BigFloat,
"-1.1440000291855794983555086142405257246720004451042717285642292606657" *
"2995683498618010872771572435574084251894191617676019828195888794040209" *
"329867516275647203782427411815748202467933351727495291811855496e-06"
) parse(
BigFloat,
"-4.1040091337247249351708363729651816806494248079181817128252800153742" *
"9054613573052852734981495653936868505660898824448038084647328507542716" *
"288279124737832575639681570634987975562171856757303264888996615e-12"
) + im * parse(
BigFloat,
"1.28700003216332659179871511351985041435213480999726401685843550229723" *
"2861644332002032995617006325252220350587486754701041053009717113531854" *
"84976528516343197382141073938609036056333466299692280537440736e-06"
) parse(
BigFloat,
"3.66509303765668317688921647194597920742757312900953724813976629051254" *
"4737558716749101013650968012557543531072644412738514659443541085975360" *
"58949604932324152394158612576595860942199791236191695062730007e-12"
) + im * parse(
BigFloat,
"-1.1440000281426520999036523867643227981327011074629789155296796598468" *
"0082042420768123093605089004811173304760982556743973914044265396800734" *
"024506505124248222964224388680776845611315507706218295130914773e-06"
) parse(
BigFloat,
"-2.5751140759571897646437791101247857512528111045649044101672016640755" *
"4724359806324576296888414748476425651169407648179937207554247343578577" *
"775754324405528073263909612042112467028158574162299129563703424e-12"
) + im * parse(
BigFloat,
"8.00800019456503258967863639140675429671180708235651593978901726432253" *
"4587410686205845998841637532108666983437317284061772881159121889273265" *
"85589159620053280772597369576419152979698193258557627253184495e-07"
) parse(
BigFloat,
"1.40886273458358437558139319788624028070470237403921915586052153235325" *
"2550808832821980947877317745575145122145037836229488936768500821358551" *
"66515771911967616523116882692391148569965025468011675459188944e-12"
) + im * parse(
BigFloat,
"-4.3680001050644691516019903435923104615728756778480274938180769383015" *
"2741750048097565046296211137547358961372706653176637510103438830440418" *
"430204900102527370220256498022272791335988554221514661409123066e-07"
) parse(
BigFloat,
"-5.8850179582050735977365044354301776283949218375534256547466197245441" *
"5192991090427117660181776616843169180387192562345565537533637547815867" *
"682821964284339058782046839530157052866307036180060002457664506e-13"
) + im * parse(
BigFloat,
"1.82000004341484450495677324494514902153601981304796582912043782854258" *
"2576978494960151089300137584436844424495080872961886904706603849352602" *
"22910469584453730395897633345467481222325658719461878473240814e-07"
) parse(
BigFloat,
"1.81461288080844648888120810995770994464348363215514927964199746450742" *
"4413053004991568751158762106925525469927411885095077253536998404950479" *
"95057254983562176349456944349341891259947330830925865307716124e-13"
) + im * parse(
BigFloat,
"-5.6000001326558820004578382951127040680928211220965026353683288112465" *
"3664175999891381345606004956205032316934544304319661490993701569681806" *
"547552443063968026235409434095687825283174906478704676241873960e-08"
) parse(
BigFloat,
"-3.8954999406277332444157419447918959952335993479546102925385168459712" *
"0182943531926396405253594435358706540897532027118163366792508027997758" *
"283909904903499766536723303996972382317682612565455271198420938e-14"
) + im * parse(
BigFloat,
"1.20000002825794975336530470148500148797422144052846611697977127058899" *
"6885258024111647825951821860438298263542309949697628888287234834798241" *
"78548025946294166966810921471875638932207240762352134489828314e-08"
) parse(
BigFloat,
"5.20213366659243697750807238800197939831752338687045188039307614035106" *
"1131018049919669930931592838757399657162493012839682411039970833901831" *
"86955593828883397779152595233995087505345010688672009701941197e-15"
) + im * parse(
BigFloat,
"-1.6000000374849105705202449550584604652209099015256147668229785190158" *
"1958754964201083693998567701946378483681892545353567881005511622664811" *
"280241029880047692927093182235319280742283666234613703670330094e-09"
) parse(
BigFloat,
"-3.2557790031086909253571776331185108614099932350672867453982096176151" *
"5619622068998014274413530100242204232661024777328268164308344235531914" *
"123219594959446255801860657809109632991652093990720628585730489e-16"
) + im * parse(
BigFloat,
"1.00000002332387606181205451752075603519653883043306630435922258118157" *
"0464273807552183779301152244858749735006194524304443205036741373723977" *
"88264191111567128356390549647853852498596148196499524706494511e-10"
)
parse(
BigFloat,
"-3.2784826118825800630046644293688722541485772873756468592966196869986" *
"7963414326448019135901246524440140459497577956391998456877417639730688" *
"662774235127814666171886974210505440053360525322715232245891409e-11"
) + im * parse(
BigFloat,
"-7.6224959955054130760949724618356316592814390959476715536034140675274" *
"1420250398005115835051915824113547943172442242563253686761271294811284" *
"935597101733407037991854108258743164778073205486770739354379815e-10"
) parse(
BigFloat,
"-8.3590591383846757676881621332062565455542523603422848167149212538304" *
"7534768657911356382962222418899887091417010291943479566151894363450842" *
"387638737022563256055408741716074380758457747719458396135211145e-15"
) + im * parse(
BigFloat,
"6.00000024588307831241067025638916005961345988890141169300314011776543" *
"2791124399308358240610988249421525507364545648540039273042951474774778" *
"77540419783387372560455409845785056280819594417736979235267483e-09"
) parse(
BigFloat,
"4.16725922242731210673298038253633449760012076018908993214807879253447" *
"4999510578457234748449090683208506805165381686498246159300063872772828" *
"81873903444820561665397590258113995366315280852455037268047715e-14"
) + im * parse(
BigFloat,
"-2.8000000860573138201028933505884437938095916244159384963045358058575" *
"7506777347298244297952490581800962443629881631277899557540266744110562" *
"121701497002766815632070396361114228430450873936490884574756091e-08"
) parse(
BigFloat,
"-1.3958543378726505585622169274560795110501823039991957353468225618870" *
"6113885464017606800691308224326293618963564771266959376223260198760870" *
"456865710473988297025192585892203053631295434358816595783637969e-13"
) + im * parse(
BigFloat,
"9.10000024860702968548943030091700391554649779573976572020667295228177" *
"2800128404688200827867583691908900029211656088805397690770793591510470" *
"95096091635184403972172994435321906492809975077319355600689363e-08"
) parse(
BigFloat,
"3.40894451866247236441202656392157122607494580394167896890988342527223" *
"3643211495512653714721570320708908440621508077303376022928627948183781" *
"51580377505860693636961183220090919676601278719432698682756636e-13"
) + im * parse(
BigFloat,
"-2.1840000559361444871087289657112917757457849257286747268597063243356" *
"6775485109428104687258854651221490724926330921216366582600845746215723" *
"743590877685254151800324893295141310825050171459306867647780418e-07"
) parse(
BigFloat,
"-6.3211884688790863570286523576987415860386523355413741409924025754293" *
"8618751981320861914752889176441202914152422783012825621997995304051987" *
"669900152521280938137616048273072808245260394315959489914365083e-13"
) + im * parse(
BigFloat,
"4.00400009844707557657164055455059570244358156361483364235939159187516" *
"9075972097158507694802573623474995547086165176854393030828053337162348" *
"63468910214716677841477881034308098361664475801214446076541084e-07"
) parse(
BigFloat,
"9.10286306759486810532019594167619524740720871025778051929213376338362" *
"7832503807073146007090244209784395068698775236842417032050716359852763" *
"52513449846740802053147966679788351930782926886659407915090459e-13"
) + im * parse(
BigFloat,
"-5.7200001367314970178020222694281518634647338290773683371632123557449" *
"5167037624100290126967113332051341389892322487780067593858208401698978" *
"925556022898660543295155529877769636208998361457177393182750807e-07"
) parse(
BigFloat,
"-1.0301791244989273847509334345223891873213845324680565646091052535818" *
"4712551055384677548160218828161852247544023080235576548019532947670922" *
"663425133020029005519587377400857690548464233386018187212017490e-12"
) + im * parse(
BigFloat,
"6.43500015068322301714667407798172670541775812768367529645986597154704" *
"6783914523904847337485037118470331867052945074493897241597371498155738" *
"23544081824827177245060375668097114102604876112351494798427518e-07"
) parse(
BigFloat,
"9.19927995332692426940367102002446951604523148925568492078793029939512" *
"9992171407275407643045783022706038290273992694098791667786259492406584" *
"73486335150170381461998755418453927753507160120479772267795255e-13"
) + im * parse(
BigFloat,
"-5.7200001318474961524718654153105341249811759970971608529731851856943" *
"6128941577302494526937635902402672020950082853221898206742470917780991" *
"433987422492232450588464878564519247532556269051330112474760984e-07"
) parse(
BigFloat,
"-6.4630524998622676528705776349483943851237975135405404149464305784983" *
"2529783830245162808493909102990983832122734393021089598337728196597266" *
"442497775636984117877103837227945844517823302407205031359082913e-13"
) + im * parse(
BigFloat,
"4.00400009115364276654260534620100787450511630872682403171789412310130" *
"7427432595067716674840645695216159370897966068245382906536025157989481" *
"35236587294553520087765721396804710099802527313323026259047717e-07"
) parse(
BigFloat,
"3.53580118380581108351309278208143397959564610409898080876660114843706" *
"7318229948866561278080478836645825362965560878501446714769563881619435" *
"00086200892891115527737777134845636857531150997123418525695391e-13"
) + im * parse(
BigFloat,
"-2.1840000492228858864761413163034308209830133801303158336442578049040" *
"9996786612855729141291353953413531311696604533061865690059066655459336" *
"014605017711457555509227936371538592288188326265640005726947442e-07"
) parse(
BigFloat,
"-1.4768926495995912064689409982492201017364139566265882068789064339377" *
"9880679522510105642654421667550574402330176800692038924074386284917916" *
"201339704237508928273096692360553900076433937945744921112429219e-13"
) + im * parse(
BigFloat,
"9.10000020340007264973487338637282686327519386543286585110811598912349" *
"4221169650090762554347524745163587622556359682763606384549838755721324" *
"11853017829004846465731323559942914273411112139866673015681341e-08"
) parse(
BigFloat,
"4.55375991324842000502968896606192489740825470105899263243928507436088" *
"4423996784769080073067187153784464979037936785502394327794622572210531" *
"61302881198688531007135702854663542181346111893055699902036797e-14"
) + im * parse(
BigFloat,
"-2.8000000621499486529867565272287868281970599016460519178266704712072" *
"7488564196069883697563784415136537602696509258175683652738943182019078" *
"041170941531871481551839385553047797683378182970705623341728442e-08"
) parse(
BigFloat,
"-9.7754479346003897670627202562218650181407877371063554488051562245151" *
"5257787985231566369499524040176480161835520965476415447574594526592365" *
"679798540312538756530493806851340722274665491163387412156489000e-15"
) + im * parse(
BigFloat,
"6.00000013239028799228880491442986039479155310481609793003447260917885" *
"4130008519292302198714351984346334747974341478308471191001765715800497" *
"28107041627237571822357785946668039079428869098495477216103503e-09"
) parse(
BigFloat,
"1.30540152969680498025728876437041217193344525310604365095007411035648" *
"3439453754262265507252175375230463111069133114939130912210032484419593" *
"20454997842058069165016579790087616931850689830014276231674929e-15"
) + im * parse(
BigFloat,
"-8.0000001756196134974643447871687319363963664072786005227601454950449" *
"9303063415967563321649254137503651394401540116609054627351960571990715" *
"177415134957348354057463789044133101369940413676577000599180001e-10"
) parse(
BigFloat,
"-8.1697379889288667907849722316744105194365674437212570621553303686503" *
"9680585367605801031662179036595086095714038345004733194938130060572690" *
"316126083751715374973485429492611114376475513358452562863084797e-17"
) + im * parse(
BigFloat,
"5.00000010927434066548680318452443965383340610292472072462297006446823" *
"9383140616833096676888418341971261505567438323423182774816058210774545" *
"56670773403147618788958036707312721985725737416210255782859387e-11"
)
parse(
BigFloat,
"-2.9282596312075092842097597194840244731544379078906904067875151656389" *
"2492932568356037075413842228427301125351451736041838499937416698651827" *
"416342741460073239109846172397303021362308043183197256500055873e-11"
) + im * parse(
BigFloat,
"-5.1740801145304004186772092409810986498903071388643653102527859944939" *
"1040101995324894259955372785668527235719088190481561426845278687924907" *
"454808146198216815467521241268267476005895786780062757291603201e-10"
) parse(
BigFloat,
"-3.7613454459060930001008124149640019131230558759869030185532164634137" *
"8221107014969652622122313406464394134915321925360197161573672808530598" *
"336829209315512799751747940232318543033387069282517574373895379e-15"
) + im * parse(
BigFloat,
"4.00000014641203752906222710625166102334716958558966100297289219158643" *
"6267891961683470954543829311374915557854859380847448398442075668049039" *
"36254118357210605581554035345522716973018743107602817211809294e-09"
) parse(
BigFloat,
"1.86828802579890347541255747818459208125474861005160290419786121195999" *
"0247298675048892112989773800345113595722360562430527168050421192496813" *
"25923519854995630997805028599009476747876193534995836559321732e-14"
) + im * parse(
BigFloat,
"-1.8666667179103518659394628144334515193482865836473534722619576643039" *
"7448146194560009989733690458859989441208779581380765703881684724559578" *
"565094939684317709518064685273449343542194401176847326904805657e-08"
) parse(
BigFloat,
"-6.2505185232019620792359858532504406282011570075717573625042279461381" *
"4246898824111000574740463135862478831743562052008519316417197959747133" *
"750624371899832905232066447666261860850116807485073637441079865e-14"
) + im * parse(
BigFloat,
"6.06666681470308893491355946240034282542063642917698731156365305491463" *
"7004966023823804041796721977340996828404683717240358798951832882225380" *
"47073361968269423268255162557235946483807907219413884215311732e-08"
) parse(
BigFloat,
"1.52559878236545933054343679848614700418611512805465549445391785371005" *
"6020349310036266984578989115254347731053764642772307987872333136464503" *
"35136364645318713989542927247797209405717800158605764697413298e-13"
) + im * parse(
BigFloat,
"-1.4560000333080648879295707502457845510569138828123587998429875823850" *
"3266670772968328448909873494988047998605824296684988083745501835914036" *
"672401776405612490852460804413268851683266727378165363009590759e-07"
) parse(
BigFloat,
"-2.8279187971888155077150199590150889672828619097551418733350294547619" *
"2957783285949847705255152365224078807005592669653898370720114959950252" *
"021821850259494641198763140062969211758969657571217425097061863e-13"
) + im * parse(
BigFloat,
"2.66933339195536729840631424975167982775812939749551632935677439383909" *
"0278674770361917414884120355778373860112746913934104939127935780446705" *
"21275333688118649421281060552147231308257853210364156030943082e-07"
) parse(
BigFloat,
"4.07141372414428686972612814409185120102456136205055234821437955920320" *
"4437309128883534864410401210632811684544742573833991621938546627865008" *
"90498443919828048463492776650780290712027564882239622973288538e-13"
) + im * parse(
BigFloat,
"-3.8133334147526607081234945217913574052902457418244228446831065185864" *
"8577499314577401075169880180397285947238090221068755872108248159621272" *
"416200667768170589729910458116021770299025843969684838817630414e-07"
) parse(
BigFloat,
"-4.6068928146858724453631456891538330012253921336182267428154198367252" *
"5190203755836693516916246038092640527085304922318926696032049848335951" *
"410851174948017797843165883246160235969565937222723548320201271e-13"
) + im * parse(
BigFloat,
"4.29000008972728301494919882217264503380743526076028325037417640126585" *
"0921452259947149685410746791924995883741063809585463172138961160288802" *
"28955526207389570447514101724307177517736215192769643738535109e-07"
) parse(
BigFloat,
"4.11334793005458750788593334466201362315973524493259809735259840925784" *
"7808784984810515791681962831267497061005569825802220692237446881982054" *
"57856372390072077668141773353156343512659876435293446194379653e-13"
) + im * parse(
BigFloat,
"-3.8133334118446096801195309850232856684527155250774754767466803273831" *
"5914625676484912425611404647476581700549134795936963927951230031226150" *
"235135064101724755284842730118976872593787036241487431193350268e-07"
) parse(
BigFloat,
"-2.8895989809518194546478229458123349782283305856835986195190524187933" *
"7459662900654333357202975065174822457028737409128551284660916158923943" *
"416186879526420205667314897549268722647317841686322127196352247e-13"
) + im * parse(
BigFloat,
"2.66933338761268025873168813428951704253667261851680637982329865917316" *
"4344776181400556596467214445464942870696390738268378209103910112076953" *
"53674968449804253615153699972162350647698046462447278650748853e-07"
) parse(
BigFloat,
"1.58071804252367886108580062723197326482138014308950423254557687435877" *
"8276191398221562572511667272948978780719783548920396662437846040214015" *
"79993443727412124949285570575299582242689098715075580293875191e-13"
) + im * parse(
BigFloat,
"-1.4560000293108232097216228945667635319713491245194867947835172153721" *
"4425981744353134826582219793137809902201948969333094788554356866116565" *
"206234468884041271236891304325397022941847659619592819724339457e-07"
) parse(
BigFloat,
"-6.6021939832061009134807256870387031540676831744225423084789963907908" *
"4175812487650284289107179069335331368036685027516151853063090907309840" *
"349611652383030025349813522120387971797699032258190715108099963e-14"
) + im * parse(
BigFloat,
"6.06666678778568697685744667335842635333932682074815777618094819152448" *
"3034481944939021202914164046059348687058375356444928787822738867005559" *
"89312245755637210149592631872756359752200061151447042703681979e-08"
) parse(
BigFloat,
"2.03557366053741039713350187827655369374359710310940761261156750743763" *
"4376214138956354114087384207860431535903415857612301692225415223660036" *
"46393841977999600327342959000170463786278580723357649267114480e-14"
) + im * parse(
BigFloat,
"-1.8666667036752343556278011932182785932712482118547676534325905429204" *
"1357844279713662040517909260507843820280991235766707806712758339099280" *
"212420268505334169853287832081094513480670182572127933963078992e-08"
) parse(
BigFloat,
"-4.3695247789560340914902465578324806376492059003390706988350353926583" *
"7495733004532497991448989109539223380938490794723539963760936948327672" *
"819129261313705201163192094320228920133578834294880976911360637e-15"
) + im * parse(
BigFloat,
"4.00000007883477858787871864472175101991024853621367208724926432528460" *
"5434418230044772684457232403031070746701379254575289098803456464999396" *
"67514258884972074932681854670518170071138621652487179309441634e-09"
) parse(
BigFloat,
"5.83479031945291229073003060290407282899685873981282863411218637791006" *
"3457610831916266211430043921857466882902227758640972277654844445734888" *
"94020142686181431109775232505406348329252196586626484842765052e-16"
) + im * parse(
BigFloat,
"-5.3333334379100340111807620818953748142361011598605639068676341607034" *
"4605385606006095166866709466366776201619694820322262053378797433994203" *
"799081549330717987876421871052672725259339612630476547229504318e-10"
) parse(
BigFloat,
"-3.6515315684911448413942943997557533217564694259187740164446863985398" *
"8467036176869587579679563980119709560018693358570492230029606086724839" *
"025400464213079520481070392725914400946164037995339347061920819e-17"
) + im * parse(
BigFloat,
"3.33333339840325502006760433240556314428270025281806726093358420415500" *
"7829518343849460089476564434299048661521878096699901455826586803462377" *
"25664265999844717520243770612491646431407083792117652103055637e-11"
)
parse(
BigFloat,
"-2.4753278492246839041612208769635506860340346533910598521329854492823" *
"5627247434789824611576065848309935084606130379481929305968035607424475" *
"886472293715277549098910225510613482412722314310282153291961396e-11"
) + im * parse(
BigFloat,
"-3.9649808371607514978636836321444288201975208603350260672143569540976" *
"7458842734057218490871055971301371215433874446053261851346362206225672" *
"992915519521049424598528212376111225693645680327859137380683956e-10"
) parse(
BigFloat,
"-2.1474145894482009570991278370200097821355012909270101720537149983825" *
"7082299556445444879810947378780815041586848265407374173690273209644890" *
"712420698008145611179870926959814587674917081900246702431416584e-15"
) + im * parse(
BigFloat,
"3.00000009282438564966455459768677130245308432427631523614971132469884" *
"0992968204470424433523854354822102681880994216449216447495536699215269" *
"27925709668185093021640655200283094840335274063187714851056933e-09"
) parse(
BigFloat,
"1.06199223466985178333363543465614429470432837849866196441631875786725" *
"4950499666232790670116725587335311259736807811665285826875332707838143" *
"99739594843025381212940809198498231994898891223790294668238545e-14"
) + im * parse(
BigFloat,
"-1.4000000324883094843701034998672792451953753896971892639559927967483" *
"9168864435724631849363556203582621323258524949673802402945790598902593" *
"315979929659299690063932693680968950508786651120134393745966695e-08"
) parse(
BigFloat,
"-3.5479261927708929575475812299082938385279726098993094931760436189894" *
"2615936065002425765780676145279385120574457758219980016966526652906595" *
"788590969017591951221009222553761359970305812348774172246087599e-14"
) + im * parse(
BigFloat,
"4.55000009385473792852347871857016673553190783473489993796230551993898" *
"5356654171947094266233734394889091513228127887429439426034297944391354" *
"30477415495882194325309943111260143109905386099033500627596899e-08"
) parse(
BigFloat,
"8.65351457700292725993674204008788550222471974601954801030455681316556" *
"0261149940810175253384104416322992957282036981408657854203637312642604" *
"40716466236154566881935792233863685540391636641993048137686554e-14"
) + im * parse(
BigFloat,
"-1.0920000211172608384301297682820486176627767723510338610456011732658" *
"1225107360577663841107147915597414992918725414121740285858396104789245" *
"499070941105266258517759554136271967809152210351251875734900363e-07"
) parse(
BigFloat,
"-1.6033800942594297944350647192220600206081086693576737054042441981441" *
"4587891008165638255412370784572170848424703538890967495026692761980114" *
"235732463993874784132077380415048897768463405758282649468176682e-13"
) + im * parse(
BigFloat,
"2.00200003716631115847031557166775521642560286651420315381438699809228" *
"0285286201328773546959799740338367138901397326762836787832390171694293" *
"96759454349307223435464328453828562504987336246617610362045955e-07"
) parse(
BigFloat,
"2.30777545695254757009646651765618808273139031950861087634035580642505" *
"6734946163090679185258423588095829019319130216416941577236209681343658" *
"46272750914775160197019363475443464453814096516990340891102618e-13"
) + im * parse(
BigFloat,
"-2.8600000516198070253956806234866536989315649231330389683058163742379" *
"0732887091810796766578657677471463859911048284290277234848256291581866" *
"990839058512020927367698065470827096367829360711492660089304102e-07"
) parse(
BigFloat,
"-2.6107788980257852680627158470016663301467020497645796822000635036489" *
"6689580564569198734450882987323142333773333917574698540769666259515469" *
"304287535017952496844484527328790004105664051708985058805058531e-13"
) + im * parse(
BigFloat,
"3.21750005688707540553945023496079716303983222491956004226637300632385" *
"4766734086441556440993666073069205891591081975206547613871634782260177" *
"02598120042600028663357979147630054244723405346866148257192750e-07"
) parse(
BigFloat,
"2.33073468911876174695680763882698325625092592073125413993546496435138" *
"4769180688817592711795242689800284438414225468858076363567000634028995" *
"63452385842238221617238744217677975798212723509743293009968510e-13"
) + im * parse(
BigFloat,
"-2.8600000497761502053815701321714440991874750412458302628606019285549" *
"1569682827759120270430859627346120623101817878993647992071112678093005" *
"904388899060985924065073425411942272808529747286312210560276513e-07"
) parse(
BigFloat,
"-1.6371362513581146017899263665322383769270206264101025141445909284120" *
"5944585874483801973443255338066779130031411037158431341772728268202003" *
"019118624655216354021297103529559317731681299808479727120112854e-13"
) + im * parse(
BigFloat,
"2.00200003441311801756703208388261241176823347530424348546884593110105" *
"5041906430377631365559471512907260542086781502425078986951086699353597" *
"04635845176071315422869930423609267755797639114982966905690702e-07"
) parse(
BigFloat,
"8.95491784169950235816353619383985036279068725219947101401101288843862" *
"8483941235343007496092639851133945596079127651053613505398974385050340" *
"70004509365675543294465605103301409527786172587453519759682712e-14"
) + im * parse(
BigFloat,
"-1.0920000185830735144347342906124041935238824204391639346134086917527" *
"1722868203527847244774333903246387803110776019757222793424680454870013" *
"173410746005213788542954208615214733057898341285103578255887150e-07"
) parse(
BigFloat,
"-3.7399237239622292353425710827381801891625925094287212108822965963170" *
"4509902132223094387860610632650564060413753889322325237948521807685741" *
"062629593049481244045324554247093134099673518296993127738775917e-14"
) + im * parse(
BigFloat,
"4.55000007678952447858845718390792655946333920412092047189237016657224" *
"8886509771140604184701012974856837398584349222096027255602467108827290" *
"59943931947931280169678697510798072455117266624766841898592501e-08"
) parse(
BigFloat,
"1.15301256438316776321204094418912910759838670890909910338053237112446" *
"7260839204116537021327897107911115931143679567542708856339881848892689" *
"51192668072581682930724039757272451696686094693807111004220209e-14"
) + im * parse(
BigFloat,
"-1.4000000234634565645099423110083117040948045453649987891767221995201" *
"4577780481967199701750516529891569752671532214732637702108791845817041" *
"911841599406437892341699820855241788750846013870993706260237087e-08"
) parse(
BigFloat,
"-2.4749041787791144357045018262677654395009297799996641024815811954058" *
"7374752725768534947352858817830108054443340176270589019208723732796699" *
"288539497593701680421465672692129555472538818743421913453955239e-15"
) + im * parse(
BigFloat,
"3.00000004998131059681515028257904061067364673954849500044329222187419" *
"4830074656091333014484943666321741832647812632098429300514870406063416" *
"82811808802088712991037529310196257028077926813388032881470758e-09"
) parse(
BigFloat,
"3.30468224629287093843577009633781349898632086903969560064811553405714" *
"6791186823569691330558160012994286524877625269152578514149403426810377" *
"61619857875075652361506570329996727583617754199750541334484139e-16"
) + im * parse(
BigFloat,
"-4.0000000663017188976400081822027632829929890830575542161748081177863" *
"8691128324652568173311026843778493080298627950324982320394502349311947" *
"489490527067320524736966065888266028607948829613712471355030493e-10"
) parse(
BigFloat,
"-2.0680566264764571290886704822648904067008636518386688764664355209203" *
"9397944927757341214810511184912947269424174194899720773633022278758801" *
"866940844624063170696136005045011114754448693271069123770842209e-17"
) + im * parse(
BigFloat,
"2.50000004125439211979847212461378500041463782745999535088529597257991" *
"8432850866828654168148376132379381732257572793027912163746511421908359" *
"60892066021782822197386981481498252291094646318428178211443161e-11"
)
parse(
BigFloat,
"-1.9530694148489594196992798544043723515103293313250101895752135413571" *
"1134807026242451931191498383642888626125635365087954691755469980112344" *
"708797104485414624482099192480299588373762755844847238281574324e-11"
) + im * parse(
BigFloat,
"-3.2430651069906439327560816709801463962032851721462998151064000934109" *
"5983419830388998637687466089618930303585897145387458086702535811221506" *
"093816212944008797794765308572055494735912069435464624428979645e-10"
) parse(
BigFloat,
"-1.3956694642947028461727152112060269785143763268157475306813285369975" *
"1872482572560625368059182805430274519720301810566889385758343908482761" *
"577948427707731492688312481405324419453714027714116417174363571e-15"
) + im * parse(
BigFloat,
"2.40000005859186757096587010718467772308799234675200477053576053330523" *
"5215928338052928976730435728275003004813701255974560410776812118243943" *
"51289783860608336606689128755547972589200356707042343520834127e-09"
) parse(
BigFloat,
"6.87138473558724204912032999320222301019817936934159806770972666233407" *
"6380749304190520173026744122335098334635061959502062664373983447163505" *
"09776368572890326449821933069907427382811060874276804988739514e-15"
) + im * parse(
BigFloat,
"-1.1200000205070367047269454741809645372313243863897051006901580466702" *
"5818730076083210074753323642201235791133564938423208350778465890525330" *
"127257084750359019888635551996207065855364659154947450054583540e-08"
) parse(
BigFloat,
"-2.2922338209417871089102381719437121468224262826939587968927408169098" *
"1572504476022464342909183632809754007830592765114516666465161618059800" *
"186782372643985429445331904632009568709062259843570580539695414e-14"
) + im * parse(
BigFloat,
"3.64000005924235532277447069397723010044183816266398371959346718294102" *
"2441204257805186756413696104221949756756556189983608507862256016152373" *
"98147227252098845512695511998805704863907565188980818023816962e-08"
) parse(
BigFloat,
"5.58676170762273722281256716777065730374056220382432836006221736266540" *
"0292432953924030686520228113117637773262980473408689124369480142174517" *
"93428656289877802799859165422292052909869752445408798610538651e-14"
) + im * parse(
BigFloat,
"-8.7360001332950152582669894244067643005609587198824951979471932160712" *
"6823655503846282026422412014947351459680741137413561553420583458883432" *
"364562007375790709375494093987943537470326295662000724510645686e-08"
) parse(
BigFloat,
"-1.0347014387885686176955437656657166263969265979329961026118097690974" *
"3265898729099738160814589328987040403799619030638094054599563558606046" *
"954161281112058043358206719231637206997090901810907466360866088e-13"
) + im * parse(
BigFloat,
"1.60160002345988774110212334965721967406329780277637556096789835249462" *
"7136129811113932294529463296812139881776495975555967065591176659067795" *
"93251768770842411683407415820015210026672031053718610031806463e-07"
) parse(
BigFloat,
"1.48883487353142979421875216316643133544746630177983374806344934295770" *
"4044945542454147906071419931920914139099069142769289894870014775218558" *
"46189932308176313553046251951760069679923113945226762361828565e-13"
) + im * parse(
BigFloat,
"-2.2880000325831416332845135839834915433509542735179933073160404129970" *
"8824531170576995049152626761385555080430294241741529765462678248334925" *
"814421366858194558434018911758269093902349934573077662013025290e-07"
) parse(
BigFloat,
"-1.6839671350209229382619664790545008458231249537578910676636993480213" *
"4679488096239119197390512160532504132883303799422792470843757787216579" *
"188731155366552548896126070568132823819942150193489635053629428e-13"
) + im * parse(
BigFloat,
"2.57400003590792173948369961884841103335718638312562679071103183127417" *
"7632411260111191744846262368988259384699750031072491853427422317387426" *
"04378288103332554490185661639777297133140354932751305048735486e-07"
) parse(
BigFloat,
"1.50310526122486819485821940590217038801452628076919433155019733569567" *
"3627568319002249127945051714195561622096437078201448205703392569989409" *
"95785276016336840768404102192806499521533531181301040900122844e-13"
) + im * parse(
BigFloat,
"-2.2880000314194105638429592016393796580670401214377682334763183637938" *
"0834449528325778239208678114766194666896002005476487366423791099665314" *
"832236753723639952193473400795934220530565626249100210753222278e-07"
) parse(
BigFloat,
"-1.0556729214613238335079394097220309852671892906641256214857869229136" *
"4213170306680132665504094606009926767327637420748689616009683600437999" *
"763295551945044624313741073963619478547795109018523058802121054e-13"
) + im * parse(
BigFloat,
"1.60160002172204987349966055672503956811704058066583471508039750873982" *
"4051536152790688720766444149837786983520934067992233308802749643459343" *
"99669417462037592890383416279768697879150808298720502555068450e-07"
) parse(
BigFloat,
"5.77383830974579335847003954702123525170298156240369202626413832291399" *
"0736337525066760813161384290465478104785133047058229004523230559466270" *
"42667287592555043894849973820432276604147718810651966855014365e-14"
) + im * parse(
BigFloat,
"-8.7360001172990168260974631087535111234954551922760941138753803380660" *
"3966543966435182218907255739587885351478736392988207959596319532734622" *
"809568013723415100607295431846794775016617679655097122595779269e-08"
) parse(
BigFloat,
"-2.4111920473622993175441731264153467022892764659810500849062031277001" *
"5927854036074126956561583804442182472083695476293210216279057719539895" *
"700598427327901257035533845690607098349311196204903680110810502e-14"
) + im * parse(
BigFloat,
"3.64000004847064987062079705464731512012640012934475832340699745182002" *
"2526231148953629721994024568391885279258625941310472092930302024906054" *
"58652556850848581775363060355070151848097555858662787050262654e-08"
) parse(
BigFloat,
"7.43318305201316251479890138971577463035847809761011408266455147786326" *
"2849402658010270393394403624085163805426516587968830344918001175226694" *
"01796845262727629415608193867030039215187046411347208326802979e-15"
) + im * parse(
BigFloat,
"-1.1200000148104715978454802719849399351956759200627300039593631496360" *
"1700020999928879739696110397420538274122022464987041672571709964896746" *
"504863419538299217323244813144089787739170840981116325796325354e-08"
) parse(
BigFloat,
"-1.5954208935602701311432822822425146873229721928024226032685588536912" *
"8497660223935908205752146778614630463077198454221435933412532737925782" *
"113973029937373812571341375503259222503184915865024086752353823e-15"
) + im * parse(
BigFloat,
"2.40000003154892484970115708339687937237111512299546532858436894156489" *
"6087405664323061992756133550378615151065238974417043750567168222627350" *
"32469983866528651738887711941841715539571965527233114272605593e-09"
) parse(
BigFloat,
"2.13022815279072998728561899475077260599222880455840528804246872996687" *
"2035899373714820436517820207976515188023664497326246522879032344481481" *
"80465776831602554661755951675398976383865501922282659000794949e-16"
) + im * parse(
BigFloat,
"-3.2000000418506045026988417072304427137123298568327804923921205752687" *
"7985178028198194329378186215282030000887756619251333220518056996517120" *
"055818334261329008314356399039904774696086150604427105742632791e-10"
) parse(
BigFloat,
"-1.3330336281443859342531018330255110108828293275581668379792007088136" *
"8696862743598587882176101341956786237603561958224151741040315938919975" *
"016426913771863220200264673431041253749229048835558536123259387e-17"
) + im * parse(
BigFloat,
"2.00000002604037061304022436805111434756718736371389933832688200603451" *
"4809207397073437968297698659982484852550385289453318429318132868365161" *
"65609532772587403678859507638961691129692620283143703279272750e-11"
)
parse(
BigFloat,
"-1.3990154578274935076724739520506005586162709339132392299726215518952" *
"6856927749809986726900798786811813702159430849830624199150980502139655" *
"138738903995244142431634475660286309823844451772029851469358861e-11"
) + im * parse(
BigFloat,
"-2.7572483381241609765871305034352717802735250588003896091140939749275" *
"3792363063058917241182752117809134147092721293425757028489672756457325" *
"815644273544411839288769295931041489294100500811865877875551914e-10"
) parse(
BigFloat,
"-9.8288842329165013604038031966634413500222671780769200213104285886270" *
"8765037568093912326048468288518155891445745131453433815170780570284834" *
"768207829399331210898410462896016357390262099720019328325325537e-16"
) + im * parse(
BigFloat,
"2.00000003497525909287834919467006846906289778309905928477598843785523" *
"7151216312090571457106832286491893335638075510189424220214496189667906" *
"19424809703906236220370252233320733682920218996543022685849452e-09"
) parse(
BigFloat,
"4.81965225854905312340271763490815390976113827664302201572598660607507" *
"5715996001263092464460792828421090346575088171888387446902370943441519" *
"26887176322317364946972379757848968052610439426186275239086240e-15"
) + im * parse(
BigFloat,
"-9.3333334557460554165008088259302876197401097554336412634146567970264" *
"3657282196362796819500938782316277040708144158358911800912776227894957" *
"097542567697824212285862940664296668419235874579774033763676158e-09"
) parse(
BigFloat,
"-1.6056544847124474539173296060760906209166202333502648247618623747792" *
"3032484093272226760940762930490689441742597411713859022408105275065499" *
"950583178667250517963398044010296941355289105685432909623270721e-14"
) + im * parse(
BigFloat,
"3.03333336869689489532827006190224941652295216252034859570316142705128" *
"6322449939772306247699747458786097110621585227273572295764378717192613" *
"75949576768763159484090107327921339220162361450290621086767745e-08"
) parse(
BigFloat,
"3.91080287479972897243850821275232063571431299855379207918494301650363" *
"4922317643610968833545381023257820424743368465001188339342065273175486" *
"87212843646911240523460905062326415972231412965109373205321198e-14"
) + im * parse(
BigFloat,
"-7.2800000795678481724036628782559917105055119132015710215338176784943" *
"3420279192689111506679727366585541243746411540088199935365365060739727" *
"699620460260011545310354570449022035516325767589812819679199490e-08"
) parse(
BigFloat,
"-7.2401754076604800118279335057984152125545881114391952061764251584485" *
"4451570441267318449517634721414177134389679892237218759415414224940331" *
"781239275503657325944959543344338955311786314176745681038747406e-14"
) + im * parse(
BigFloat,
"1.33466668067058763133540459971166245983572215337861486831947663919385" *
"6815461446554796130272033507610782612378807998660669548209175850897657" *
"15549598629927530641895918834463354593508392921583749609759048e-07"
) parse(
BigFloat,
"1.04151709950659379308142321192119711558345648192962241187289498176713" *
"1998046968986388175721402146587712581692296885323737536845530525973919" *
"31693899162266663445147059050831154089942162362254067180086339e-13"
) + im * parse(
BigFloat,
"-1.9066666861165361020228533184715405291060137837527792109068325906598" *
"6869941598724995866691171413729335014633300545714738986412830294859501" *
"672719808293552614064685330234141937199821472132730135973600167e-07"
) parse(
BigFloat,
"-1.1778015320040701516740163619413555493738079261498406638369345998624" *
"8460378216809261552008152356419487882251385517186996775198880177676530" *
"484687825435087507968924838645664883091722892728898310722456981e-13"
) + im * parse(
BigFloat,
"2.14500002143453240927339321046265033994563992358697991302891078866565" *
"7680259137159421471054787226637644005330121848748494539438747086395825" *
"18434992934685845417095242618640978775613534993082210787657932e-07"
) parse(
BigFloat,
"1.05115551968265661705595158388677922038639189567978927931727978376900" *
"5679323472871345563144552408164330155246590378334043121892317026234516" *
"33092748688066966785939121418978028787993163284198478812883160e-13"
) + im * parse(
BigFloat,
"-1.9066666854218703525445220317284100947270804145269182498020349000200" *
"6726513738229782253705010211671805025983732042098695610014976715899763" *
"083179710700446401085964671518219734559591093608608372642630551e-07"
) parse(
BigFloat,
"-7.3817552395585692275409183595545242291266273877722124490421360158400" *
"5234137326055518729461045185332944353330763900098460059189411797754730" *
"495236852319982095380863427691789976753679035816897824605355331e-14"
) + im * parse(
BigFloat,
"1.33466667963322041586914010807891779771677857628460561548567001647234" *
"7409015031705365686376067698942033297101220065261343698187335818662808" *
"56483847028578368754711853371000144331419040640651062200973432e-07"
) parse(
BigFloat,
"4.03698431110243127101528077966727828656645230853717174537122210863029" *
"5476057853499086254809172047072555698572382881927237886662346267184002" *
"09208085860294063157458074224601880316556706456570473956620147e-14"
) + im * parse(
BigFloat,
"-7.2800000700193597676860586944401583379091589029637713689263560262055" *
"1107252064968171440732573475607757394321298914005035419031956961227834" *
"428824892675116443871823698216501429637758743348679882796614416e-08"
) parse(
BigFloat,
"-1.6857506464467039118505002736045776255897711025124154041487406642039" *
"6058604498197726523649316648313867381136982125247388502901831333447547" *
"432118584533363683573380111006509691582800635235695804105522577e-14"
) + im * parse(
BigFloat,
"3.03333336226694248259686616292127260813137089483810475240538161649015" *
"7477912195582946994161082204472346041819246791751490140178288127068935" *
"08188075273421113091921698021639171692910871301706127851416984e-08"
) parse(
BigFloat,
"5.19649627807090215984304512820434741627906164011396172911960486883283" *
"8316676056063388342039431948909379472255885300686156764771826992221931" *
"78684996046260945524641247654908500272121330782028209413676589e-15"
) + im * parse(
BigFloat,
"-9.3333334217415559271873783289357740865653073432664692975672335468570" *
"0163134287863846290189416616338482267773255790219972752900420145678678" *
"277520631588577993089232386085232730054264498921832248765378168e-09"
) parse(
BigFloat,
"-1.1152938370748242743794935983801997193050159468257945451446920360580" *
"7459380424687264661793879885473990588801867605652758494981927063749261" *
"966149116689217018598101196944652676288202674402323141916709014e-15"
) + im * parse(
BigFloat,
"2.00000001883251572053506787580327885493346327998188895374449648197802" *
"8013922508622589163645488228600186677643714589777483833895401948793643" *
"48687366153911348553466042775182748540052996639198182312487852e-09"
) parse(
BigFloat,
"1.48909190127909947655321924623823935848930639845826305217550494783720" *
"4181157924363773247471555362685326303930773036434586584923556605108730" *
"59071936269693314555393678073844236182547981043622829671125099e-16"
) + im * parse(
BigFloat,
"-2.6666666916485694163071981800193356194268310404338576580552844254959" *
"8659136796238939201684677970156932717725493207851625663632569533749659" *
"973695678480825590274437962101821981460094241312278226504813091e-10"
) parse(
BigFloat,
"-9.3179491431013974237863855091717823824232688434246970206994868630469" *
"5101785003256624498260288791507168149702879531028290628914668321693929" *
"471806025264685170522495557472273144491436230614442261980015224e-18"
) + im * parse(
BigFloat,
"1.66666668221095850565535650647251111333532018822149642122003642511527" *
"5125536845808500619520454044084652383718120544735775536275673556365390" *
"59881676932246484082381700006129893183805814085432367368630724e-11"
)
parse(
BigFloat,
"-8.5157287746966326170483648017086082032172596014622619949123962572456" *
"0797192563403290741778101332135837339368894343014318444633070318485823" *
"994663189694359777623746448143295715826011141536168340095381035e-12"
) + im * parse(
BigFloat,
"-2.4004150582004693278869817952555112902956643504803465366498089069166" *
"9790439422311026987513772414929507506625151462359490316555245478168457" *
"908791128647790347998124852201843895912434236602237482918508504e-10"
) parse(
BigFloat,
"-7.3006339180078593875820971931257498437677629480155852255870072607576" *
"4327423835194719997008594455100743095724656079505700687746421833725961" *
"790923404470485928497504049443727531902685371956267886699331015e-16"
) + im * parse(
BigFloat,
"1.71428573253362282286303402986189072599102244376741190281884490636205" *
"5043264066371171821445538971789830911695909435788523585105779581151800" *
"64985632067813853612606557301936029459590549437353376784448466e-09"
) parse(
BigFloat,
"3.56876349753972502227218434707576034195546191167829847949551294079775" *
"9450628071021669945900468334908971909680954438397875346564125941844767" *
"70290385570146978494134981515584635365766881299572850559452232e-15"
) + im * parse(
BigFloat,
"-8.0000000638672447016474960544349450798660713828992312597868153290458" *
"8142577557309112679168439025093433510250077775617772222842314879323790" *
"573872310354980339898830610843161901465693419557535339579692532e-09"
) parse(
BigFloat,
"-1.1876940385127417962316689218305322365001452509518090992376176469364" *
"7939607657269944947798222232944462387392960254153116130424787928916940" *
"403225036492817973596453114778647926141122713728072073393586205e-14"
) + im * parse(
BigFloat,
"2.60000001845046537065163498014799321291146789036709416363300963594738" *
"2465872830607371940625569180765769394110323859156181085042467651070426" *
"54905941544043943858677682009609920547541208417551393822204628e-08"
) parse(
BigFloat,
"2.89130934583625597796063165601771660582478572227547995009419296246203" *
"7958130186666165148403765511757150670547161559796634767322459557765708" *
"70032399122961417688374212399067940646525271278786873931927788e-14"
) + im * parse(
BigFloat,
"-6.2400000415134425316842762648644460598381448818429508511805477463173" *
"7261887038945228791161426182670403355386259878098642481434222085520928" *
"054825746192887645993455964078897372125016831512924319133014162e-08"
) parse(
BigFloat,
"-5.3511094383776838549059339609901845018355590039630322151445137772378" *
"9132132098453905521325387748620041383806926693541640837876395667827406" *
"596159519401329812359044168670836398469775032272745595851420753e-14"
) + im * parse(
BigFloat,
"1.14400000730635304786762645586129134609335342162641630889636599264751" *
"2812848947853615014458141601726398813895904372689715069961736496795722" *
"26942429338146282892887504903063219494424398391667460663876519e-07"
) parse(
BigFloat,
"7.69612471584238415272972302359209485566229496121262592105300694930154" *
"1842163236078228802145586737001103111399311781363657410724433297303566" *
"19466446879744249952674152670377778240363631292227638779131621e-14"
) + im * parse(
BigFloat,
"-1.6342857244334137157829729634127911140062181047029671126935748155907" *
"3458750422851725454521993553947670595158937662224752317497194341497135" *
"136522775039301276441922864034659963175252324909596448057543443e-07"
) parse(
BigFloat,
"-8.7019044594287098796917132042343838467792347002673326232517126621219" *
"4154946419255523301734040168174635606445282831100327654666190063970935" *
"343251993445803640330816034333548850340160281076305784235759383e-14"
) + im * parse(
BigFloat,
"1.83857143975459643083488670735578201927625267893753245137944289516914" *
"8145687053722333267273199606227581342896083116628207174544185824968767" *
"08286113904028403376046095617108473567137725637932541446304527e-07"
) parse(
BigFloat,
"7.76536037115824408574876638051924750388629036752363966709887363280272" *
"5765187963043186265835653399887241392322264695351007228433093688653398" *
"09928212898264912450130650103840234507122876264016537665888812e-14"
) + im * parse(
BigFloat,
"-1.6342857240709784756526920515885199725671259410768013614593750679808" *
"2398973886336469657295437722044861338625804922866835097499648034669973" *
"180871469599019191646689631555640263167356452447821195509740308e-07"
) parse(
BigFloat,
"-5.4527719474738441836111109916991774102511124108006317792346631955646" *
"0815027243976615328933459716458002027354456743582748870852910777954013" *
"198164600043511051251765710500091925663857910621414549051372402e-14"
) + im * parse(
BigFloat,
"1.14400000676511661258365760648749755039111856251134393264736722140593" *
"9277370621355737411807907356990526224127078827430980884112538215512771" *
"40638102450139823181868401715978245963007623481803138036254725e-07"
) parse(
BigFloat,
"2.98184610345252485899779127883974070538558167377908806489185089034696" *
"6434535864848284758037894766703648209076102579131750218326195048829020" *
"92040017879609223751345139652940082698365485917737013602699009e-14"
) + im * parse(
BigFloat,
"-6.2400000365316104643330707570295480432549840753099147484303253590954" *
"2736198584718113048335338401861260452365610283275461936226859719978338" *
"709957854507625487252913914896898473256203499390341341867602700e-08"
) parse(
BigFloat,
"-1.2450802849125831454245741470576693711658584622150250608932729426771" *
"8011545686113696308809963522069260160492681917906777731978812378992967" *
"422941975484789180033366414303565343705077972233852815927146530e-14"
) + im * parse(
BigFloat,
"2.60000001509570011780476944089961426522895777076939660689925357496214" *
"0447093977844334532308511420935868093302889605703351375910076186147123" *
"32110813564984915864849720849583542923386782704746436061812430e-08"
) parse(
BigFloat,
"3.83790779592774832027800530775248811178925035310781966752760090136865" *
"0342862928369619361239890304621319966092658551083465444881191941864028" *
"55592945423769789328713277077000817362239853287284664379668362e-15"
) + im * parse(
BigFloat,
"-8.0000000461257329455429209230063551088650623792865849847067452208036" *
"5303176861073594727801926221862702642022450276542386077104276591136250" *
"871174668782118653500409968845891982931982232671796613370592396e-09"
) parse(
BigFloat,
"-8.2367562858399842659228060297823895102464235574637003195022762673454" *
"0052899165718237097453561201333973033451729913860377945925870903845108" *
"235389330333056248831331466426774178752197372180802305395952657e-16"
) + im * parse(
BigFloat,
"1.71428572411131100333277086067555017937031405410861781523006779681859" *
"5267970843574623474487179826807222271255100629756624543860649349971303" *
"14420357720866496922494783565540813303159290010751073150693863e-09"
) parse(
BigFloat,
"1.09969904710941094783153139571047014944818594542338489587963020975407" *
"0690537682598044915486721510690687574921948069788837858406764299724362" *
"64660265732475561120576471902960367979385984856118044353033584e-16"
) + im * parse(
BigFloat,
"-2.2857142987482368450957717608827957004495132760748807969525927074077" *
"0425415923234312121246593944543957823011435027901174980302620728736270" *
"249161817664376650891105779794752197926960873574379630329664853e-10"
) parse(
BigFloat,
"-6.8811347723880514508792812289069703981559095408706666538055692337131" *
"2294755192779336155564937493667135678738001690215640350008244415471689" *
"645795136647236476864754758152243902432106158238895870203144696e-18"
) + im * parse(
BigFloat,
"1.42857143668144058511987951707960999334174860924784032382878564570262" *
"5204696555154083348021660483514124458068061396487360370837124788789988" *
"11606331990867244750122819262546588867211205347505233312466625e-11"
)
parse(
BigFloat,
"-3.4673451352096783450088190771267151301807843036353037290222102523716" *
"0460175509829039600429085876768356536007758566810778021016690322375013" *
"602468973577852290518680460994756590415122329318701889094116986e-12"
) + im * parse(
BigFloat,
"-2.1200945897902732264393505725989873814526419345457892803933243823116" *
"9189429953455128110187495671556392556410699899547558415847796332798676" *
"261748845076673373042159710236355196255467475787231784342065992e-10"
) parse(
BigFloat,
"-5.6265442288738855595078055067890915465261654430599939929496553202769" *
"1418483023471163535651647928897420673718201273839718331878053006715155" *
"717492025325670492775280326851134181851611795918938204712965272e-16"
) + im * parse(
BigFloat,
"1.50000000650121679006849332790097116583266215399101177573941545667574" *
"6082224486624251926760368727836980715428333495325548645503318772590070" *
"33710511051094250834529992132873860717583090951136866609421138e-09"
) parse(
BigFloat,
"2.74528328355230265361169670610184188117128983581183330499963819781824" *
"2244317237561629205719310212466168868971584588469819430789765450758842" *
"26738377585579069950385895057695490093657871807185081036625755e-15"
) + im * parse(
BigFloat,
"-7.0000000227539656111366069550238514861095374587195084613284891996086" *
"5501667213049078468337264542556494158473276381314157986238506830182410" *
"283430801250449518596329207304311332585488413380720375631896243e-09"
) parse(
BigFloat,
"-9.1306899227597537711037428016312854379710539659734598627150853888102" *
"5195705052087037026872073458366835496943875145642671308829897291794363" *
"502688306734450526347566184109426409602252237178243160742854929e-15"
) + im * parse(
BigFloat,
"2.27500000657331946128361476766888343106780280462305643835768566128602" *
"3520255609266816374849141707343858135535944269482164412307503222008121" *
"65189634177209819201208471505556192531586137928780069931194569e-08"
) parse(
BigFloat,
"2.22207539154648281498771780471874150263317308103307923263698408825935" *
"2175197709953457950734296340715974369571290015723477260312727380266629" *
"82490456323404238506197625672986519013326723834582268079764059e-14"
) + im * parse(
BigFloat,
"-5.4600000147898985706801540880803988159564960238644331143100034933365" *
"9800418180245193382260638019220620083014211424492190892058089597733121" *
"713828461756673628530582146194739128631063497947040200300377985e-08"
) parse(
BigFloat,
"-4.1117565088916174077269899969078986381771147837646796306687782071498" *
"2679955352103522922902731269629068075668049347269000983357307917065384" *
"778500279732978443781658042030439984738685359906549118805583132e-14"
) + im * parse(
BigFloat,
"1.00100000260301352966108559568385069003370143859687042062533039826531" *
"2116435738337098955344349415811207895409665111294175423210149581021318" *
"20335235159335425887927339103430312278612375061295179889775540e-07"
) parse(
BigFloat,
"5.91291957559164426203519077520569726609030916113583032914792784167642" *
"7559477829340894842854820981179976847145398788924277789893300228926278" *
"03960071987010569934572810446565178672359932250795419647503369e-14"
) + im * parse(
BigFloat,
"-1.4300000036152877514574860451168402242203225085241607909016604269209" *
"3776846556623865250262340406713059536007286142203682403980687398140577" *
"873829150047004836835123703393393826718601048991284322723649122e-07"
) parse(
BigFloat,
"-6.6850690883709345239657085707641964362717168371981938080819035688961" *
"0320251383457850919373073265356857881489078928732596162103987992018879" *
"793939404326841734080167049699946567731980792213987335701682449e-14"
) + im * parse(
BigFloat,
"1.60875000398418721233322090272781349288688630201281461017199807551213" *
"9286943007826202074245963655000937284031568946469792692569856188501325" *
"21286399405520744915361938140249381078734156868281254061947965e-07"
) parse(
BigFloat,
"5.96519333473465387002420263737951992799584060148194569150191692226456" *
"3432872385026357401750396732336032933843721377967273828543570549964280" *
"98912022667888665333438569568717616945668710089066387956376744e-14"
) + im * parse(
BigFloat,
"-1.4300000034861586522170755902329708664872211667999806058256157202799" *
"9525506469190971705157592706638833961488312953584226793479284841369124" *
"873046365558140713970736893271499792635767292291760550777493910e-07"
) parse(
BigFloat,
"-4.1884945818138119710901080025788231541822729229539472957604555315788" *
"9050872420054810928602687913025415468433513912370740312920766051551354" *
"880216716514555184344904090292960294175157474365757891094059311e-14"
) + im * parse(
BigFloat,
"1.00100000241018086819858611483853424013264587033291579731102326364570" *
"9338079023789858277805096488726745475619277777143886242358942652364197" *
"80820165162853813532414706906271318560028263668995003821051991e-07"
) parse(
BigFloat,
"2.29038259504894174827033567541559040608662848901081325961945671456834" *
"7306168903493255153646797289965206243525479908138255585087411690216455" *
"72343381198701023995423592268003064756607841762173865055025740e-14"
) + im * parse(
BigFloat,
"-5.4600000130149637759771867513276531498342603090446916075558808168673" *
"9753050458740304873335929984101580165090876546437919819449005195070657" *
"345808381785739292179328861199230559234354352640980199185646621e-08"
) parse(
BigFloat,
"-9.5632520142133469152240266774094478100426783876110389713320488356474" *
"5990849027232485560886757292417444887452579270305491643351922533608072" *
"294784047791318876283708227624051986115253019046010862229277589e-15"
) + im * parse(
BigFloat,
"2.27500000537807971913775052217953902944434384444229731569524915301934" *
"5687253291118008323291169178231426659294857111542552729050866209913611" *
"04254549400825181059719398755309433804156078196579461945821100e-08"
) parse(
BigFloat,
"2.94775001486090023779548307563870852808640589914548693082788905559404" *
"5539201038485938704913614313520070532911519329526521648834091421588917" *
"67066601629974840020837608200834949355000859847662175570133965e-15"
) + im * parse(
BigFloat,
"-7.0000000164330096800218952403706227781259388197218840151320889032473" *
"2533808141652769373041680834933550788271691550488092845254843600530344" *
"663194891726531372560152604392715495150330732184361985228864697e-09"
) parse(
BigFloat,
"-6.3261876501837211468737630027488401992301469722587139622391688833948" *
"9502095468518900852032864558301631701921122895899231530770598899602965" *
"400236117366313002542768150991694283347522217597522328999554883e-16"
) + im * parse(
BigFloat,
"1.50000000350052062528373548118711165744434111499326743412263306431398" *
"8389141200497566840927827635795126011626664513033738571410507334252791" *
"43552200446602959442405156185896910868957441354203357196010428e-09"
) parse(
BigFloat,
"8.44599680330664611598785851789842753929847453919396500633874645309702" *
"7376340674417328441779020341939798631217634113495131476876608838008479" *
"97835566251372917951359908024599810875334258871058984033555275e-17"
) + im * parse(
BigFloat,
"-2.0000000046435452867743679366011724113658697728866383030400419838357" *
"4594128779662721272385973023332152273042964853719618433462178712838559" *
"338496602073264371310819102099442707092106219167695063705737775e-10"
) parse(
BigFloat,
"-5.2848116382485450297180383241438707375974088695674520613919078458462" *
"0257148366892949938694516461604047340707444706612530940203596801717342" *
"791344021470308384958496101919270096668450974599640730021203827e-18"
) + im * parse(
BigFloat,
"1.25000000288931570994455739118800430808919774015857308655122045075837" *
"6461424625138905611275304217955016905115614170225905865683671432519535" *
"50909188201193839453787207153792676187360341864232677986967622e-11"
)
parse(
BigFloat,
"8.49054446067780317611820558447273779198360619512822411139793180477295" *
"3502159812749339895330009363890925532293801588354362267308196057747680" *
"44020945378128055429003692775905616877270412097853794366604200e-13"
) + im * parse(
BigFloat,
"-1.8885640479222019966139750367306652277253562889389390772707643342387" *
"0580138529952801929663710954526394365700209044242409530381108300396020" *
"448212087854095115965071884243447809243583361841530208900278001e-10"
) parse(
BigFloat,
"-4.4523904381369378426790997488933695179033689690883079419677765835580" *
"5674314119313612152330578966672177459986499871580197789529030132239237" *
"703393198485602298664128884096167110970844208443110675395745912e-16"
) + im * parse(
BigFloat,
"1.33333333191820362541140415141636212626013275768415799990053693573181" *
"5173355225116540274296482336011007492091825969132162498637151844059409" *
"74571471672607681729479065766514327736577418338661790011460597e-09"
) parse(
BigFloat,
"2.17146676685363046909042574149024807640847675544342882169977373329974" *
"1818354965425396030301548925488188860204836637862880386666085609176592" *
"20406573605582736701978585991277665975748186736346249079372706e-15"
) + im * parse(
BigFloat,
"-6.2222222172690620914381226644897776410494376655688202724943351528676" *
"1588782146630071993494111381275769842346332898505372342024496948299087" *
"625513909141685066095404839159854038616340264301971233442247008e-09"
) parse(
BigFloat,
"-7.2211728679127355205601492606773579631144515690588398800685211799612" *
"8346145045960638228844254374684628578006343123587569881140973491227758" *
"731639016634706262195768447353255856714587158446964280253039948e-15"
) + im * parse(
BigFloat,
"2.02222222079127529018560916092310558987693385650696729388297845962873" *
"8369736493409318221183731854710481405649283944028596867957016429011456" *
"47848148685374250986202589475108811162545792288874453733460081e-08"
) parse(
BigFloat,
"1.75724402054808376833703572711320074857101300429717383336326384091723" *
"6729090359342551597570865441060174768355311378153681037091536643881744" *
"52782306171703062237450900590006202673507404517910736873138797e-14"
) + im * parse(
BigFloat,
"-4.8533333301136533921258481630556228201515646337026224719115962706630" *
"9147729284858388911005143763460186672497337931351663326459618216885775" *
"461369515849872122587624350319283997403991141473673046238551252e-08"
) parse(
BigFloat,
"-3.2514882964034389693335163893866179676915283563381300361009274636406" *
"7257372725085066890017291136166590855223870542987278552609709362503328" *
"855139009325668220836330211692397079822233178079169877095675037e-14"
) + im * parse(
BigFloat,
"8.89777777211108051889317346785911980888464273513287771211466051671326" *
"6026115835803173096525420788773177492301395847500787624742639067647579" *
"44101716091974516804190962229842658868066430039825241852104961e-08"
) parse(
BigFloat,
"4.67567677410143019304931627052699476760734804128709794110920723298958" *
"4213452319079361667136891799112976099857530565054564234504427493837183" *
"44289348530516549733321590044363892668809088819002793047830989e-14"
) + im * parse(
BigFloat,
"-1.2711111103240636295608375960417734140161928029231959124490976233239" *
"8342148868973861309472444405471647412155301858290495345153541067231156" *
"268090125759829310423129559853029895913444701314560225037707582e-07"
) parse(
BigFloat,
"-5.2861518813001591455778780199544925128559171655473007193911440057389" *
"6122809871139314649158460333968166147714261121202526533151980726748339" *
"814768174712290869388762558514419991719969495101637681615507172e-14"
) + im * parse(
BigFloat,
"1.42999999913263631460782029543658299711056236156084215390287661970123" *
"0404767130883045580149157537018099157021635962382626841900653720082602" *
"38511956976330884461351294201295469853156527145627951696220774e-07"
) parse(
BigFloat,
"4.71684591418511734837409734594084875594940415804866893583886443022954" *
"3976287949503009645685133440530458638825297498713775979324306386401572" *
"03535808290755307269630631661310945377921140623052468903337958e-14"
) + im * parse(
BigFloat,
"-1.2711111103521642619299716066531916308205983921975377293710597008198" *
"4739748043067077234389294256556645306374464433293382474393771417616766" *
"048205591534368918171420512405057030726186771003557949460828163e-07"
) parse(
BigFloat,
"-3.3119213636088119182006037679419862922811765413547960759369090929967" *
"8919564756831149355931855185215679147892099047780596431255847253291824" *
"483625849295372962566218814220027412095841600539478086096308417e-14"
) + im * parse(
BigFloat,
"8.89777777253071751818798154212974535491720979897569930480680273171109" *
"6145691938561795017208601739874273546563169218243032605946059648379465" *
"51091351826384823999027735447832464279087859339878142153670815e-08"
) parse(
BigFloat,
"1.81103152811130795491184324168549872515207725741791880201230122643259" *
"4396583916346799109863504669962289865764455697840723834318658572363044" *
"59964624132837049148771851109056865481408205088199949902116883e-14"
) + im * parse(
BigFloat,
"-4.8533333304999117211125258152266447510458719449441093446387490517566" *
"4493475536229815994396597254004216005589865688857596232546112477870580" *
"618081184501883244999716719286272308521776559687642246381819658e-08"
) parse(
BigFloat,
"-7.5617138499981269656663317455977614577227860344563038783227264062667" *
"3578735927690828262212283806460580891346779412379055600066959419003943" *
"778891827480192873384753365966456651106754969209770117001222306e-15"
) + im * parse(
BigFloat,
"2.02222222105138369361862625790652984320915078199715155345806024985827" *
"7932691613493184578268199139588089459182592174687797927803562813885146" *
"05197035631865571950840171944364697997767952231693131828620057e-08"
) parse(
BigFloat,
"2.33078657630054183436237924493245994270047667765462911307830432528076" *
"8562893811547583981277778635419593849382192392639083701654934923203226" *
"21117321248105933123636037198782296670729558003251478546836934e-15"
) + im * parse(
BigFloat,
"-6.2222222186446518425730787622347102568830672910483113825858677627025" *
"0952281483097625116599859470535901816411199101698317610288873451047705" *
"419901952588446170711235048410919821808598867936770152419826439e-09"
) parse(
BigFloat,
"-5.0020908646475588590733990547403438966480833458225957661999749728633" *
"9053443739805780513826123616625960354630998828258027414862670030424258" *
"596710772620437670816699663094438159900879360071571864382709424e-16"
) + im * parse(
BigFloat,
"1.33333333257124582702507558339498988393969494004250201105506089580852" *
"9643722531677896456028004909462765923167087119929688969320403223884084" *
"13690014690246229625920244372723977128892021113271432562979105e-09"
) parse(
BigFloat,
"6.67818436697549565644532144550178949407657413309139490933015301967359" *
"3280141134514881344275496099480968315352799727281934278527106264294531" *
"11860355304796251010976178312132659669294976509080599423294935e-17"
) + im * parse(
BigFloat,
"-1.7777777767668436280558300751320977661431370153539422045699702983158" *
"7531753879728530659920691738145668146920796695894781684475918545644855" *
"443249560188621233291647811441248403744589954350354332606240227e-10"
) parse(
BigFloat,
"-4.1786429055713034725213279451044378116029016052001809338668930210094" *
"0776608885840446206729307398551797974553128845220833994107904965259748" *
"470504496999302446461051197651851230152284262260186819525023178e-18"
) + im * parse(
BigFloat,
"1.11111111048208446430190162876116780745176560986887756071815441740950" *
"1742323061979131247250223862516082616621075646955589403913152555356461" *
"48164807574449402650471972471750099991853464737525186666771533e-11"
)
parse(
BigFloat,
"4.20551903410222011630289703639391793634609404525444826176929801729350" *
"9194529381497039428024613791238360738785714318207369688877916213545482" *
"85462573050117559819142159078778115861502641897244026521867394e-12"
) + im * parse(
BigFloat,
"-1.6907270246633452599475530635307497385624444432931491940202202383371" *
"1283584173755346257329529013732687791198367723057981686695781628431131" *
"572353464624671136822827083574053586101638224451606146534494985e-10"
) parse(
BigFloat,
"-3.5929653205540763236061831117851843530583179987459992537848984293104" *
"2306314785742567206477259565090627926277179303216927965439694144716315" *
"930647669603379859636456158403614139256178086168354419979765354e-16"
) + im * parse(
BigFloat,
"1.19999999369169322132164017831872720981862334397193192463918450812656" *
"7372845450265124517168010221555598205945267970469612058124746941573758" *
"22610598335763372041514406260832536069526516102149586089317744e-09"
) parse(
BigFloat,
"1.75417325237140550677026083512683656394067451989708699087623337865809" *
"2720164075162390072946080692634778826022726795282953966778059617644617" *
"71671998248431095994759523162417418215753552117210296988948047e-15"
) + im * parse(
BigFloat,
"-5.5999999779207764605297803275530642194461611734871632573388561093876" *
"4931676297996053771580105039598480854608252088993013631784370896574414" *
"571040530581697541709777171829369493611674003781496264770268793e-09"
) parse(
BigFloat,
"-5.8355294048367904299251265766412561703301214824603570824402772319608" *
"2655261217718316589883270985778122286103066964102401154050333988199593" *
"935899322506777934629740230950864746094207968894162528519414897e-15"
) + im * parse(
BigFloat,
"1.81999999362153289964357386732487980027725180965047759657003744168100" *
"6553163410950659348957371000074876542693880911534171088337621261324992" *
"10522370652004190894624781918015631853878859608650020013772913e-08"
) parse(
BigFloat,
"1.42030301736423260254041393712348078051128474712161061084178470372544" *
"6391566444163072525236077513811998554230785227746065234137293527320799" *
"96898298443072941248708577771033112193577115769301205358300133e-14"
) + im * parse(
BigFloat,
"-4.3679999856484131034081998969013776062994779438790865016848857914264" *
"5191974437789040284316716083783185369776298414973462334543325961858591" *
"163476787451093109957723407953113251541049673559502996596564256e-08"
) parse(
BigFloat,
"-2.6283117547528999398315614506453417045906361686227423687951816409993" *
"7907301180962255414740124168659077083998001939144460744860037831962135" *
"395040020234501065054556952555426476329560500801157280212447888e-14"
) + im * parse(
BigFloat,
"8.00799997474116296597610812909740083895903581922965190302632917597213" *
"7605360587686277503330333785342983745448707266237688304761692623184668" *
"12894045754565420030239158053328623984210151653216249647022699e-08"
) parse(
BigFloat,
"3.77980684609399656890194457527531691787554877738613312221580008310994" *
"4814737713610270720138090219525069496535894784709078317656644985533019" *
"62322979454723486790038290935476370893110607905529165301818438e-14"
) + im * parse(
BigFloat,
"-1.1439999964918236781250527487904399321461224934324115789264306444232" *
"6396839190567582013972496314546064141430538576899422217692120685794506" *
"021930580684944644038497805281479306702468055765582697616161738e-07"
) parse(
BigFloat,
"-4.2735272602343483915201575940646442354944301788415420805213387705358" *
"9590725751216445474989448579271402450915979735404798899179608323118126" *
"059846781691277661058614390090547210589338442243511303084761653e-14"
) + im * parse(
BigFloat,
"1.28699999613384268906533758072769165933207839950394501846866315564290" *
"9112765105354022667085270307808338563096210694433229448845434493752890" *
"35021194466860316438023697740722389669682348372436787001205818e-07"
) parse(
BigFloat,
"3.81342139722709029872018825887094117033758038324871491431217172138650" *
"9593446766274680377214417702592291520431269918346305810108408576713209" *
"49031121364552180819947970837986846138590903392477885968014036e-14"
) + im * parse(
BigFloat,
"-1.1439999966171097132785851444986500576013262924683378346444863595268" *
"0150664093447701409340865872836646759728510184481456175190641044749883" *
"591474497696177943495720270734668806369447665363028930803946200e-07"
) parse(
BigFloat,
"-2.6776620770303034924981168180422237708990803941335903390662194681093" *
"3796223903622596170702906475163982286702879713928521355042481780169684" *
"729800668185490035852277347162813380565385850344622465364375991e-14"
) + im * parse(
BigFloat,
"8.00799997661210174075185888400709790912504598435259859605451385215820" *
"9669004115683927778734204676807618274912814002310650692762769571586886" *
"28034947110245340955512909437002397714110077337390324045451487e-08"
) parse(
BigFloat,
"1.46423865490163061089926125122281313852814276349065213181503609249198" *
"6962093032292935219528090801536936133711084854595727387311094635574756" *
"88401382845961196854891991691428196023893759319035293078089782e-14"
) + im * parse(
BigFloat,
"-4.3679999873705283324802338057303862461575616157243695711869767583313" *
"2028022804271302551710274655553175755172937577192738063176321937239267" *
"102829683062482663139300266744713898212204757940266094744154015e-08"
) parse(
BigFloat,
"-6.1138440743379259370207766056287651624707292668297008743387488351814" *
"8213518945342909578700454563993339025818021260716261313951294178824641" *
"631636275858868425728881366440178918560132192597315409624002825e-15"
) + im * parse(
BigFloat,
"1.81999999478120775921518155098871285296724240054371488446722130469172" *
"0427085515073915612364691135092622554166939488629567373279201210951405" *
"08560779009997824627167202567331956816357024035495143601305337e-08"
) parse(
BigFloat,
"1.88453197162398638975060517085905946379277737440076901297404526302385" *
"9681118614923015949335725578346373973338092322697545983007135040192254" *
"24126493154803123941583385980042313707806543436018484427301766e-15"
) + im * parse(
BigFloat,
"-5.5999999840536843962393375752658160361072513951313298530407691127822" *
"8765204776275197209373232316270708194187985273988760471131842316699172" *
"707714976536786547072490588052103585972585004529407940373992277e-09"
) parse(
BigFloat,
"-4.0444400153321168181377759324939241777525565093305360460570376632043" *
"1514051922863073252197744132584763218037581970717953096682779181108323" *
"918390629551443809607145597392696750198239511233720740172199938e-16"
) + im * parse(
BigFloat,
"1.19999999660315060710417630390973096568451821205732604919012478505041" *
"8874873162463618908934564246957157716501976596180630099433325945375044" *
"97293326798824109443256096931948521539706706051592114838507699e-09"
) parse(
BigFloat,
"5.39970723461662573486835935744636991125405504115712286973283261158140" *
"2959808781858328226163765449379120433358858034000467691840940769544548" *
"97723542480781118546595027622457361444522202843259807840682201e-17"
) + im * parse(
BigFloat,
"-1.5999999954939740252608559106952787023521244854119315600829178488150" *
"0570850015785836445412944530084629415204041014969025147283225372359164" *
"022212328573602414589753177535118352788673285408098979117985500e-10"
) parse(
BigFloat,
"-3.3787136674083627001110947278351779897234875064387354425192597558127" *
"4707158904491913503416915532448003459422654520691522902923079770397059" *
"289929361276664166859348858801401459728419389140082003713442084e-18"
) + im * parse(
BigFloat,
"9.99999997196249809966915878036572014058596524395523122664105420273985" *
"5649135355411638584355947580015786405003404123118517223813123218928309" *
"14977553440067174622910702439991874497649809283327454176512419e-12"
)
parse(
BigFloat,
"6.46810413390366045455586975673635580483332299542056557493609975725519" *
"2382532537919953684101269162819535305198750581452925345209633858951096" *
"33456138999503587276331114774452398223026396642132755265261686e-12"
) + im * parse(
BigFloat,
"-1.5184271140825624294063222690294793027974186977851102633831407036179" *
"0128236000502925057370264121614503171634491239478005456785687992321250" *
"306851379651284413560115247250754901381850284016435267845642384e-10"
) parse(
BigFloat,
"-2.9440326589432849677158669509126324178083953777684094687940035453625" *
"3775015906956837573171694642878383384281926553716780505402461741129599" *
"825262976913893950587062916575361860352587428641308326930435510e-16"
) + im * parse(
BigFloat,
"1.09090908208892800446952836041470738496153034265116683812253803841762" *
"6671590413681200881964509943336384447314191427463428949756322015532851" *
"89175561877995157618612818756800050860639504033386849821513164e-09"
) parse(
BigFloat,
"1.44085390086950891207538997353792885359306946406379645822293955666819" *
"3202812993623788537875904996893027580358415595299275125249827276729608" *
"17988289681474537261818200181181345623385335467978197077179900e-15"
) + im * parse(
BigFloat,
"-5.0909090600384089922829060172714399067930621580739004907034158318935" *
"5184589739252171854270058812113813709475015059224749673260049917556052" *
"781870704566796374908514765255553473706073246653570505375079601e-09"
) parse(
BigFloat,
"-4.7971096228590114521635952560868829621359535633385015664038366215853" *
"9957058609870699296613965833737599879921689778832786401010628020276992" *
"655753819754685015292707136684599132711234895797068249637675926e-15"
) + im * parse(
BigFloat,
"1.65454544562723903405225383635676144690243384668597994112967818886706" *
"9496571373659771074840422932441512752063767369000239425142256895236459" *
"81790931244002250198847397651671769048699471587872461280227633e-08"
) parse(
BigFloat,
"1.16803470741375000658631985820638962671887222231719023656769606276041" *
"0085764976035762912756906261133632702987516579742932610359892295709038" *
"82693363290445849164054924110455138525735831801271948271504951e-14"
) + im * parse(
BigFloat,
"-3.9709090708430791080304500725760468154252361235930625888762309705680" *
"8982891995738558737702218161134283096387636133263671547258411531956469" *
"230977099202006277747231955351339969679547686033705660647860782e-08"
) parse(
BigFloat,
"-2.1620042619539533661121052165592723397997797325491648871805001548263" *
"6815464253390123678599293213292361853276192740216449993040890507733501" *
"033253449254079415463197405915669904737362247104942695574092184e-14"
) + im * parse(
BigFloat,
"7.27999996468378619245041134533645273146729962157899998348362020872859" *
"2734137140631943993709014584043848173290419269737458266503116993849804" *
"14080355568291074258041019690008886455031911078262200830034933e-08"
) parse(
BigFloat,
"3.10970423703910547143406354901510173363958450690674721609928340488308" *
"9315565300316453480312479657247916214776328360141284785591984551209813" *
"21718632462745688863442923087587687264616192196552299760093271e-14"
) + im * parse(
BigFloat,
"-1.0399999950949669234270854001118850757959684124022514541781626868730" *
"7993256977097989649626129587837282425635938548970218496492260704393604" *
"243409534491570547270740431556808589048049898579304469421159429e-07"
) parse(
BigFloat,
"-3.5162985479117768210531194825153581966506442066499962446797661105511" *
"7972314116495305916030821155717253035285801631167370754027731886760602" *
"611588300630917836114970670627831186059002062789946777719948027e-14"
) + im * parse(
BigFloat,
"1.16999999459445048588071311022312884426223680093119484908375845610258" *
"1314438197131216135571229785260581154402394761607169973485960904233548" *
"71889653108745335001728085034620776683908388921846261320275088e-07"
) parse(
BigFloat,
"3.13798853889143105095430652960767825714186839709426150287742114619583" *
"9884270527189682479131536016979545320594808511591406158810664757148188" *
"42403765150990362854451263840904388413474944366412321705093420e-14"
) + im * parse(
BigFloat,
"-1.0399999952701421963502047194906538068776583211091235341429247147343" *
"7492962980010119242171853862068914133429433527272641063621037094331861" *
"850224977891232273228915661945856170519600887111183082284488932e-07"
) parse(
BigFloat,
"-2.2035418160105080199958976046903996667160048338321291374531584978026" *
"8089416136984580241512938749527530828751463025873021205491044670988469" *
"581758439612992716819366331333638944771346555738564491635035911e-14"
) + im * parse(
BigFloat,
"7.27999996729973742564478766679238411772958520018927616732206666727144" *
"3010065425782641395978714381155560199478966609780277393543737114170213" *
"65699161388002784222196511736416996179239408962763881928431563e-08"
) parse(
BigFloat,
"1.20503748419126776529430028453438779623208320542564237687369488276163" *
"7199894831561110432384292267114272398787873708078130427750011636837928" *
"89009894548539288506875830190528996028565562135764858044357159e-14"
) + im * parse(
BigFloat,
"-3.9709090732509441648639704541797621766794498779998563952730580696202" *
"7945770512566681124190969073405527547045717835246224690923193512127938" *
"262647048956004421693913423957172312707288749733726923460341987e-08"
) parse(
BigFloat,
"-5.0317839182679735506951242703544953217117003082561215235667655230962" *
"9162134857282564617471383745804318782526979588256617612224957597342515" *
"572922951892629333227134417585146150775034750931616677275457641e-15"
) + im * parse(
BigFloat,
"1.65454544724869797127123968844782001696775560227351788410391428207010" *
"5865835404553256139250706804308712891474449995094878673256681871248557" *
"34386164391397648916647542219005885131831042311414995979861539e-08"
) parse(
BigFloat,
"1.55105395115760145584089979879962685090986105752835577331923363217366" *
"5191911656902782739885994680461932505020359545122407783059787446110505" *
"02119803718028719777755460684305189609682484670482813931965444e-15"
) + im * parse(
BigFloat,
"-5.0909090686134413379217953244859597403256209872285749304231655232851" *
"5776330346460839076561091164225034610952169506102221575529492905550371" *
"776284796844800700010500681847318090384506740276065002081255692e-09"
) parse(
BigFloat,
"-3.3288569315212695151406163952972075854874947938299567117902375630379" *
"5493960453635738604100816868809614934699810444271286213636344722188123" *
"045066173733664528206327857680513896406264782129813074548185187e-16"
) + im * parse(
BigFloat,
"1.09090908615972094586466382740495521760803136743536488284914474239949" *
"7605698174165096869809307953589621571723159187507009830683305848488754" *
"99751664181539544967995646403776070268721271252476331086840135e-09"
) parse(
BigFloat,
"4.44445355308601127186108925178869917657109601855780280424450259769114" *
"5256283317948407358753989484304315091830672795354761328990947794755109" *
"96460468727496910328725156606179518200094939951283745367848668e-17"
) + im * parse(
BigFloat,
"-1.4545454482452689480904990054186283501687182629601248111458019867471" *
"6349012622248895011553012179929586792608675873765027348062836747752408" *
"318942653985125517466414093870816666740739969931675321995598360e-10"
) parse(
BigFloat,
"-2.7810541568782079967516317528408292505665908676341276492285642392753" *
"0494934233795213416219410383816695816687365489271488447654513126755668" *
"053640496002150418454609987573074537932263342212886649996123405e-18"
) + im * parse(
BigFloat,
"9.09090905170793087187463839421537526900879287887456790546848666845034" *
"3896152226955163722704536440531906110292866210370130667188436690113407" *
"65892707264649906443117687345533719170861954382897866807825465e-12"
)
parse(
BigFloat,
"7.60359064419714847140703958188477825847648141486075809669915537931726" *
"3039562260035134623643527370694324564207647864171073063585209188951614" *
"21211922140964076953446742608640363435374841719801061622069467e-12"
) + im * parse(
BigFloat,
"-1.3674364945179276023692655314184409826160327406571421838386979055324" *
"4195233190292870786525261962562684651070702619483875645848185938535659" *
"978733404653650457225913537986269511291743153446116133456670153e-10"
) parse(
BigFloat,
"-2.4432364353973380865832828437339115049545213207292438726079395283577" *
"3648258367858693961767983195260629846700194551635900479293677103035246" *
"080291210321616750045014403979958716387709403988754660370930942e-16"
) + im * parse(
BigFloat,
"9.99999990495495929276683882797797573702107106473029857612637943104603" *
"2870484734811854875444409017926705199208806538163149029388815955436275" *
"35668300536702839515948273594244989999760909756765926948689595e-10"
) parse(
BigFloat,
"1.20001843877344090340627809549281909135570907117544856586689711559649" *
"3669684707333239251355806159402313024490053537595032566751786315305365" *
"44388165477578793661078715414256777627405440172926550083136662e-15"
) + im * parse(
BigFloat,
"-4.6666666334008172342820863221181749938670198970834714551694738328211" *
"9647595188961502631957735881519583944484135830859326779134821035796562" *
"034579220001902571294581423959174227860240156523125191954274558e-09"
) parse(
BigFloat,
"-3.9999961739267829274596631713100132762686748069689098028363212528624" *
"7424638474790161941169432525918955911934569744502671746299148179014483" *
"985417180470930059005279042103242832719546523595669566168361951e-15"
) + im * parse(
BigFloat,
"1.51666665705651821216852844856180863181634987779104885166279595652397" *
"2583783120611135152076312868538262788293935895738098993524164809091593" *
"23267176177850274412292415876243604401672805214147963569247698e-08"
) parse(
BigFloat,
"9.74519209329840000398408716439610021234203253108509681075498412725160" *
"5398219226964960923947118882697383858259089495356910686914076067275559" *
"48908185929835036480997202356102055894873423155040246278612436e-15"
) + im * parse(
BigFloat,
"-3.6399999783771453538063480494041226405106612248746635842855784426470" *
"1978502213724341382645841582133718951420512397087219619954027011685798" *
"347601490062599584282719164032219127086903406738077922705572561e-08"
) parse(
BigFloat,
"-1.8044443945231334490911908984540857453730676529141732180903580291843" *
"9356008278210727446936607220449962633205237451652447823096689539989226" *
"498957278099051596956378982057474084234229056868311230031368150e-14"
) + im * parse(
BigFloat,
"6.67333329527708381060194515891376348423724622037806888183862345161322" *
"6239239308864268105036469236034285783959748651123288765771314054983712" *
"60391063724462973706075515467137586682755634461898063267237980e-08"
) parse(
BigFloat,
"2.59601572377703848367068420969929346458600277884815851262489014069640" *
"9235861579518697140225734283918327186981843756515859884123276167058830" *
"65938105557132486813763707306638235660012162777190807810594563e-14"
) + im * parse(
BigFloat,
"-9.5333332804774052699465069742504851302946733122482190044761003753083" *
"0168566014336605556397757118474268047422115454175970277665240144898417" *
"114770295241468615793517197201926786480374315300524945509117323e-08"
) parse(
BigFloat,
"-2.9359332303857859300424013725967300674737531339622674931984098552090" *
"0611767645574961318803808125033068931508230841768612999499916574540264" *
"141532694676152064478638146958448705479981083781333560814950874e-14"
) + im * parse(
BigFloat,
"1.07249999417505879474505462341744182274811761819902256093054544349988" *
"4992956905647652805767379696657973147443510791509799606272348458763187" *
"20359537002075450854382383515867695042048298052728025648726504e-07"
) parse(
BigFloat,
"2.62038952410452026495701830333350060251337415779922794392624598851282" *
"9893326310710085932476825591628790592567373718039711259487009767800307" *
"96388656150004987447005438332918425655848458690086253572702272e-14"
) + im * parse(
BigFloat,
"-9.5333332823650825943764770558970301591157017331806795106516366492742" *
"1092597710943149177786040033391014475404454766514724147167418188635379" *
"736739545563823332249888997237802781478941864617734849944520302e-08"
) parse(
BigFloat,
"-1.8402541256367824331641525257404726173325693408431422117513504756478" *
"4031972018870389647203525809894287771624169837922013104186607794162578" *
"934979109075390704067943297780775204060446070000332428229172680e-14"
) + im * parse(
BigFloat,
"6.67333329809601566278826338940817054268912324163930215796621995268698" *
"1425257116741231090475681447468215686585788636949927358881595573801345" *
"66178672304387552039535607552931239624716460517584496168808180e-08"
) parse(
BigFloat,
"1.00644634817899502609436435089346114734372019099729885622188690549829" *
"7159697993520984547342309002108620305817886665152156713829277770781376" *
"95059525706526250888612022738167253077559186803578179042679966e-14"
) + im * parse(
BigFloat,
"-3.6399999809718446533394584898927654109369854071883006370645504612385" *
"5425241143969739695103094393202112379566926956596598318267274927026473" *
"402835076276219022780247716488623361415942013521893390627920917e-08"
) parse(
BigFloat,
"-4.2028074852139213317519304653469437973548972492480665812936775608543" *
"4107953477751335476303063556393289687684826563653514744644464876589458" *
"733176932226043579000672006271366603006004336201986891809340089e-15"
) + im * parse(
BigFloat,
"1.51666665880379123454805281184779186752655344233346364528732944958216" *
"8206581458001869198362021312733260026743879676316356956575804600316787" *
"19360439512292048361188064134822093717135276017494785781386184e-08"
) parse(
BigFloat,
"1.29558905721126686188071878622642873049145861341798707304409539915141" *
"7659273825131458834399933205212415587068999579581817780890356113636001" *
"36147645381956421439443598218943980390574706115253941035861890e-15"
) + im * parse(
BigFloat,
"-4.6666666426412105138223679212717576434260387864753654723620257729136" *
"5564007156467840817612648647255808644756971202195844012334887241007127" *
"340093746538931757908405660741109317571496852375248918031687585e-09"
) parse(
BigFloat,
"-2.7807043888020501252949093096081530820924025829688461988604290237302" *
"9719348608346587326419054372691023448037502069193931725633545766715511" *
"108326335365682252861930788558014481406817472233424968582822032e-16"
) + im * parse(
BigFloat,
"9.99999994882150719275313729599140681763108131848941682174035764693932" *
"2811398181489869471879603051110906321844329939349050249593940156779586" *
"99367773896049776859485665416229605737078020035570210509408010e-10"
) parse(
BigFloat,
"3.71274070705128384068805425315120983406411589283317589953638721430338" *
"3050238197443136417728560465959643973590944452312305259101390868361494" *
"90823767532383220131132820535455656214619827995291621551661200e-17"
) + im * parse(
BigFloat,
"-1.3333333265443488621071921466694447015714740272585757526958064264988" *
"4456261454743496417252421233599813162782883428565859626004164591863863" *
"065925750473930680591930296610529700091218326382365016274848307e-10"
) parse(
BigFloat,
"-2.3232718791890079496676896741115864221370558040549521205317854902497" *
"4964271390114058880781637597870710394467309818808383574535855430636387" *
"158813246145027225710664210250373808674676013582589277485111646e-18"
) + im * parse(
BigFloat,
"8.33333329109075928854123465161938544165867981610214131112259952521004" *
"6402850362861731461942162371616759904253967135491740415801588943552214" *
"34234167154552336256182729243086867016412029943543658468123043e-12"
)
parse(
BigFloat,
"7.67655491221390975763714297307243389603294557154992163397914757288918" *
"9573826601825189908627433778948119720169541538874497398622517673746713" *
"02468482697848832538623203264069352987010851472300083173549069e-12"
) + im * parse(
BigFloat,
"-1.2356931353476864041222875389791230050568384696187805931594353185033" *
"0114024130596917489209712854544983101147831490116044800223112339310804" *
"438908897881992953925560082480766697733713869761295045098077269e-10"
) parse(
BigFloat,
"-2.0511694619074603997979248096116602377583981271438317024713165903539" *
"2834432347333895289949322074532511063390916173408468061580136415589325" *
"064264497973698108219425843943681353750216428231728609358940114e-16"
) + im * parse(
BigFloat,
"9.23076914219347627413016041963584417235296962420997600857718624172116" *
"5298835567386884346817893716712265195768198220179763122471960696163896" *
"23873007605798866207978080467524528145449331192927491666744864e-10"
) parse(
BigFloat,
"1.01177640536890823467549604814838345114916853790918747572080064535645" *
"1580410473127666430250612058535815043043626145103928662280239723539988" *
"68938325903604474909063957289698415079224021226691414023530451e-15"
) + im * parse(
BigFloat,
"-4.3076922766907274437911348338973552194150889311461815183641747801314" *
"1644707283990494778995005131978638078156581107328162182575260311963007" *
"859118932102245459068517556155961829017941188323799904255849394e-09"
) parse(
BigFloat,
"-3.3772988374747774900633334085848094621009254248848710201185766516420" *
"6177038239365162787619311244982879771049807644506764649488607473633706" *
"495332781539866487854145445141351149538684972771461504276133863e-15"
) + im * parse(
BigFloat,
"1.39999999104397685938753734879211400167815310381262031137075787137310" *
"2635064379102404759554174204673876571142787397910095275742624093057773" *
"42807506631597343038307814639125052597864169682623281638271132e-08"
) parse(
BigFloat,
"8.23388629602560402584871984909069147160320017669020277957726563971872" *
"4314003262836794745211279774879663926899300384157724525519545558924226" *
"53834726983277990429028980713605966135027853192982437358471702e-15"
) + im * parse(
BigFloat,
"-3.3599999798489318019943251963538755902153668550909426709285002782658" *
"4880890305261064051967788714871287547319695372591623399038069916332941" *
"127348282768738101361071342923251455983260199977959360641942438e-08"
) parse(
BigFloat,
"-1.5252459076173019026068448607545691835883290810494116675115499283812" *
"2755144674428524506863568791036538407727279452934708908265159043758374" *
"823793952249481991731082357871698431722795790200312286788312798e-14"
) + im * parse(
BigFloat,
"6.15999996453410013101817551233328299868797036679429706107842267949233" *
"1785991331436437201190375866283827297434269687824908919939332121868479" *
"65782284558823452833039736523653478589258378026158017205213207e-08"
) parse(
BigFloat,
"2.19494966976416906498617407566141276728824045875423118501457771576338" *
"4436874880721403116727235289054375528485843631086832554792178620289683" *
"44564149822836235984818631562058077591034707136555018345067042e-14"
) + im * parse(
BigFloat,
"-8.7999999507417854157262294848888205465160734836675887755479579445764" *
"4795929849500345023282011186288326638894487538165695249334657428022997" *
"238166772263336422916780212541843143269006789747644760862568506e-08"
) parse(
BigFloat,
"-2.4828447399787483889396942117993323288274725023873660115472079220968" *
"4229809478231950830966090516659874616164608104994997389745733657728239" *
"460426474637652173968075950298983702163991452283228779174951914e-14"
) + im * parse(
BigFloat,
"9.89999994571541979966499393536628903367586333155810021801794318181185" *
"2213650876656661992065874238538777230322799146429390637386574727970595" *
"51478080359868121648177415622312186522517019013379346668791920e-08"
) parse(
BigFloat,
"2.21632645187331226568512827434638366978937422574299518381425604562598" *
"6654198967940593720944757960181537419030756014351376855172326524958328" *
"48953991239493010089102554373254361547195985689874368238671223e-14"
) + im * parse(
BigFloat,
"-8.7999999525009804201611622545205637094885031642558222223419971560595" *
"0648177980773815015528060767566677403410837267298559273379679805971855" *
"488298922277939395787487550307792162009525946166427848399199896e-08"
) parse(
BigFloat,
"-1.5566671443910059094196548915508004134407767671894058226963451975022" *
"9122168944963882619383102373540471369673488983701479057465022458371191" *
"425381366176895839277711696655392135427016682596358107173580647e-14"
) + im * parse(
BigFloat,
"6.15999996716116497338934636081301576102885644293580121676941672235614" *
"6055703928851665151742242009114079998139877297763730002126825994403806" *
"72380286123448577553630218402724664936398030033554232867581141e-08"
) parse(
BigFloat,
"8.51429330919133777745553161939857527982763591025697790014240498465480" *
"3785929300151930865332999671410344105557701077010081352761413987349669" *
"48107294995996979270994571383709150912357185124074731413159641e-15"
) + im * parse(
BigFloat,
"-3.3599999822670261037220815152833616107091851484744580991834886687408" *
"0289642612746209349122610181781027772931427595535246804238529550197693" *
"742628056283515459858841200197260010787449535419701280197787393e-08"
) parse(
BigFloat,
"-3.5557415529427657291922906504043120563053546387501606169919402900856" *
"4011125025196776234151286671630307596121510648075954935551801753719444" *
"305836458497633721288227644290548049541525184274918997754020043e-15"
) + im * parse(
BigFloat,
"1.39999999267232380006167277785129156697241032495370009725580195387585" *
"8819118852657393177887775132825749570319156804302940740358804936911091" *
"10412584995569067132619266402434372164829570715904630106623629e-08"
) parse(
BigFloat,
"1.09618838969813430403399835160520993806499055175026912022772088455075" *
"9363104965017092476629649105629672300683681455125682677613128073965840" *
"27916127084987364504200741229417451240515664306064893241926279e-15"
) + im * parse(
BigFloat,
"-4.3076922853021832708221440912517151015612238971667017280682235209756" *
"1449140605824159052486866245880761497397077179913637331041152022960739" *
"143094801628151720509775975481797999612660036848632657964351791e-09"
) parse(
BigFloat,
"-2.3528583351169897931010558853765660616223294520462619096833015148261" *
"6306092010015468559773374985582064798165912845140517176809503574358511" *
"968056704072519519239846670171276024799905703034906909319203237e-16"
) + im * parse(
BigFloat,
"9.23076918307428621244028676750395488210076281548568253531610606169537" *
"1267711274099570489730155611289302905079329375854917150666686206419490" *
"24422751961408096850469256977149789965288553103885879057636165e-10"
) parse(
BigFloat,
"3.14163194795587427143294710816343591534223444349469803248058077550638" *
"1475554906538883371294838134984305262741529793913823625319628668154589" *
"58718269617833069020387455904785323225368513849813889575099779e-17"
) + im * parse(
BigFloat,
"-1.2307692244423497953541469070631497026405522804874754346570805444962" *
"2102131219322498932997111537579923605274236036066256802412526050926987" *
"376471869618766183659885816105869924689532895715288895331019886e-10"
) parse(
BigFloat,
"-1.9659741780459051089426616758663825803431164295706238812504645953542" *
"6874673884368194917934619061797816252676938129695754792235674253392780" *
"203627950929074907530697031138343608323895378674137731834169573e-18"
) + im * parse(
BigFloat,
"7.69230765294042977728663266935531744033895520758210466119354796201049" *
"5854347212981113775486365084174695019262434096917366859284589860208460" *
"95645483362254076419852556111555292156674772160510779640060913e-12"
)
parse(
BigFloat,
"6.83740800145608532600310813679826748469983944989181893082372384191528" *
"4333518344884987194204339800445351896520622097118218166515747937903149" *
"78833917052524669104524627073899139470136587975221642330104103e-12"
) + im * parse(
BigFloat,
"-1.1221918924399813157966076339692631761815275654064699000231156280146" *
"9283322384341091326825635317698974842611463385814489593997033540633386" *
"616180233266797837004082304374852544996358358909836903409989100e-10"
) parse(
BigFloat,
"-1.7415702818769695486164345181990629267637549614696171066193443076174" *
"0614361927294922258298836236431845297465783484954121083136279555909696" *
"073972641383127139904515410218741469695913568597307742615129792e-16"
) + im * parse(
BigFloat,
"8.57142849817053430849560960005094557327088464329584173022770750576760" *
"9980347641854976299118433216280424207678725054858554814432219240140477" *
"38468501665692847672017829918247224846368175031842499721429459e-10"
) parse(
BigFloat,
"8.62935001103748349988182576799415442294589685141861706232330642957590" *
"9813439939453973230893794072340840622236888677747571780686145364608216" *
"53561815173392430259868707397619810530594754379336056317076924e-16"
) + im * parse(
BigFloat,
"-3.9999999743596347003820039556273764236971488332326040107330458631240" *
"1644682867690788952864346757141701485600841048030303927738510152950780" *
"629934228827101756176726417826882742831716389312539077056660705e-09"
) parse(
BigFloat,
"-2.8847181250650061440291172764241360542923578188765361345364513937395" *
"3596950474290532309515698805286541397202279340931309902668442954856474" *
"002678911468643909123919541055950475767548425407076912704467422e-15"
) + im * parse(
BigFloat,
"1.29999999259277456066879956568994995556206852808843385961485129497118" *
"3111011185546870004546690691955981428150445298597231410977541367417028" *
"46370317576381798886894750679781814022453373535162426190204361e-08"
) parse(
BigFloat,
"7.03811017489764184626017523504210996926527534482639430576604306469262" *
"2955411014349775321476858140411768039804857295868591992043980396451646" *
"58064060970117940513383583280079794906678914074815074612265929e-15"
) + im * parse(
BigFloat,
"-3.1199999833337299188543766682693844565344152409990335958621637248238" *
"9466558953654464228600362959028193586893202276208943119509550872292033" *
"878199174436188909873550265159876662444228467961494510211714057e-08"
) parse(
BigFloat,
"-1.3043086377379975167389636076055657574313205775231479579369014658873" *
"6306983969963868308925833176929871493946626087859952328541726108889301" *
"983146681426622207414916995141856942822147888737957244003566027e-14"
) + im * parse(
BigFloat,
"5.71999997066734884911007378500689498092495056228751313123763121554574" *
"9163408624699672756514984057653350673744332326882809588240422607346162" *
"43060311174234727988926404166550894529706331565385365001476514e-08"
) parse(
BigFloat,
"1.87754684261329078610629486520158604762827042680968026721775817347737" *
"1240165085115429027646095919345345695102382714393807229870221448991546" *
"15387378746387369106539620668117097649348551007002749715426741e-14"
) + im * parse(
BigFloat,
"-8.1714285306887619642829339578085778553647783533618845718198744106645" *
"1069785432754497659849576199734320530231150306571691775233006747700729" *
"113944743568775944622368816679490696027231403646859456786355017e-08"
) parse(
BigFloat,
"-2.1242484785397000453936825085834752621520869896419493717963314888382" *
"3900688153152836696069926320510744007462123847398739525888270121707484" *
"963364539585442663332195510711914856384581000657606736699989859e-14"
) + im * parse(
BigFloat,
"9.19285709796019627194621039741468732748979558243324017355134540132260" *
"9111485820163480826029958988908728418178604002697024530721666006883917" *
"40115091162294760293092619539610693165890368644855373929971812e-08"
) parse(
BigFloat,
"1.89651591078674308650845368241355433356393162286942786447333716127561" *
"3310596935370752219525716141643432472271719276182823679939512684336943" *
"37144054842645873021798559916449116900664754666348696555256873e-14"
) + im * parse(
BigFloat,
"-8.1714285321437336720691607606119947090938572231213150383146115691302" *
"3295922081248639818688454712095534936241261081249212893945462494976492" *
"850135255344549722549165012464840437401886342716554191895643920e-08"
) parse(
BigFloat,
"-1.3322034288195858945775388106630857629453841711653299160060114025002" *
"2240673450338976748865161003730098776540993105369539181101122044897784" *
"860853944914439660025993414215356043729052779309844001910030816e-14"
) + im * parse(
BigFloat,
"5.71999997284010684376230321970011215289171571995151030370688962963808" *
"3134889765586583211785229535023485458911101447758676740444045574238718" *
"46337561560863684529383050266214076372513261887373347219925172e-08"
) parse(
BigFloat,
"7.28727164464466254451099124052741309250640112096634230981350962123151" *
"3457310296394602913466279562816318479150901886545063107267191777710232" *
"45752817506409114714568337314822362450706677141265696727403572e-15"
) + im * parse(
BigFloat,
"-3.1199999853336553167417978810763620053835965538495715288710066835441" *
"0897309349847717165082538574706539913293070880223043593423933903357388" *
"982039394322020392511177755165910705615468339654234320337309784e-08"
) parse(
BigFloat,
"-3.0435504583912379222371757161126673623865942221252750756158829069617" *
"3379225642137950857950952283896673420252891173374905277655920067171512" *
"568608986128161643761586088190020605213174958056444302538574313e-15"
) + im * parse(
BigFloat,
"1.29999999393952616366489779833775828256740447575705599482718572279586" *
"6957620837318133607873738158715309129068289432523085899520058802916572" *
"05621889001550597252663641235175292714527574295784817440569765e-08"
) parse(
BigFloat,
"9.38347704692702969830988338708406267128358280738688186661995938248412" *
"4732470356484107541598384827197644065475349561761270207746215268945802" *
"10327314180029770511948268458540775091848474898893353224162945e-16"
) + im * parse(
BigFloat,
"-3.9999999814818833461523326361287023280208871840406809113271126836880" *
"5664351816493299109862283375543514350544190223020825463800772012822332" *
"310126633799149881066004274215394982968395854887706695816307451e-09"
) parse(
BigFloat,
"-2.0141800302893923134430842606486445780413973394802778061138467967141" *
"1038406822257932109273856172248529141449537840368935127843747890168105" *
"794770435986536819807244802994564451809374333231068648692597614e-16"
) + im * parse(
BigFloat,
"8.57142853198169175773119878813568362175024031007902969075623344569899" *
"7891710513661244074333409154510064879596510683374402344222884479507877" *
"00918921904140632348895109349209885368635106566078564181312131e-10"
) parse(
BigFloat,
"2.68954174674070531148826463126593616041935491390782682132483210784849" *
"8400082667406088111171981182521676043588718601274654177735316026527745" *
"28955739685898997522526769981952702391054004344611155952210997e-17"
) + im * parse(
BigFloat,
"-1.1428571376243930554028159080798964397036739641030157432078720914311" *
"2505180012466803852099701601831580058789197355293540369701523397097786" *
"109963354861892088403090350646475279188333551585459527067260702e-10"
) parse(
BigFloat,
"-1.6831333732935236292235805428819325180480791953928000644269107074422" *
"7521702773593444721737712461876647511880574314763825124012342934680597" *
"363516046910132385077117490863305888429480347757812948452545290e-18"
) + im * parse(
BigFloat,
"7.14285711029780825362791705417827196732552244744352368796244580879301" *
"5518630964896018318532644409752298267331543268785260886128999760460519" *
"00564765500706545153639001209270679300313745884519814131125867e-12"
)
parse(
BigFloat,
"5.30290708029637415411241847496789079425789687115198914519028633339735" *
"8713162650656343791712673850774795903739289485801105980987531874101270" *
"67100216953019704709078809177736588842807549925661598712162872e-12"
) + im * parse(
BigFloat,
"-1.0262639433742808936304419862478601610344889877832305831980654620399" *
"6058129260238385111378985980729632650234564883046900867047848929416555" *
"666916360369212617908798359541048481770177664859272341552860558e-10"
) parse(
BigFloat,
"-1.4959860684361180268725268853000417187511397817989184462339288659469" *
"0640692299127016718229937220284336062658706712917213605978481193882583" *
"655310552186796089493172098277644374141216345041722592437002229e-16"
) + im * parse(
BigFloat,
"7.99999994697085442610536563031147054315524478647134070601851838279677" *
"2538762791119191727758822178229177896903616655283179101409536945440996" *
"06844159826974632018487940432557167818880006595682452002960582e-10"
) parse(
BigFloat,
"7.44321963775467872752167171722216174075480635503885339878487566702095" *
"3036326804947915781383839545554530070344038925035291635064699306640279" *
"40349851074355931890426899391659688804531561084779185794209250e-16"
) + im * parse(
BigFloat,
"-3.7333333147730903471479644573089432433815764997959346454707941883540" *
"7586204920864642115916780345397124488539686365681380482434075036593558" *
"288043494190545502998314748739929153216864174256515232312150641e-09"
) parse(
BigFloat,
"-2.4915602448269911563108537304311751018690884873031800445938055012243" *
"3937508222160039880502877291548486865810993072417272910367021794272590" *
"915295040193833813246079168683476143670206125519097167502789909e-15"
) + im * parse(
BigFloat,
"1.21333332797147825452522855939044805191079949739190120799057342871814" *
"7573191978151964557581464086715483241146662271246253406333739459344962" *
"41030750699911887485188495557416920708759549182399124734959110e-08"
) parse(
BigFloat,
"6.08293900069870950901770055837584484593980123153033680355927560089127" *
"8970056816199945901272656872793038471704329101898409897231879008629513" *
"65200565630217156413465106764146334803107081004548737956477993e-15"
) + im * parse(
BigFloat,
"-2.9119999879358156845057272376469321021701928122892824409067410698175" *
"1237093583574995928925821003386212541596835143794017961295217479431984" *
"884040271658510851724473328050282010244213500501059664190086603e-08"
) parse(
BigFloat,
"-1.1277432392900606208052212364110927782635386610000016297108037993705" *
"2222889269911813486668994628924789675055670469953279221728380619999542" *
"213756796045715149806331023654658660241295241992514310018080072e-14"
) + im * parse(
BigFloat,
"5.33866664543368947521077784091924418788190926029309944457696442792749" *
"9733563993669401888791237289217537133056246049802799244303324573397539" *
"81870021448630106458889901961688963735150686363434982838880966e-08"
) parse(
BigFloat,
"1.62380954493424640749096074205299291650654447920119279286628213857197" *
"6603708953878126830583058481940246857152463362756672474461014736130479" *
"44097153280900418100801950360420254319854434957607869900408676e-14"
) + im * parse(
BigFloat,
"-7.6266666371764074490907135998232769863438187109088386603558561818837" *
"5286072133178617180005294748681118605516259940885739060067038810955770" *
"190698707891457067274159527751091674876771756938248384671061299e-08"
) parse(
BigFloat,
"-1.8375158799960505274167033273301394564685315437838859970225178269502" *
"2088987479023481281401282729433890232377686268374751749336088496067021" *
"809651216882594982878642460467300489625149191172616814277126445e-14"
) + im * parse(
BigFloat,
"8.57999996750051955562687127391188477138303881771323278556585912265406" *
"6068559880450772882043515244299836389710930631373066916513274352811447" *
"32330036578495149703549746492577213776057621629327385912824028e-08"
) parse(
BigFloat,
"1.64075308143677264894335764553354857086062883937180004678994964254482" *
"4214374541854038056397373926275107307140673349632420138580377064519371" *
"37780482920830048113760195023585869073462823804255044301847340e-14"
) + im * parse(
BigFloat,
"-7.6266666382296135854559756095677649900555055516833662761194176558345" *
"6665111313983168477867006265442270398150921768291801033247457381987929" *
"049155883146835369601777504798961613114229522329701427754778128e-08"
) parse(
BigFloat,
"-1.1526689616153522901178905061636483073867494654126298157292795291095" *
"2327803074453842518340757289238295590506667580565816321684186899075689" *
"106728967694859281898186324565124199004759318275062518286617593e-14"
) + im * parse(
BigFloat,
"5.33866664700647750581208296953420236327539820157430538799815473481510" *
"9725370609263543119190782968817930005434472942841428640568857975068163" *
"51511485557958220416540761035011365695502181958720441182019151e-08"
) parse(
BigFloat,
"6.30575076293598904868119136738593020677606866703305419301815736921344" *
"9624775337951623703309608609855174703285729742340552212376532179475064" *
"19693616869983691165992230258895955951774895562627283251131651e-15"
) + im * parse(
BigFloat,
"-2.9119999893834959252755701997238479270182196260447075179498716527933" *
"1871633541174465683057729807411348319789063382063724680792058306321095" *
"451559172599846920853263991530752157775576884677214551797720412e-08"
) parse(
BigFloat,
"-2.6338026312998239209802468843304251820842556441970048277164454274438" *
"2910208637922609621367852289782713216724180272623863458220497927373434" *
"567777633653044833220714651935971775805537914339603525963100977e-15"
) + im * parse(
BigFloat,
"1.21333332894634750844840458493367807833437539261420621169018698656717" *
"8892951007430849177984810405778201606146500125840841822528428445022992" *
"92263647608298075995673575329335268196224492509335361381514655e-08"
) parse(
BigFloat,
"8.12067670187531366012207493117894286509079225366800314495665752477036" *
"6932236951607543971520766935388708398653167272306211320186956768555633" *
"81813496219652836914094524377786326974690448022643727873505814e-16"
) + im * parse(
BigFloat,
"-3.7333333199286526781252593995704495117708467589089502164193035408214" *
"5380095493973272303455694897650185369853362528617930948283910943939012" *
"369157868049602760616861765635831524409528378767418936918081858e-09"
) parse(
BigFloat,
"-1.7432049063944060799899717685682828032437831631418472603009234770880" *
"2068392308018775567922193953666944052939639657821635983683620031267234" *
"609711703794210054771128574793913485544487710351158748571988829e-16"
) + im * parse(
BigFloat,
"7.99999997144564746660535956068424533239553313728740545299888711053067" *
"3725666584345372810550423052877712710702305548976844743376750310678086" *
"25963230196043120544071667398509577416994870480218270974740137e-10"
) parse(
BigFloat,
"2.32780744724876142574440923276513612583297322646923664554708751542181" *
"9853011672132733447064161517806505190570168732382888125200099333275272" *
"57376012684256372313224417004723401008594163176179886487515528e-17"
) + im * parse(
BigFloat,
"-1.0666666628788440208479497402027469592119331207264171779353346995669" *
"0076905910254386430494987622670077576282753464479948226812117454009186" *
"548734148165587002606714827150806555452197750086039219937386780e-10"
) parse(
BigFloat,
"-1.4568116705231533938271879935478933371328810934197213517421056107862" *
"9034492291881035619306642378264208180295152748754187642231824898683642" *
"023015734414849175158829586792512871294864023297996829185325237e-18"
) + im * parse(
BigFloat,
"6.66666664309799039629386784078589526464102004788873173060915448164193" *
"7063354292033380077331170360706986312413588267364427206869171555164096" *
"52542998993189218902732166871754622250960779027549698768217295e-12"
)
parse(
BigFloat,
"3.33135048561796037482866492818367014575095314490244689254181069875283" *
"3369366065397942870611565138959854789708733933485974365471125813972254" *
"70382872790366869373438037480286221900560684262357977633539914e-12"
) + im * parse(
BigFloat,
"9.47118336751001317376613863656202255698180687856223975282157281650680" *
"6112564835329076782156345683053099373919659879207258928235682874251289" *
"48792519857529458525996952109967244341183609272832991477775703e-11"
) parse(
BigFloat,
"-1.3007651537070234853280825085177069556434620039877124138634834986156" *
"9828513674823389976541928802185525989293912882272685697693757322102640" *
"866278114278427378021922503892319475988057916405451495581649406e-16"
) + im * parse(
BigFloat,
"-7.4999999687685287469001747549466324083762006119389610274051737991704" *
"5521878933175270168488017258551478578656538617832068114598988474071764" *
"585849875406116856852289788158295132556936685215415475916923110e-10"
) parse(
BigFloat,
"6.49266003264812852679119482965748654192531989415779446556972415258922" *
"6984533263886057863579566410763481715449996201651529870752275353281001" *
"10863158982920271068898840300067923259783381978929492614324050e-16"
) + im * parse(
BigFloat,
"3.49999998906895073307825681741273586867475851286563210200544890688445" *
"4720765767527330153205586898200710431959662247176920374084685696117646" *
"66934291267369338742687060032284907119448265251407936831680878e-09"
) parse(
BigFloat,
"-2.1756252284356878952384230759210755669457824189247778522976661159820" *
"1599373367151126461013362496323937614702714010415900427658101860468403" *
"924884710200060764000289347642910234926979398311055934053555443e-15"
) + im * parse(
BigFloat,
"-1.1374999968421354981626921098795764016188134818306256683837859706805" *
"6367923601291513122716571574917264419638101074105757073406440091979385" *
"882197393045184402614223140271825258872938389375607259477649443e-08"
) parse(
BigFloat,
"5.31433215978372774337575604957856373952361518112891398724438318786605" *
"3274160331743236488673672221749882578335705801420697456906252324030876" *
"70199531043859645773335243232058854401845529236426693863555453e-15"
) + im * parse(
BigFloat,
"2.72999999289479634460707842371755150416394662334656999039218736412859" *
"6119345184938401474248657968476187410539411602997835339110601697161629" *
"97312364700133602935693137097155352020943072218538987207880609e-08"
) parse(
BigFloat,
"-9.8554841490488908462883580827393045183926199045941290714954304063364" *
"3217961201370163144408103605974469651836400460172987114787562891533711" *
"821166653432799059486297725103026488812722325560474184807559528e-15"
) + im * parse(
BigFloat,
"-5.0049999874948310579771567171584097327568714629519197480534848122814" *
"3053332613401450653131774649269704826410233412381028404953939468718512" *
"471788813794417636648243265304151046220178496722799590533876872e-08"
) parse(
BigFloat,
"1.41935390441965082519327617479689535728893375981930060032288490607568" *
"3340254921935615509586102993405703224512333985423336075630530174508518" *
"33017051190747670686401491492653284731230518016725864328340284e-14"
) + im * parse(
BigFloat,
"7.14999998263169902616739243800779781776034181424198920955917323889153" *
"0686070219356693730001683721568922794818789969286088413640181963560578" *
"39493135527548618859059970616590839000673006655739737550770881e-08"
) parse(
BigFloat,
"-1.6063835284698276220593528197391686518162038726444597310020564226326" *
"8397056431941004637117917815305112289526086840592297367082021210003824" *
"654543216035234181398791903143898505407180699025322445421520477e-14"
) + im * parse(
BigFloat,
"-8.0437499808594142940261679200807031855452874109831489706736156894083" *
"0995247802367551108609026941486730161347666385754485526116063647280610" *
"796087806269502714729312986088695371729519837580534205406066346e-08"
) parse(
BigFloat,
"1.43452505793733065413216668344276229423014089699444837419421096156277" *
"6400130542621471590494376508290872663156704467714847703949832476167077" *
"28047259621218345636023683301991918029395292942398567017418555e-14"
) + im * parse(
BigFloat,
"7.14999998325198118578085617183547126843075883486153847993459259035019" *
"4859012794858113133969003959816403041069361481575315467914002354830994" *
"74254732563432845716048701548073492009011823327922590523778715e-08"
) parse(
BigFloat,
"-1.0078729856371877463658574912462285748921612253041094608692796302515" *
"0842393672847488925337113930652519860011572122683780056244415562920131" *
"536320956081241342468718235304187378795771717539393520866746038e-14"
) + im * parse(
BigFloat,
"-5.0049999884211192490526434972715203974942870152075531349118698185207" *
"1230890722116222095447416195460469443841138366502134519913687907972216" *
"124282449279210396188598275839960501927121733643963042609928590e-08"
) parse(
BigFloat,
"5.51400292443730388501754029370986753202100103037301654670345438209266" *
"9766357146490022757007555259991971860576988921689884285978951479479301" *
"66598298807151511448645959791550413861153016631602711963040831e-15"
) + im * parse(
BigFloat,
"2.72999999374740280988952828716838976066015119610247619778119727658365" *
"3548331012816065427687411815170661441253697689372517851491932515936561" *
"84233460408576057433090951412275543791779529560261756403148129e-08"
) parse(
BigFloat,
"-2.3032288864748049527679737853609880016889028202871624437048290556873" *
"3296782855892086290486095502347737386600767770750289148025445674345926" *
"897199173805015772281866169351360557227655816926567339462359299e-15"
) + im * parse(
BigFloat,
"-1.1374999974162816020732166635098486107528575395827062061989884938585" *
"9396953005950649755535920012207602744785300403559850390532670646676295" *
"196353029642941211728565350531467952363702648989393698861628271e-08"
) parse(
BigFloat,
"7.10175690148195128242548068344507602309261523395382949807395759656091" *
"8536300854378613507667484315851384313532224766487844684409467513926791" *
"01144481913455363415303384239062905607443663966427279095299960e-16"
) + im * parse(
BigFloat,
"3.49999999210530346006508186093098947211417179790167063850210276957821" *
"6895022008144592399672078414304266614686143920469527411245134711539624" *
"13974201455859474627135787639597436577233566804434043674011186e-09"
) parse(
BigFloat,
"-1.5245394990028647084161616667520898272723659650945135521770356995276" *
"0125471359276949993695197612473292275805521245640282256799378176396466" *
"564331118273759044363651642389908199435488511532203495950418923e-16"
) + im * parse(
BigFloat,
"-7.4999999831828923067064384063742664513683791058049023491788961027325" *
"5848686635260140149452953597164810991190770877810599533777054383075309" *
"920293491165740987665158045968582964932577362122506462050387817e-10"
) parse(
BigFloat,
"2.03587712160561377020914510656286627920931916945455667337455582100560" *
"5252496325101820349805260940747731314648500992803049054454198222599156" *
"26559444065912271181677913190873066953395288964848939118052570e-17"
) + im * parse(
BigFloat,
"9.99999997769158878554120680471734001103108011127210396372934959758116" *
"8782797240524478790605685667596105283808435263324973481662225205988427" *
"21291572455918400660465719703730715968742389565754641601474082e-11"
) parse(
BigFloat,
"-1.2741491713632900431243138560905876461659456460478170439736439343960" *
"6281893043581705145771840772735542519783333524943752432825589233301751" *
"684785964658641145826285558187962824299023437191240032725359663e-18"
) + im * parse(
BigFloat,
"-6.2499999861192091311733421668949844726970314393019363678132570145863" *
"3755706211577612501023400039877728392493324576443647401570637932835124" *
"513034276182427908573940211371838615295915119333027159251668988e-12"
)
parse(
BigFloat,
"5.30290708029637415411241847496789079425789687115198914519028633339735" *
"8713162650656343791712673850774795903739289485801105980987531874101270" *
"67100216953019704709078809177736588842807549925661598712162872e-12"
) + im * parse(
BigFloat,
"1.02626394337428089363044198624786016103448898778323058319806546203996" *
"0581292602383851113789859807296326502345648830469008670478489294165556" *
"66916360369212617908798359541048481770177664859272341552860558e-10"
) parse(
BigFloat,
"-1.4959860684361180268725268853000417187511397817989184462339288659469" *
"0640692299127016718229937220284336062658706712917213605978481193882583" *
"655310552186796089493172098277644374141216345041722592437002229e-16"
) + im * parse(
BigFloat,
"-7.9999999469708544261053656303114705431552447864713407060185183827967" *
"7253876279111919172775882217822917789690361665528317910140953694544099" *
"606844159826974632018487940432557167818880006595682452002960582e-10"
) parse(
BigFloat,
"7.44321963775467872752167171722216174075480635503885339878487566702095" *
"3036326804947915781383839545554530070344038925035291635064699306640279" *
"40349851074355931890426899391659688804531561084779185794209250e-16"
) + im * parse(
BigFloat,
"3.73333331477309034714796445730894324338157649979593464547079418835407" *
"5862049208646421159167803453971244885396863656813804824340750365935582" *
"88043494190545502998314748739929153216864174256515232312150641e-09"
) parse(
BigFloat,
"-2.4915602448269911563108537304311751018690884873031800445938055012243" *
"3937508222160039880502877291548486865810993072417272910367021794272590" *
"915295040193833813246079168683476143670206125519097167502789909e-15"
) + im * parse(
BigFloat,
"-1.2133333279714782545252285593904480519107994973919012079905734287181" *
"4757319197815196455758146408671548324114666227124625340633373945934496" *
"241030750699911887485188495557416920708759549182399124734959110e-08"
) parse(
BigFloat,
"6.08293900069870950901770055837584484593980123153033680355927560089127" *
"8970056816199945901272656872793038471704329101898409897231879008629513" *
"65200565630217156413465106764146334803107081004548737956477993e-15"
) + im * parse(
BigFloat,
"2.91199998793581568450572723764693210217019281228928244090674106981751" *
"2370935835749959289258210033862125415968351437940179612952174794319848" *
"84040271658510851724473328050282010244213500501059664190086603e-08"
) parse(
BigFloat,
"-1.1277432392900606208052212364110927782635386610000016297108037993705" *
"2222889269911813486668994628924789675055670469953279221728380619999542" *
"213756796045715149806331023654658660241295241992514310018080072e-14"
) + im * parse(
BigFloat,
"-5.3386666454336894752107778409192441878819092602930994445769644279274" *
"9973356399366940188879123728921753713305624604980279924430332457339753" *
"981870021448630106458889901961688963735150686363434982838880966e-08"
) parse(
BigFloat,
"1.62380954493424640749096074205299291650654447920119279286628213857197" *
"6603708953878126830583058481940246857152463362756672474461014736130479" *
"44097153280900418100801950360420254319854434957607869900408676e-14"
) + im * parse(
BigFloat,
"7.62666663717640744909071359982327698634381871090883866035585618188375" *
"2860721331786171800052947486811186055162599408857390600670388109557701" *
"90698707891457067274159527751091674876771756938248384671061299e-08"
) parse(
BigFloat,
"-1.8375158799960505274167033273301394564685315437838859970225178269502" *
"2088987479023481281401282729433890232377686268374751749336088496067021" *
"809651216882594982878642460467300489625149191172616814277126445e-14"
) + im * parse(
BigFloat,
"-8.5799999675005195556268712739118847713830388177132327855658591226540" *
"6606855988045077288204351524429983638971093063137306691651327435281144" *
"732330036578495149703549746492577213776057621629327385912824028e-08"
) parse(
BigFloat,
"1.64075308143677264894335764553354857086062883937180004678994964254482" *
"4214374541854038056397373926275107307140673349632420138580377064519371" *
"37780482920830048113760195023585869073462823804255044301847340e-14"
) + im * parse(
BigFloat,
"7.62666663822961358545597560956776499005550555168336627611941765583456" *
"6651113139831684778670062654422703981509217682918010332474573819879290" *
"49155883146835369601777504798961613114229522329701427754778128e-08"
) parse(
BigFloat,
"-1.1526689616153522901178905061636483073867494654126298157292795291095" *
"2327803074453842518340757289238295590506667580565816321684186899075689" *
"106728967694859281898186324565124199004759318275062518286617593e-14"
) + im * parse(
BigFloat,
"-5.3386666470064775058120829695342023632753982015743053879981547348151" *
"0972537060926354311919078296881793000543447294284142864056885797506816" *
"351511485557958220416540761035011365695502181958720441182019151e-08"
) parse(
BigFloat,
"6.30575076293598904868119136738593020677606866703305419301815736921344" *
"9624775337951623703309608609855174703285729742340552212376532179475064" *
"19693616869983691165992230258895955951774895562627283251131651e-15"
) + im * parse(
BigFloat,
"2.91199998938349592527557019972384792701821962604470751794987165279331" *
"8716335411744656830577298074113483197890633820637246807920583063210954" *
"51559172599846920853263991530752157775576884677214551797720412e-08"
) parse(
BigFloat,
"-2.6338026312998239209802468843304251820842556441970048277164454274438" *
"2910208637922609621367852289782713216724180272623863458220497927373434" *
"567777633653044833220714651935971775805537914339603525963100977e-15"
) + im * parse(
BigFloat,
"-1.2133333289463475084484045849336780783343753926142062116901869865671" *
"7889295100743084917798481040577820160614650012584084182252842844502299" *
"292263647608298075995673575329335268196224492509335361381514655e-08"
) parse(
BigFloat,
"8.12067670187531366012207493117894286509079225366800314495665752477036" *
"6932236951607543971520766935388708398653167272306211320186956768555633" *
"81813496219652836914094524377786326974690448022643727873505814e-16"
) + im * parse(
BigFloat,
"3.73333331992865267812525939957044951177084675890895021641930354082145" *
"3800954939732723034556948976501853698533625286179309482839109439390123" *
"69157868049602760616861765635831524409528378767418936918081858e-09"
) parse(
BigFloat,
"-1.7432049063944060799899717685682828032437831631418472603009234770880" *
"2068392308018775567922193953666944052939639657821635983683620031267234" *
"609711703794210054771128574793913485544487710351158748571988829e-16"
) + im * parse(
BigFloat,
"-7.9999999714456474666053595606842453323955331372874054529988871105306" *
"7372566658434537281055042305287771271070230554897684474337675031067808" *
"625963230196043120544071667398509577416994870480218270974740137e-10"
) parse(
BigFloat,
"2.32780744724876142574440923276513612583297322646923664554708751542181" *
"9853011672132733447064161517806505190570168732382888125200099333275272" *
"57376012684256372313224417004723401008594163176179886487515528e-17"
) + im * parse(
BigFloat,
"1.06666666287884402084794974020274695921193312072641717793533469956690" *
"0769059102543864304949876226700775762827534644799482268121174540091865" *
"48734148165587002606714827150806555452197750086039219937386780e-10"
) parse(
BigFloat,
"-1.4568116705231533938271879935478933371328810934197213517421056107862" *
"9034492291881035619306642378264208180295152748754187642231824898683642" *
"023015734414849175158829586792512871294864023297996829185325237e-18"
) + im * parse(
BigFloat,
"-6.6666666430979903962938678407858952646410200478887317306091544816419" *
"3706335429203338007733117036070698631241358826736442720686917155516409" *
"652542998993189218902732166871754622250960779027549698768217295e-12"
)
parse(
BigFloat,
"6.83740800145608532600310813679826748469983944989181893082372384191528" *
"4333518344884987194204339800445351896520622097118218166515747937903149" *
"78833917052524669104524627073899139470136587975221642330104103e-12"
) + im * parse(
BigFloat,
"1.12219189243998131579660763396926317618152756540646990002311562801469" *
"2833223843410913268256353176989748426114633858144895939970335406333866" *
"16180233266797837004082304374852544996358358909836903409989100e-10"
) parse(
BigFloat,
"-1.7415702818769695486164345181990629267637549614696171066193443076174" *
"0614361927294922258298836236431845297465783484954121083136279555909696" *
"073972641383127139904515410218741469695913568597307742615129792e-16"
) + im * parse(
BigFloat,
"-8.5714284981705343084956096000509455732708846432958417302277075057676" *
"0998034764185497629911843321628042420767872505485855481443221924014047" *
"738468501665692847672017829918247224846368175031842499721429459e-10"
) parse(
BigFloat,
"8.62935001103748349988182576799415442294589685141861706232330642957590" *
"9813439939453973230893794072340840622236888677747571780686145364608216" *
"53561815173392430259868707397619810530594754379336056317076924e-16"
) + im * parse(
BigFloat,
"3.99999997435963470038200395562737642369714883323260401073304586312401" *
"6446828676907889528643467571417014856008410480303039277385101529507806" *
"29934228827101756176726417826882742831716389312539077056660705e-09"
) parse(
BigFloat,
"-2.8847181250650061440291172764241360542923578188765361345364513937395" *
"3596950474290532309515698805286541397202279340931309902668442954856474" *
"002678911468643909123919541055950475767548425407076912704467422e-15"
) + im * parse(
BigFloat,
"-1.2999999925927745606687995656899499555620685280884338596148512949711" *
"8311101118554687000454669069195598142815044529859723141097754136741702" *
"846370317576381798886894750679781814022453373535162426190204361e-08"
) parse(
BigFloat,
"7.03811017489764184626017523504210996926527534482639430576604306469262" *
"2955411014349775321476858140411768039804857295868591992043980396451646" *
"58064060970117940513383583280079794906678914074815074612265929e-15"
) + im * parse(
BigFloat,
"3.11999998333372991885437666826938445653441524099903359586216372482389" *
"4665589536544642286003629590281935868932022762089431195095508722920338" *
"78199174436188909873550265159876662444228467961494510211714057e-08"
) parse(
BigFloat,
"-1.3043086377379975167389636076055657574313205775231479579369014658873" *
"6306983969963868308925833176929871493946626087859952328541726108889301" *
"983146681426622207414916995141856942822147888737957244003566027e-14"
) + im * parse(
BigFloat,
"-5.7199999706673488491100737850068949809249505622875131312376312155457" *
"4916340862469967275651498405765335067374433232688280958824042260734616" *
"243060311174234727988926404166550894529706331565385365001476514e-08"
) parse(
BigFloat,
"1.87754684261329078610629486520158604762827042680968026721775817347737" *
"1240165085115429027646095919345345695102382714393807229870221448991546" *
"15387378746387369106539620668117097649348551007002749715426741e-14"
) + im * parse(
BigFloat,
"8.17142853068876196428293395780857785536477835336188457181987441066451" *
"0697854327544976598495761997343205302311503065716917752330067477007291" *
"13944743568775944622368816679490696027231403646859456786355017e-08"
) parse(
BigFloat,
"-2.1242484785397000453936825085834752621520869896419493717963314888382" *
"3900688153152836696069926320510744007462123847398739525888270121707484" *
"963364539585442663332195510711914856384581000657606736699989859e-14"
) + im * parse(
BigFloat,
"-9.1928570979601962719462103974146873274897955824332401735513454013226" *
"0911148582016348082602995898890872841817860400269702453072166600688391" *
"740115091162294760293092619539610693165890368644855373929971812e-08"
) parse(
BigFloat,
"1.89651591078674308650845368241355433356393162286942786447333716127561" *
"3310596935370752219525716141643432472271719276182823679939512684336943" *
"37144054842645873021798559916449116900664754666348696555256873e-14"
) + im * parse(
BigFloat,
"8.17142853214373367206916076061199470909385722312131503831461156913023" *
"2959220812486398186884547120955349362412610812492128939454624949764928" *
"50135255344549722549165012464840437401886342716554191895643920e-08"
) parse(
BigFloat,
"-1.3322034288195858945775388106630857629453841711653299160060114025002" *
"2240673450338976748865161003730098776540993105369539181101122044897784" *
"860853944914439660025993414215356043729052779309844001910030816e-14"
) + im * parse(
BigFloat,
"-5.7199999728401068437623032197001121528917157199515103037068896296380" *
"8313488976558658321178522953502348545891110144775867674044404557423871" *
"846337561560863684529383050266214076372513261887373347219925172e-08"
) parse(
BigFloat,
"7.28727164464466254451099124052741309250640112096634230981350962123151" *
"3457310296394602913466279562816318479150901886545063107267191777710232" *
"45752817506409114714568337314822362450706677141265696727403572e-15"
) + im * parse(
BigFloat,
"3.11999998533365531674179788107636200538359655384957152887100668354410" *
"8973093498477171650825385747065399132930708802230435934239339033573889" *
"82039394322020392511177755165910705615468339654234320337309784e-08"
) parse(
BigFloat,
"-3.0435504583912379222371757161126673623865942221252750756158829069617" *
"3379225642137950857950952283896673420252891173374905277655920067171512" *
"568608986128161643761586088190020605213174958056444302538574313e-15"
) + im * parse(
BigFloat,
"-1.2999999939395261636648977983377582825674044757570559948271857227958" *
"6695762083731813360787373815871530912906828943252308589952005880291657" *
"205621889001550597252663641235175292714527574295784817440569765e-08"
) parse(
BigFloat,
"9.38347704692702969830988338708406267128358280738688186661995938248412" *
"4732470356484107541598384827197644065475349561761270207746215268945802" *
"10327314180029770511948268458540775091848474898893353224162945e-16"
) + im * parse(
BigFloat,
"3.99999998148188334615233263612870232802088718404068091132711268368805" *
"6643518164932991098622833755435143505441902230208254638007720128223323" *
"10126633799149881066004274215394982968395854887706695816307451e-09"
) parse(
BigFloat,
"-2.0141800302893923134430842606486445780413973394802778061138467967141" *
"1038406822257932109273856172248529141449537840368935127843747890168105" *
"794770435986536819807244802994564451809374333231068648692597614e-16"
) + im * parse(
BigFloat,
"-8.5714285319816917577311987881356836217502403100790296907562334456989" *
"9789171051366124407433340915451006487959651068337440234422288447950787" *
"700918921904140632348895109349209885368635106566078564181312131e-10"
) parse(
BigFloat,
"2.68954174674070531148826463126593616041935491390782682132483210784849" *
"8400082667406088111171981182521676043588718601274654177735316026527745" *
"28955739685898997522526769981952702391054004344611155952210997e-17"
) + im * parse(
BigFloat,
"1.14285713762439305540281590807989643970367396410301574320787209143112" *
"5051800124668038520997016018315800587891973552935403697015233970977861" *
"09963354861892088403090350646475279188333551585459527067260702e-10"
) parse(
BigFloat,
"-1.6831333732935236292235805428819325180480791953928000644269107074422" *
"7521702773593444721737712461876647511880574314763825124012342934680597" *
"363516046910132385077117490863305888429480347757812948452545290e-18"
) + im * parse(
BigFloat,
"-7.1428571102978082536279170541782719673255224474435236879624458087930" *
"1551863096489601831853264440975229826733154326878526088612899976046051" *
"900564765500706545153639001209270679300313745884519814131125867e-12"
)
parse(
BigFloat,
"7.67655491221390975763714297307243389603294557154992163397914757288918" *
"9573826601825189908627433778948119720169541538874497398622517673746713" *
"02468482697848832538623203264069352987010851472300083173549069e-12"
) + im * parse(
BigFloat,
"1.23569313534768640412228753897912300505683846961878059315943531850330" *
"1140241305969174892097128545449831011478314901160448002231123393108044" *
"38908897881992953925560082480766697733713869761295045098077269e-10"
) parse(
BigFloat,
"-2.0511694619074603997979248096116602377583981271438317024713165903539" *
"2834432347333895289949322074532511063390916173408468061580136415589325" *
"064264497973698108219425843943681353750216428231728609358940114e-16"
) + im * parse(
BigFloat,
"-9.2307691421934762741301604196358441723529696242099760085771862417211" *
"6529883556738688434681789371671226519576819822017976312247196069616389" *
"623873007605798866207978080467524528145449331192927491666744864e-10"
) parse(
BigFloat,
"1.01177640536890823467549604814838345114916853790918747572080064535645" *
"1580410473127666430250612058535815043043626145103928662280239723539988" *
"68938325903604474909063957289698415079224021226691414023530451e-15"
) + im * parse(
BigFloat,
"4.30769227669072744379113483389735521941508893114618151836417478013141" *
"6447072839904947789950051319786380781565811073281621825752603119630078" *
"59118932102245459068517556155961829017941188323799904255849394e-09"
) parse(
BigFloat,
"-3.3772988374747774900633334085848094621009254248848710201185766516420" *
"6177038239365162787619311244982879771049807644506764649488607473633706" *
"495332781539866487854145445141351149538684972771461504276133863e-15"
) + im * parse(
BigFloat,
"-1.3999999910439768593875373487921140016781531038126203113707578713731" *
"0263506437910240475955417420467387657114278739791009527574262409305777" *
"342807506631597343038307814639125052597864169682623281638271132e-08"
) parse(
BigFloat,
"8.23388629602560402584871984909069147160320017669020277957726563971872" *
"4314003262836794745211279774879663926899300384157724525519545558924226" *
"53834726983277990429028980713605966135027853192982437358471702e-15"
) + im * parse(
BigFloat,
"3.35999997984893180199432519635387559021536685509094267092850027826584" *
"8808903052610640519677887148712875473196953725916233990380699163329411" *
"27348282768738101361071342923251455983260199977959360641942438e-08"
) parse(
BigFloat,
"-1.5252459076173019026068448607545691835883290810494116675115499283812" *
"2755144674428524506863568791036538407727279452934708908265159043758374" *
"823793952249481991731082357871698431722795790200312286788312798e-14"
) + im * parse(
BigFloat,
"-6.1599999645341001310181755123332829986879703667942970610784226794923" *
"3178599133143643720119037586628382729743426968782490891993933212186847" *
"965782284558823452833039736523653478589258378026158017205213207e-08"
) parse(
BigFloat,
"2.19494966976416906498617407566141276728824045875423118501457771576338" *
"4436874880721403116727235289054375528485843631086832554792178620289683" *
"44564149822836235984818631562058077591034707136555018345067042e-14"
) + im * parse(
BigFloat,
"8.79999995074178541572622948488882054651607348366758877554795794457644" *
"7959298495003450232820111862883266388944875381656952493346574280229972" *
"38166772263336422916780212541843143269006789747644760862568506e-08"
) parse(
BigFloat,
"-2.4828447399787483889396942117993323288274725023873660115472079220968" *
"4229809478231950830966090516659874616164608104994997389745733657728239" *
"460426474637652173968075950298983702163991452283228779174951914e-14"
) + im * parse(
BigFloat,
"-9.8999999457154197996649939353662890336758633315581002180179431818118" *
"5221365087665666199206587423853877723032279914642939063738657472797059" *
"551478080359868121648177415622312186522517019013379346668791920e-08"
) parse(
BigFloat,
"2.21632645187331226568512827434638366978937422574299518381425604562598" *
"6654198967940593720944757960181537419030756014351376855172326524958328" *
"48953991239493010089102554373254361547195985689874368238671223e-14"
) + im * parse(
BigFloat,
"8.79999995250098042016116225452056370948850316425582222234199715605950" *
"6481779807738150155280607675666774034108372672985592733796798059718554" *
"88298922277939395787487550307792162009525946166427848399199896e-08"
) parse(
BigFloat,
"-1.5566671443910059094196548915508004134407767671894058226963451975022" *
"9122168944963882619383102373540471369673488983701479057465022458371191" *
"425381366176895839277711696655392135427016682596358107173580647e-14"
) + im * parse(
BigFloat,
"-6.1599999671611649733893463608130157610288564429358012167694167223561" *
"4605570392885166515174224200911407999813987729776373000212682599440380" *
"672380286123448577553630218402724664936398030033554232867581141e-08"
) parse(
BigFloat,
"8.51429330919133777745553161939857527982763591025697790014240498465480" *
"3785929300151930865332999671410344105557701077010081352761413987349669" *
"48107294995996979270994571383709150912357185124074731413159641e-15"
) + im * parse(
BigFloat,
"3.35999998226702610372208151528336161070918514847445809918348866874080" *
"2896426127462093491226101817810277729314275955352468042385295501976937" *
"42628056283515459858841200197260010787449535419701280197787393e-08"
) parse(
BigFloat,
"-3.5557415529427657291922906504043120563053546387501606169919402900856" *
"4011125025196776234151286671630307596121510648075954935551801753719444" *
"305836458497633721288227644290548049541525184274918997754020043e-15"
) + im * parse(
BigFloat,
"-1.3999999926723238000616727778512915669724103249537000972558019538758" *
"5881911885265739317788777513282574957031915680430294074035880493691109" *
"110412584995569067132619266402434372164829570715904630106623629e-08"
) parse(
BigFloat,
"1.09618838969813430403399835160520993806499055175026912022772088455075" *
"9363104965017092476629649105629672300683681455125682677613128073965840" *
"27916127084987364504200741229417451240515664306064893241926279e-15"
) + im * parse(
BigFloat,
"4.30769228530218327082214409125171510156122389716670172806822352097561" *
"4491406058241590524868662458807614973970771799136373310411520229607391" *
"43094801628151720509775975481797999612660036848632657964351791e-09"
) parse(
BigFloat,
"-2.3528583351169897931010558853765660616223294520462619096833015148261" *
"6306092010015468559773374985582064798165912845140517176809503574358511" *
"968056704072519519239846670171276024799905703034906909319203237e-16"
) + im * parse(
BigFloat,
"-9.2307691830742862124402867675039548821007628154856825353161060616953" *
"7126771127409957048973015561128930290507932937585491715066668620641949" *
"024422751961408096850469256977149789965288553103885879057636165e-10"
) parse(
BigFloat,
"3.14163194795587427143294710816343591534223444349469803248058077550638" *
"1475554906538883371294838134984305262741529793913823625319628668154589" *
"58718269617833069020387455904785323225368513849813889575099779e-17"
) + im * parse(
BigFloat,
"1.23076922444234979535414690706314970264055228048747543465708054449622" *
"1021312193224989329971115375799236052742360360662568024125260509269873" *
"76471869618766183659885816105869924689532895715288895331019886e-10"
) parse(
BigFloat,
"-1.9659741780459051089426616758663825803431164295706238812504645953542" *
"6874673884368194917934619061797816252676938129695754792235674253392780" *
"203627950929074907530697031138343608323895378674137731834169573e-18"
) + im * parse(
BigFloat,
"-7.6923076529404297772866326693553174403389552075821046611935479620104" *
"9585434721298111377548636508417469501926243409691736685928458986020846" *
"095645483362254076419852556111555292156674772160510779640060913e-12"
)
parse(
BigFloat,
"7.60359064419714847140703958188477825847648141486075809669915537931726" *
"3039562260035134623643527370694324564207647864171073063585209188951614" *
"21211922140964076953446742608640363435374841719801061622069467e-12"
) + im * parse(
BigFloat,
"1.36743649451792760236926553141844098261603274065714218383869790553244" *
"1952331902928707865252619625626846510707026194838756458481859385356599" *
"78733404653650457225913537986269511291743153446116133456670153e-10"
) parse(
BigFloat,
"-2.4432364353973380865832828437339115049545213207292438726079395283577" *
"3648258367858693961767983195260629846700194551635900479293677103035246" *
"080291210321616750045014403979958716387709403988754660370930942e-16"
) + im * parse(
BigFloat,
"-9.9999999049549592927668388279779757370210710647302985761263794310460" *
"3287048473481185487544440901792670519920880653816314902938881595543627" *
"535668300536702839515948273594244989999760909756765926948689595e-10"
) parse(
BigFloat,
"1.20001843877344090340627809549281909135570907117544856586689711559649" *
"3669684707333239251355806159402313024490053537595032566751786315305365" *
"44388165477578793661078715414256777627405440172926550083136662e-15"
) + im * parse(
BigFloat,
"4.66666663340081723428208632211817499386701989708347145516947383282119" *
"6475951889615026319577358815195839444841358308593267791348210357965620" *
"34579220001902571294581423959174227860240156523125191954274558e-09"
) parse(
BigFloat,
"-3.9999961739267829274596631713100132762686748069689098028363212528624" *
"7424638474790161941169432525918955911934569744502671746299148179014483" *
"985417180470930059005279042103242832719546523595669566168361951e-15"
) + im * parse(
BigFloat,
"-1.5166666570565182121685284485618086318163498777910488516627959565239" *
"7258378312061113515207631286853826278829393589573809899352416480909159" *
"323267176177850274412292415876243604401672805214147963569247698e-08"
) parse(
BigFloat,
"9.74519209329840000398408716439610021234203253108509681075498412725160" *
"5398219226964960923947118882697383858259089495356910686914076067275559" *
"48908185929835036480997202356102055894873423155040246278612436e-15"
) + im * parse(
BigFloat,
"3.63999997837714535380634804940412264051066122487466358428557844264701" *
"9785022137243413826458415821337189514205123970872196199540270116857983" *
"47601490062599584282719164032219127086903406738077922705572561e-08"
) parse(
BigFloat,
"-1.8044443945231334490911908984540857453730676529141732180903580291843" *
"9356008278210727446936607220449962633205237451652447823096689539989226" *
"498957278099051596956378982057474084234229056868311230031368150e-14"
) + im * parse(
BigFloat,
"-6.6733332952770838106019451589137634842372462203780688818386234516132" *
"2623923930886426810503646923603428578395974865112328876577131405498371" *
"260391063724462973706075515467137586682755634461898063267237980e-08"
) parse(
BigFloat,
"2.59601572377703848367068420969929346458600277884815851262489014069640" *
"9235861579518697140225734283918327186981843756515859884123276167058830" *
"65938105557132486813763707306638235660012162777190807810594563e-14"
) + im * parse(
BigFloat,
"9.53333328047740526994650697425048513029467331224821900447610037530830" *
"1685660143366055563977571184742680474221154541759702776652401448984171" *
"14770295241468615793517197201926786480374315300524945509117323e-08"
) parse(
BigFloat,
"-2.9359332303857859300424013725967300674737531339622674931984098552090" *
"0611767645574961318803808125033068931508230841768612999499916574540264" *
"141532694676152064478638146958448705479981083781333560814950874e-14"
) + im * parse(
BigFloat,
"-1.0724999941750587947450546234174418227481176181990225609305454434998" *
"8499295690564765280576737969665797314744351079150979960627234845876318" *
"720359537002075450854382383515867695042048298052728025648726504e-07"
) parse(
BigFloat,
"2.62038952410452026495701830333350060251337415779922794392624598851282" *
"9893326310710085932476825591628790592567373718039711259487009767800307" *
"96388656150004987447005438332918425655848458690086253572702272e-14"
) + im * parse(
BigFloat,
"9.53333328236508259437647705589703015911570173318067951065163664927421" *
"0925977109431491777860400333910144754044547665147241471674181886353797" *
"36739545563823332249888997237802781478941864617734849944520302e-08"
) parse(
BigFloat,
"-1.8402541256367824331641525257404726173325693408431422117513504756478" *
"4031972018870389647203525809894287771624169837922013104186607794162578" *
"934979109075390704067943297780775204060446070000332428229172680e-14"
) + im * parse(
BigFloat,
"-6.6733332980960156627882633894081705426891232416393021579662199526869" *
"8142525711674123109047568144746821568658578863694992735888159557380134" *
"566178672304387552039535607552931239624716460517584496168808180e-08"
) parse(
BigFloat,
"1.00644634817899502609436435089346114734372019099729885622188690549829" *
"7159697993520984547342309002108620305817886665152156713829277770781376" *
"95059525706526250888612022738167253077559186803578179042679966e-14"
) + im * parse(
BigFloat,
"3.63999998097184465333945848989276541093698540718830063706455046123855" *
"4252411439697396951030943932021123795669269565965983182672749270264734" *
"02835076276219022780247716488623361415942013521893390627920917e-08"
) parse(
BigFloat,
"-4.2028074852139213317519304653469437973548972492480665812936775608543" *
"4107953477751335476303063556393289687684826563653514744644464876589458" *
"733176932226043579000672006271366603006004336201986891809340089e-15"
) + im * parse(
BigFloat,
"-1.5166666588037912345480528118477918675265534423334636452873294495821" *
"6820658145800186919836202131273326002674387967631635695657580460031678" *
"719360439512292048361188064134822093717135276017494785781386184e-08"
) parse(
BigFloat,
"1.29558905721126686188071878622642873049145861341798707304409539915141" *
"7659273825131458834399933205212415587068999579581817780890356113636001" *
"36147645381956421439443598218943980390574706115253941035861890e-15"
) + im * parse(
BigFloat,
"4.66666664264121051382236792127175764342603878647536547236202577291365" *
"5640071564678408176126486472558086447569712021958440123348872410071273" *
"40093746538931757908405660741109317571496852375248918031687585e-09"
) parse(
BigFloat,
"-2.7807043888020501252949093096081530820924025829688461988604290237302" *
"9719348608346587326419054372691023448037502069193931725633545766715511" *
"108326335365682252861930788558014481406817472233424968582822032e-16"
) + im * parse(
BigFloat,
"-9.9999999488215071927531372959914068176310813184894168217403576469393" *
"2281139818148986947187960305111090632184432993934905024959394015677958" *
"699367773896049776859485665416229605737078020035570210509408010e-10"
) parse(
BigFloat,
"3.71274070705128384068805425315120983406411589283317589953638721430338" *
"3050238197443136417728560465959643973590944452312305259101390868361494" *
"90823767532383220131132820535455656214619827995291621551661200e-17"
) + im * parse(
BigFloat,
"1.33333332654434886210719214666944470157147402725857575269580642649884" *
"4562614547434964172524212335998131627828834285658596260041645918638630" *
"65925750473930680591930296610529700091218326382365016274848307e-10"
) parse(
BigFloat,
"-2.3232718791890079496676896741115864221370558040549521205317854902497" *
"4964271390114058880781637597870710394467309818808383574535855430636387" *
"158813246145027225710664210250373808674676013582589277485111646e-18"
) + im * parse(
BigFloat,
"-8.3333332910907592885412346516193854416586798161021413111225995252100" *
"4640285036286173146194216237161675990425396713549174041580158894355221" *
"434234167154552336256182729243086867016412029943543658468123043e-12"
)
parse(
BigFloat,
"6.46810413390366045455586975673635580483332299542056557493609975725519" *
"2382532537919953684101269162819535305198750581452925345209633858951096" *
"33456138999503587276331114774452398223026396642132755265261686e-12"
) + im * parse(
BigFloat,
"1.51842711408256242940632226902947930279741869778511026338314070361790" *
"1282360005029250573702641216145031716344912394780054567856879923212503" *
"06851379651284413560115247250754901381850284016435267845642384e-10"
) parse(
BigFloat,
"-2.9440326589432849677158669509126324178083953777684094687940035453625" *
"3775015906956837573171694642878383384281926553716780505402461741129599" *
"825262976913893950587062916575361860352587428641308326930435510e-16"
) + im * parse(
BigFloat,
"-1.0909090820889280044695283604147073849615303426511668381225380384176" *
"2667159041368120088196450994333638444731419142746342894975632201553285" *
"189175561877995157618612818756800050860639504033386849821513164e-09"
) parse(
BigFloat,
"1.44085390086950891207538997353792885359306946406379645822293955666819" *
"3202812993623788537875904996893027580358415595299275125249827276729608" *
"17988289681474537261818200181181345623385335467978197077179900e-15"
) + im * parse(
BigFloat,
"5.09090906003840899228290601727143990679306215807390049070341583189355" *
"1845897392521718542700588121138137094750150592247496732600499175560527" *
"81870704566796374908514765255553473706073246653570505375079601e-09"
) parse(
BigFloat,
"-4.7971096228590114521635952560868829621359535633385015664038366215853" *
"9957058609870699296613965833737599879921689778832786401010628020276992" *
"655753819754685015292707136684599132711234895797068249637675926e-15"
) + im * parse(
BigFloat,
"-1.6545454456272390340522538363567614469024338466859799411296781888670" *
"6949657137365977107484042293244151275206376736900023942514225689523645" *
"981790931244002250198847397651671769048699471587872461280227633e-08"
) parse(
BigFloat,
"1.16803470741375000658631985820638962671887222231719023656769606276041" *
"0085764976035762912756906261133632702987516579742932610359892295709038" *
"82693363290445849164054924110455138525735831801271948271504951e-14"
) + im * parse(
BigFloat,
"3.97090907084307910803045007257604681542523612359306258887623097056808" *
"9828919957385587377022181611342830963876361332636715472584115319564692" *
"30977099202006277747231955351339969679547686033705660647860782e-08"
) parse(
BigFloat,
"-2.1620042619539533661121052165592723397997797325491648871805001548263" *
"6815464253390123678599293213292361853276192740216449993040890507733501" *
"033253449254079415463197405915669904737362247104942695574092184e-14"
) + im * parse(
BigFloat,
"-7.2799999646837861924504113453364527314672996215789999834836202087285" *
"9273413714063194399370901458404384817329041926973745826650311699384980" *
"414080355568291074258041019690008886455031911078262200830034933e-08"
) parse(
BigFloat,
"3.10970423703910547143406354901510173363958450690674721609928340488308" *
"9315565300316453480312479657247916214776328360141284785591984551209813" *
"21718632462745688863442923087587687264616192196552299760093271e-14"
) + im * parse(
BigFloat,
"1.03999999509496692342708540011188507579596841240225145417816268687307" *
"9932569770979896496261295878372824256359385489702184964922607043936042" *
"43409534491570547270740431556808589048049898579304469421159429e-07"
) parse(
BigFloat,
"-3.5162985479117768210531194825153581966506442066499962446797661105511" *
"7972314116495305916030821155717253035285801631167370754027731886760602" *
"611588300630917836114970670627831186059002062789946777719948027e-14"
) + im * parse(
BigFloat,
"-1.1699999945944504858807131102231288442622368009311948490837584561025" *
"8131443819713121613557122978526058115440239476160716997348596090423354" *
"871889653108745335001728085034620776683908388921846261320275088e-07"
) parse(
BigFloat,
"3.13798853889143105095430652960767825714186839709426150287742114619583" *
"9884270527189682479131536016979545320594808511591406158810664757148188" *
"42403765150990362854451263840904388413474944366412321705093420e-14"
) + im * parse(
BigFloat,
"1.03999999527014219635020471949065380687765832110912353414292471473437" *
"4929629800101192421718538620689141334294335272726410636210370943318618" *
"50224977891232273228915661945856170519600887111183082284488932e-07"
) parse(
BigFloat,
"-2.2035418160105080199958976046903996667160048338321291374531584978026" *
"8089416136984580241512938749527530828751463025873021205491044670988469" *
"581758439612992716819366331333638944771346555738564491635035911e-14"
) + im * parse(
BigFloat,
"-7.2799999672997374256447876667923841177295852001892761673220666672714" *
"4301006542578264139597871438115556019947896660978027739354373711417021" *
"365699161388002784222196511736416996179239408962763881928431563e-08"
) parse(
BigFloat,
"1.20503748419126776529430028453438779623208320542564237687369488276163" *
"7199894831561110432384292267114272398787873708078130427750011636837928" *
"89009894548539288506875830190528996028565562135764858044357159e-14"
) + im * parse(
BigFloat,
"3.97090907325094416486397045417976217667944987799985639527305806962027" *
"9457705125666811241909690734055275470457178352462246909231935121279382" *
"62647048956004421693913423957172312707288749733726923460341987e-08"
) parse(
BigFloat,
"-5.0317839182679735506951242703544953217117003082561215235667655230962" *
"9162134857282564617471383745804318782526979588256617612224957597342515" *
"572922951892629333227134417585146150775034750931616677275457641e-15"
) + im * parse(
BigFloat,
"-1.6545454472486979712712396884478200169677556022735178841039142820701" *
"0586583540455325613925070680430871289147444999509487867325668187124855" *
"734386164391397648916647542219005885131831042311414995979861539e-08"
) parse(
BigFloat,
"1.55105395115760145584089979879962685090986105752835577331923363217366" *
"5191911656902782739885994680461932505020359545122407783059787446110505" *
"02119803718028719777755460684305189609682484670482813931965444e-15"
) + im * parse(
BigFloat,
"5.09090906861344133792179532448595974032562098722857493042316552328515" *
"7763303464608390765610911642250346109521695061022215755294929055503717" *
"76284796844800700010500681847318090384506740276065002081255692e-09"
) parse(
BigFloat,
"-3.3288569315212695151406163952972075854874947938299567117902375630379" *
"5493960453635738604100816868809614934699810444271286213636344722188123" *
"045066173733664528206327857680513896406264782129813074548185187e-16"
) + im * parse(
BigFloat,
"-1.0909090861597209458646638274049552176080313674353648828491447423994" *
"9760569817416509686980930795358962157172315918750700983068330584848875" *
"499751664181539544967995646403776070268721271252476331086840135e-09"
) parse(
BigFloat,
"4.44445355308601127186108925178869917657109601855780280424450259769114" *
"5256283317948407358753989484304315091830672795354761328990947794755109" *
"96460468727496910328725156606179518200094939951283745367848668e-17"
) + im * parse(
BigFloat,
"1.45454544824526894809049900541862835016871826296012481114580198674716" *
"3490126222488950115530121799295867926086758737650273480628367477524083" *
"18942653985125517466414093870816666740739969931675321995598360e-10"
) parse(
BigFloat,
"-2.7810541568782079967516317528408292505665908676341276492285642392753" *
"0494934233795213416219410383816695816687365489271488447654513126755668" *
"053640496002150418454609987573074537932263342212886649996123405e-18"
) + im * parse(
BigFloat,
"-9.0909090517079308718746383942153752690087928788745679054684866684503" *
"4389615222695516372270453644053190611029286621037013066718843669011340" *
"765892707264649906443117687345533719170861954382897866807825465e-12"
)
parse(
BigFloat,
"4.20551903410222011630289703639391793634609404525444826176929801729350" *
"9194529381497039428024613791238360738785714318207369688877916213545482" *
"85462573050117559819142159078778115861502641897244026521867394e-12"
) + im * parse(
BigFloat,
"1.69072702466334525994755306353074973856244444329314919402022023833711" *
"2835841737553462573295290137326877911983677230579816866957816284311315" *
"72353464624671136822827083574053586101638224451606146534494985e-10"
) parse(
BigFloat,
"-3.5929653205540763236061831117851843530583179987459992537848984293104" *
"2306314785742567206477259565090627926277179303216927965439694144716315" *
"930647669603379859636456158403614139256178086168354419979765354e-16"
) + im * parse(
BigFloat,
"-1.1999999936916932213216401783187272098186233439719319246391845081265" *
"6737284545026512451716801022155559820594526797046961205812474694157375" *
"822610598335763372041514406260832536069526516102149586089317744e-09"
) parse(
BigFloat,
"1.75417325237140550677026083512683656394067451989708699087623337865809" *
"2720164075162390072946080692634778826022726795282953966778059617644617" *
"71671998248431095994759523162417418215753552117210296988948047e-15"
) + im * parse(
BigFloat,
"5.59999997792077646052978032755306421944616117348716325733885610938764" *
"9316762979960537715801050395984808546082520889930136317843708965744145" *
"71040530581697541709777171829369493611674003781496264770268793e-09"
) parse(
BigFloat,
"-5.8355294048367904299251265766412561703301214824603570824402772319608" *
"2655261217718316589883270985778122286103066964102401154050333988199593" *
"935899322506777934629740230950864746094207968894162528519414897e-15"
) + im * parse(
BigFloat,
"-1.8199999936215328996435738673248798002772518096504775965700374416810" *
"0655316341095065934895737100007487654269388091153417108833762126132499" *
"210522370652004190894624781918015631853878859608650020013772913e-08"
) parse(
BigFloat,
"1.42030301736423260254041393712348078051128474712161061084178470372544" *
"6391566444163072525236077513811998554230785227746065234137293527320799" *
"96898298443072941248708577771033112193577115769301205358300133e-14"
) + im * parse(
BigFloat,
"4.36799998564841310340819989690137760629947794387908650168488579142645" *
"1919744377890402843167160837831853697762984149734623345433259618585911" *
"63476787451093109957723407953113251541049673559502996596564256e-08"
) parse(
BigFloat,
"-2.6283117547528999398315614506453417045906361686227423687951816409993" *
"7907301180962255414740124168659077083998001939144460744860037831962135" *
"395040020234501065054556952555426476329560500801157280212447888e-14"
) + im * parse(
BigFloat,
"-8.0079999747411629659761081290974008389590358192296519030263291759721" *
"3760536058768627750333033378534298374544870726623768830476169262318466" *
"812894045754565420030239158053328623984210151653216249647022699e-08"
) parse(
BigFloat,
"3.77980684609399656890194457527531691787554877738613312221580008310994" *
"4814737713610270720138090219525069496535894784709078317656644985533019" *
"62322979454723486790038290935476370893110607905529165301818438e-14"
) + im * parse(
BigFloat,
"1.14399999649182367812505274879043993214612249343241157892643064442326" *
"3968391905675820139724963145460641414305385768994222176921206857945060" *
"21930580684944644038497805281479306702468055765582697616161738e-07"
) parse(
BigFloat,
"-4.2735272602343483915201575940646442354944301788415420805213387705358" *
"9590725751216445474989448579271402450915979735404798899179608323118126" *
"059846781691277661058614390090547210589338442243511303084761653e-14"
) + im * parse(
BigFloat,
"-1.2869999961338426890653375807276916593320783995039450184686631556429" *
"0911276510535402266708527030780833856309621069443322944884543449375289" *
"035021194466860316438023697740722389669682348372436787001205818e-07"
) parse(
BigFloat,
"3.81342139722709029872018825887094117033758038324871491431217172138650" *
"9593446766274680377214417702592291520431269918346305810108408576713209" *
"49031121364552180819947970837986846138590903392477885968014036e-14"
) + im * parse(
BigFloat,
"1.14399999661710971327858514449865005760132629246833783464448635952680" *
"1506640934477014093408658728366467597285101844814561751906410447498835" *
"91474497696177943495720270734668806369447665363028930803946200e-07"
) parse(
BigFloat,
"-2.6776620770303034924981168180422237708990803941335903390662194681093" *
"3796223903622596170702906475163982286702879713928521355042481780169684" *
"729800668185490035852277347162813380565385850344622465364375991e-14"
) + im * parse(
BigFloat,
"-8.0079999766121017407518588840070979091250459843525985960545138521582" *
"0966900411568392777873420467680761827491281400231065069276276957158688" *
"628034947110245340955512909437002397714110077337390324045451487e-08"
) parse(
BigFloat,
"1.46423865490163061089926125122281313852814276349065213181503609249198" *
"6962093032292935219528090801536936133711084854595727387311094635574756" *
"88401382845961196854891991691428196023893759319035293078089782e-14"
) + im * parse(
BigFloat,
"4.36799998737052833248023380573038624615756161572436957118697675833132" *
"0280228042713025517102746555531757551729375771927380631763219372392671" *
"02829683062482663139300266744713898212204757940266094744154015e-08"
) parse(
BigFloat,
"-6.1138440743379259370207766056287651624707292668297008743387488351814" *
"8213518945342909578700454563993339025818021260716261313951294178824641" *
"631636275858868425728881366440178918560132192597315409624002825e-15"
) + im * parse(
BigFloat,
"-1.8199999947812077592151815509887128529672424005437148844672213046917" *
"2042708551507391561236469113509262255416693948862956737327920121095140" *
"508560779009997824627167202567331956816357024035495143601305337e-08"
) parse(
BigFloat,
"1.88453197162398638975060517085905946379277737440076901297404526302385" *
"9681118614923015949335725578346373973338092322697545983007135040192254" *
"24126493154803123941583385980042313707806543436018484427301766e-15"
) + im * parse(
BigFloat,
"5.59999998405368439623933757526581603610725139513132985304076911278228" *
"7652047762751972093732323162707081941879852739887604711318423166991727" *
"07714976536786547072490588052103585972585004529407940373992277e-09"
) parse(
BigFloat,
"-4.0444400153321168181377759324939241777525565093305360460570376632043" *
"1514051922863073252197744132584763218037581970717953096682779181108323" *
"918390629551443809607145597392696750198239511233720740172199938e-16"
) + im * parse(
BigFloat,
"-1.1999999966031506071041763039097309656845182120573260491901247850504" *
"1887487316246361890893456424695715771650197659618063009943332594537504" *
"497293326798824109443256096931948521539706706051592114838507699e-09"
) parse(
BigFloat,
"5.39970723461662573486835935744636991125405504115712286973283261158140" *
"2959808781858328226163765449379120433358858034000467691840940769544548" *
"97723542480781118546595027622457361444522202843259807840682201e-17"
) + im * parse(
BigFloat,
"1.59999999549397402526085591069527870235212448541193156008291784881500" *
"5708500157858364454129445300846294152040410149690251472832253723591640" *
"22212328573602414589753177535118352788673285408098979117985500e-10"
) parse(
BigFloat,
"-3.3787136674083627001110947278351779897234875064387354425192597558127" *
"4707158904491913503416915532448003459422654520691522902923079770397059" *
"289929361276664166859348858801401459728419389140082003713442084e-18"
) + im * parse(
BigFloat,
"-9.9999999719624980996691587803657201405859652439552312266410542027398" *
"5564913535541163858435594758001578640500340412311851722381312321892830" *
"914977553440067174622910702439991874497649809283327454176512419e-12"
)
parse(
BigFloat,
"8.49054446067780317611820558447273779198360619512822411139793180477295" *
"3502159812749339895330009363890925532293801588354362267308196057747680" *
"44020945378128055429003692775905616877270412097853794366604200e-13"
) + im * parse(
BigFloat,
"1.88856404792220199661397503673066522772535628893893907727076433423870" *
"5801385299528019296637109545263943657002090442424095303811083003960204" *
"48212087854095115965071884243447809243583361841530208900278001e-10"
) parse(
BigFloat,
"-4.4523904381369378426790997488933695179033689690883079419677765835580" *
"5674314119313612152330578966672177459986499871580197789529030132239237" *
"703393198485602298664128884096167110970844208443110675395745912e-16"
) + im * parse(
BigFloat,
"-1.3333333319182036254114041514163621262601327576841579999005369357318" *
"1517335522511654027429648233601100749209182596913216249863715184405940" *
"974571471672607681729479065766514327736577418338661790011460597e-09"
) parse(
BigFloat,
"2.17146676685363046909042574149024807640847675544342882169977373329974" *
"1818354965425396030301548925488188860204836637862880386666085609176592" *
"20406573605582736701978585991277665975748186736346249079372706e-15"
) + im * parse(
BigFloat,
"6.22222221726906209143812266448977764104943766556882027249433515286761" *
"5887821466300719934941113812757698423463328985053723420244969482990876" *
"25513909141685066095404839159854038616340264301971233442247008e-09"
) parse(
BigFloat,
"-7.2211728679127355205601492606773579631144515690588398800685211799612" *
"8346145045960638228844254374684628578006343123587569881140973491227758" *
"731639016634706262195768447353255856714587158446964280253039948e-15"
) + im * parse(
BigFloat,
"-2.0222222207912752901856091609231055898769338565069672938829784596287" *
"3836973649340931822118373185471048140564928394402859686795701642901145" *
"647848148685374250986202589475108811162545792288874453733460081e-08"
) parse(
BigFloat,
"1.75724402054808376833703572711320074857101300429717383336326384091723" *
"6729090359342551597570865441060174768355311378153681037091536643881744" *
"52782306171703062237450900590006202673507404517910736873138797e-14"
) + im * parse(
BigFloat,
"4.85333333011365339212584816305562282015156463370262247191159627066309" *
"1477292848583889110051437634601866724973379313516633264596182168857754" *
"61369515849872122587624350319283997403991141473673046238551252e-08"
) parse(
BigFloat,
"-3.2514882964034389693335163893866179676915283563381300361009274636406" *
"7257372725085066890017291136166590855223870542987278552609709362503328" *
"855139009325668220836330211692397079822233178079169877095675037e-14"
) + im * parse(
BigFloat,
"-8.8977777721110805188931734678591198088846427351328777121146605167132" *
"6602611583580317309652542078877317749230139584750078762474263906764757" *
"944101716091974516804190962229842658868066430039825241852104961e-08"
) parse(
BigFloat,
"4.67567677410143019304931627052699476760734804128709794110920723298958" *
"4213452319079361667136891799112976099857530565054564234504427493837183" *
"44289348530516549733321590044363892668809088819002793047830989e-14"
) + im * parse(
BigFloat,
"1.27111111032406362956083759604177341401619280292319591244909762332398" *
"3421488689738613094724444054716474121553018582904953451535410672311562" *
"68090125759829310423129559853029895913444701314560225037707582e-07"
) parse(
BigFloat,
"-5.2861518813001591455778780199544925128559171655473007193911440057389" *
"6122809871139314649158460333968166147714261121202526533151980726748339" *
"814768174712290869388762558514419991719969495101637681615507172e-14"
) + im * parse(
BigFloat,
"-1.4299999991326363146078202954365829971105623615608421539028766197012" *
"3040476713088304558014915753701809915702163596238262684190065372008260" *
"238511956976330884461351294201295469853156527145627951696220774e-07"
) parse(
BigFloat,
"4.71684591418511734837409734594084875594940415804866893583886443022954" *
"3976287949503009645685133440530458638825297498713775979324306386401572" *
"03535808290755307269630631661310945377921140623052468903337958e-14"
) + im * parse(
BigFloat,
"1.27111111035216426192997160665319163082059839219753772937105970081984" *
"7397480430670772343892942565566453063744644332933824743937714176167660" *
"48205591534368918171420512405057030726186771003557949460828163e-07"
) parse(
BigFloat,
"-3.3119213636088119182006037679419862922811765413547960759369090929967" *
"8919564756831149355931855185215679147892099047780596431255847253291824" *
"483625849295372962566218814220027412095841600539478086096308417e-14"
) + im * parse(
BigFloat,
"-8.8977777725307175181879815421297453549172097989756993048068027317110" *
"9614569193856179501720860173987427354656316921824303260594605964837946" *
"551091351826384823999027735447832464279087859339878142153670815e-08"
) parse(
BigFloat,
"1.81103152811130795491184324168549872515207725741791880201230122643259" *
"4396583916346799109863504669962289865764455697840723834318658572363044" *
"59964624132837049148771851109056865481408205088199949902116883e-14"
) + im * parse(
BigFloat,
"4.85333333049991172111252581522664475104587194494410934463874905175664" *
"4934755362298159943965972540042160055898656888575962325461124778705806" *
"18081184501883244999716719286272308521776559687642246381819658e-08"
) parse(
BigFloat,
"-7.5617138499981269656663317455977614577227860344563038783227264062667" *
"3578735927690828262212283806460580891346779412379055600066959419003943" *
"778891827480192873384753365966456651106754969209770117001222306e-15"
) + im * parse(
BigFloat,
"-2.0222222210513836936186262579065298432091507819971515534580602498582" *
"7793269161349318457826819913958808945918259217468779792780356281388514" *
"605197035631865571950840171944364697997767952231693131828620057e-08"
) parse(
BigFloat,
"2.33078657630054183436237924493245994270047667765462911307830432528076" *
"8562893811547583981277778635419593849382192392639083701654934923203226" *
"21117321248105933123636037198782296670729558003251478546836934e-15"
) + im * parse(
BigFloat,
"6.22222221864465184257307876223471025688306729104831138258586776270250" *
"9522814830976251165998594705359018164111991016983176102888734510477054" *
"19901952588446170711235048410919821808598867936770152419826439e-09"
) parse(
BigFloat,
"-5.0020908646475588590733990547403438966480833458225957661999749728633" *
"9053443739805780513826123616625960354630998828258027414862670030424258" *
"596710772620437670816699663094438159900879360071571864382709424e-16"
) + im * parse(
BigFloat,
"-1.3333333325712458270250755833949898839396949400425020110550608958085" *
"2964372253167789645602800490946276592316708711992968896932040322388408" *
"413690014690246229625920244372723977128892021113271432562979105e-09"
) parse(
BigFloat,
"6.67818436697549565644532144550178949407657413309139490933015301967359" *
"3280141134514881344275496099480968315352799727281934278527106264294531" *
"11860355304796251010976178312132659669294976509080599423294935e-17"
) + im * parse(
BigFloat,
"1.77777777676684362805583007513209776614313701535394220456997029831587" *
"5317538797285306599206917381456681469207966958947816844759185456448554" *
"43249560188621233291647811441248403744589954350354332606240227e-10"
) parse(
BigFloat,
"-4.1786429055713034725213279451044378116029016052001809338668930210094" *
"0776608885840446206729307398551797974553128845220833994107904965259748" *
"470504496999302446461051197651851230152284262260186819525023178e-18"
) + im * parse(
BigFloat,
"-1.1111111104820844643019016287611678074517656098688775607181544174095" *
"0174232306197913124725022386251608261662107564695558940391315255535646" *
"148164807574449402650471972471750099991853464737525186666771533e-11"
)
parse(
BigFloat,
"-3.4673451352096783450088190771267151301807843036353037290222102523716" *
"0460175509829039600429085876768356536007758566810778021016690322375013" *
"602468973577852290518680460994756590415122329318701889094116986e-12"
) + im * parse(
BigFloat,
"2.12009458979027322643935057259898738145264193454578928039332438231169" *
"1894299534551281101874956715563925564106998995475584158477963327986762" *
"61748845076673373042159710236355196255467475787231784342065992e-10"
) parse(
BigFloat,
"-5.6265442288738855595078055067890915465261654430599939929496553202769" *
"1418483023471163535651647928897420673718201273839718331878053006715155" *
"717492025325670492775280326851134181851611795918938204712965272e-16"
) + im * parse(
BigFloat,
"-1.5000000065012167900684933279009711658326621539910117757394154566757" *
"4608222448662425192676036872783698071542833349532554864550331877259007" *
"033710511051094250834529992132873860717583090951136866609421138e-09"
) parse(
BigFloat,
"2.74528328355230265361169670610184188117128983581183330499963819781824" *
"2244317237561629205719310212466168868971584588469819430789765450758842" *
"26738377585579069950385895057695490093657871807185081036625755e-15"
) + im * parse(
BigFloat,
"7.00000002275396561113660695502385148610953745871950846132848919960865" *
"5016672130490784683372645425564941584732763813141579862385068301824102" *
"83430801250449518596329207304311332585488413380720375631896243e-09"
) parse(
BigFloat,
"-9.1306899227597537711037428016312854379710539659734598627150853888102" *
"5195705052087037026872073458366835496943875145642671308829897291794363" *
"502688306734450526347566184109426409602252237178243160742854929e-15"
) + im * parse(
BigFloat,
"-2.2750000065733194612836147676688834310678028046230564383576856612860" *
"2352025560926681637484914170734385813553594426948216441230750322200812" *
"165189634177209819201208471505556192531586137928780069931194569e-08"
) parse(
BigFloat,
"2.22207539154648281498771780471874150263317308103307923263698408825935" *
"2175197709953457950734296340715974369571290015723477260312727380266629" *
"82490456323404238506197625672986519013326723834582268079764059e-14"
) + im * parse(
BigFloat,
"5.46000001478989857068015408808039881595649602386443311431000349333659" *
"8004181802451933822606380192206200830142114244921908920580895977331217" *
"13828461756673628530582146194739128631063497947040200300377985e-08"
) parse(
BigFloat,
"-4.1117565088916174077269899969078986381771147837646796306687782071498" *
"2679955352103522922902731269629068075668049347269000983357307917065384" *
"778500279732978443781658042030439984738685359906549118805583132e-14"
) + im * parse(
BigFloat,
"-1.0010000026030135296610855956838506900337014385968704206253303982653" *
"1211643573833709895534434941581120789540966511129417542321014958102131" *
"820335235159335425887927339103430312278612375061295179889775540e-07"
) parse(
BigFloat,
"5.91291957559164426203519077520569726609030916113583032914792784167642" *
"7559477829340894842854820981179976847145398788924277789893300228926278" *
"03960071987010569934572810446565178672359932250795419647503369e-14"
) + im * parse(
BigFloat,
"1.43000000361528775145748604511684022422032250852416079090166042692093" *
"7768465566238652502623404067130595360072861422036824039806873981405778" *
"73829150047004836835123703393393826718601048991284322723649122e-07"
) parse(
BigFloat,
"-6.6850690883709345239657085707641964362717168371981938080819035688961" *
"0320251383457850919373073265356857881489078928732596162103987992018879" *
"793939404326841734080167049699946567731980792213987335701682449e-14"
) + im * parse(
BigFloat,
"-1.6087500039841872123332209027278134928868863020128146101719980755121" *
"3928694300782620207424596365500093728403156894646979269256985618850132" *
"521286399405520744915361938140249381078734156868281254061947965e-07"
) parse(
BigFloat,
"5.96519333473465387002420263737951992799584060148194569150191692226456" *
"3432872385026357401750396732336032933843721377967273828543570549964280" *
"98912022667888665333438569568717616945668710089066387956376744e-14"
) + im * parse(
BigFloat,
"1.43000000348615865221707559023297086648722116679998060582561572027999" *
"5255064691909717051575927066388339614883129535842267934792848413691248" *
"73046365558140713970736893271499792635767292291760550777493910e-07"
) parse(
BigFloat,
"-4.1884945818138119710901080025788231541822729229539472957604555315788" *
"9050872420054810928602687913025415468433513912370740312920766051551354" *
"880216716514555184344904090292960294175157474365757891094059311e-14"
) + im * parse(
BigFloat,
"-1.0010000024101808681985861148385342401326458703329157973110232636457" *
"0933807902378985827780509648872674547561927777714388624235894265236419" *
"780820165162853813532414706906271318560028263668995003821051991e-07"
) parse(
BigFloat,
"2.29038259504894174827033567541559040608662848901081325961945671456834" *
"7306168903493255153646797289965206243525479908138255585087411690216455" *
"72343381198701023995423592268003064756607841762173865055025740e-14"
) + im * parse(
BigFloat,
"5.46000001301496377597718675132765314983426030904469160755588081686739" *
"7530504587403048733359299841015801650908765464379198194490051950706573" *
"45808381785739292179328861199230559234354352640980199185646621e-08"
) parse(
BigFloat,
"-9.5632520142133469152240266774094478100426783876110389713320488356474" *
"5990849027232485560886757292417444887452579270305491643351922533608072" *
"294784047791318876283708227624051986115253019046010862229277589e-15"
) + im * parse(
BigFloat,
"-2.2750000053780797191377505221795390294443438444422973156952491530193" *
"4568725329111800832329116917823142665929485711154255272905086620991361" *
"104254549400825181059719398755309433804156078196579461945821100e-08"
) parse(
BigFloat,
"2.94775001486090023779548307563870852808640589914548693082788905559404" *
"5539201038485938704913614313520070532911519329526521648834091421588917" *
"67066601629974840020837608200834949355000859847662175570133965e-15"
) + im * parse(
BigFloat,
"7.00000001643300968002189524037062277812593881972188401513208890324732" *
"5338081416527693730416808349335507882716915504880928452548436005303446" *
"63194891726531372560152604392715495150330732184361985228864697e-09"
) parse(
BigFloat,
"-6.3261876501837211468737630027488401992301469722587139622391688833948" *
"9502095468518900852032864558301631701921122895899231530770598899602965" *
"400236117366313002542768150991694283347522217597522328999554883e-16"
) + im * parse(
BigFloat,
"-1.5000000035005206252837354811871116574443411149932674341226330643139" *
"8838914120049756684092782763579512601162666451303373857141050733425279" *
"143552200446602959442405156185896910868957441354203357196010428e-09"
) parse(
BigFloat,
"8.44599680330664611598785851789842753929847453919396500633874645309702" *
"7376340674417328441779020341939798631217634113495131476876608838008479" *
"97835566251372917951359908024599810875334258871058984033555275e-17"
) + im * parse(
BigFloat,
"2.00000000464354528677436793660117241136586977288663830304004198383574" *
"5941287796627212723859730233321522730429648537196184334621787128385593" *
"38496602073264371310819102099442707092106219167695063705737775e-10"
) parse(
BigFloat,
"-5.2848116382485450297180383241438707375974088695674520613919078458462" *
"0257148366892949938694516461604047340707444706612530940203596801717342" *
"791344021470308384958496101919270096668450974599640730021203827e-18"
) + im * parse(
BigFloat,
"-1.2500000028893157099445573911880043080891977401585730865512204507583" *
"7646142462513890561127530421795501690511561417022590586568367143251953" *
"550909188201193839453787207153792676187360341864232677986967622e-11"
)
parse(
BigFloat,
"-8.5157287746966326170483648017086082032172596014622619949123962572456" *
"0797192563403290741778101332135837339368894343014318444633070318485823" *
"994663189694359777623746448143295715826011141536168340095381035e-12"
) + im * parse(
BigFloat,
"2.40041505820046932788698179525551129029566435048034653664980890691669" *
"7904394223110269875137724149295075066251514623594903165552454781684579" *
"08791128647790347998124852201843895912434236602237482918508504e-10"
) parse(
BigFloat,
"-7.3006339180078593875820971931257498437677629480155852255870072607576" *
"4327423835194719997008594455100743095724656079505700687746421833725961" *
"790923404470485928497504049443727531902685371956267886699331015e-16"
) + im * parse(
BigFloat,
"-1.7142857325336228228630340298618907259910224437674119028188449063620" *
"5504326406637117182144553897178983091169590943578852358510577958115180" *
"064985632067813853612606557301936029459590549437353376784448466e-09"
) parse(
BigFloat,
"3.56876349753972502227218434707576034195546191167829847949551294079775" *
"9450628071021669945900468334908971909680954438397875346564125941844767" *
"70290385570146978494134981515584635365766881299572850559452232e-15"
) + im * parse(
BigFloat,
"8.00000006386724470164749605443494507986607138289923125978681532904588" *
"1425775573091126791684390250934335102500777756177722228423148793237905" *
"73872310354980339898830610843161901465693419557535339579692532e-09"
) parse(
BigFloat,
"-1.1876940385127417962316689218305322365001452509518090992376176469364" *
"7939607657269944947798222232944462387392960254153116130424787928916940" *
"403225036492817973596453114778647926141122713728072073393586205e-14"
) + im * parse(
BigFloat,
"-2.6000000184504653706516349801479932129114678903670941636330096359473" *
"8246587283060737194062556918076576939411032385915618108504246765107042" *
"654905941544043943858677682009609920547541208417551393822204628e-08"
) parse(
BigFloat,
"2.89130934583625597796063165601771660582478572227547995009419296246203" *
"7958130186666165148403765511757150670547161559796634767322459557765708" *
"70032399122961417688374212399067940646525271278786873931927788e-14"
) + im * parse(
BigFloat,
"6.24000004151344253168427626486444605983814488184295085118054774631737" *
"2618870389452287911614261826704033553862598780986424814342220855209280" *
"54825746192887645993455964078897372125016831512924319133014162e-08"
) parse(
BigFloat,
"-5.3511094383776838549059339609901845018355590039630322151445137772378" *
"9132132098453905521325387748620041383806926693541640837876395667827406" *
"596159519401329812359044168670836398469775032272745595851420753e-14"
) + im * parse(
BigFloat,
"-1.1440000073063530478676264558612913460933534216264163088963659926475" *
"1281284894785361501445814160172639881389590437268971506996173649679572" *
"226942429338146282892887504903063219494424398391667460663876519e-07"
) parse(
BigFloat,
"7.69612471584238415272972302359209485566229496121262592105300694930154" *
"1842163236078228802145586737001103111399311781363657410724433297303566" *
"19466446879744249952674152670377778240363631292227638779131621e-14"
) + im * parse(
BigFloat,
"1.63428572443341371578297296341279111400621810470296711269357481559073" *
"4587504228517254545219935539476705951589376622247523174971943414971351" *
"36522775039301276441922864034659963175252324909596448057543443e-07"
) parse(
BigFloat,
"-8.7019044594287098796917132042343838467792347002673326232517126621219" *
"4154946419255523301734040168174635606445282831100327654666190063970935" *
"343251993445803640330816034333548850340160281076305784235759383e-14"
) + im * parse(
BigFloat,
"-1.8385714397545964308348867073557820192762526789375324513794428951691" *
"4814568705372233326727319960622758134289608311662820717454418582496876" *
"708286113904028403376046095617108473567137725637932541446304527e-07"
) parse(
BigFloat,
"7.76536037115824408574876638051924750388629036752363966709887363280272" *
"5765187963043186265835653399887241392322264695351007228433093688653398" *
"09928212898264912450130650103840234507122876264016537665888812e-14"
) + im * parse(
BigFloat,
"1.63428572407097847565269205158851997256712594107680136145937506798082" *
"3989738863364696572954377220448613386258049228668350974996480346699731" *
"80871469599019191646689631555640263167356452447821195509740308e-07"
) parse(
BigFloat,
"-5.4527719474738441836111109916991774102511124108006317792346631955646" *
"0815027243976615328933459716458002027354456743582748870852910777954013" *
"198164600043511051251765710500091925663857910621414549051372402e-14"
) + im * parse(
BigFloat,
"-1.1440000067651166125836576064874975503911185625113439326473672214059" *
"3927737062135573741180790735699052622412707882743098088411253821551277" *
"140638102450139823181868401715978245963007623481803138036254725e-07"
) parse(
BigFloat,
"2.98184610345252485899779127883974070538558167377908806489185089034696" *
"6434535864848284758037894766703648209076102579131750218326195048829020" *
"92040017879609223751345139652940082698365485917737013602699009e-14"
) + im * parse(
BigFloat,
"6.24000003653161046433307075702954804325498407530991474843032535909542" *
"7361985847181130483353384018612604523656102832754619362268597199783387" *
"09957854507625487252913914896898473256203499390341341867602700e-08"
) parse(
BigFloat,
"-1.2450802849125831454245741470576693711658584622150250608932729426771" *
"8011545686113696308809963522069260160492681917906777731978812378992967" *
"422941975484789180033366414303565343705077972233852815927146530e-14"
) + im * parse(
BigFloat,
"-2.6000000150957001178047694408996142652289577707693966068992535749621" *
"4044709397784433453230851142093586809330288960570335137591007618614712" *
"332110813564984915864849720849583542923386782704746436061812430e-08"
) parse(
BigFloat,
"3.83790779592774832027800530775248811178925035310781966752760090136865" *
"0342862928369619361239890304621319966092658551083465444881191941864028" *
"55592945423769789328713277077000817362239853287284664379668362e-15"
) + im * parse(
BigFloat,
"8.00000004612573294554292092300635510886506237928658498470674522080365" *
"3031768610735947278019262218627026420224502765423860771042765911362508" *
"71174668782118653500409968845891982931982232671796613370592396e-09"
) parse(
BigFloat,
"-8.2367562858399842659228060297823895102464235574637003195022762673454" *
"0052899165718237097453561201333973033451729913860377945925870903845108" *
"235389330333056248831331466426774178752197372180802305395952657e-16"
) + im * parse(
BigFloat,
"-1.7142857241113110033327708606755501793703140541086178152300677968185" *
"9526797084357462347448717982680722227125510062975662454386064934997130" *
"314420357720866496922494783565540813303159290010751073150693863e-09"
) parse(
BigFloat,
"1.09969904710941094783153139571047014944818594542338489587963020975407" *
"0690537682598044915486721510690687574921948069788837858406764299724362" *
"64660265732475561120576471902960367979385984856118044353033584e-16"
) + im * parse(
BigFloat,
"2.28571429874823684509577176088279570044951327607488079695259270740770" *
"4254159232343121212465939445439578230114350279011749803026207287362702" *
"49161817664376650891105779794752197926960873574379630329664853e-10"
) parse(
BigFloat,
"-6.8811347723880514508792812289069703981559095408706666538055692337131" *
"2294755192779336155564937493667135678738001690215640350008244415471689" *
"645795136647236476864754758152243902432106158238895870203144696e-18"
) + im * parse(
BigFloat,
"-1.4285714366814405851198795170796099933417486092478403238287856457026" *
"2520469655515408334802166048351412445806806139648736037083712478878998" *
"811606331990867244750122819262546588867211205347505233312466625e-11"
)
parse(
BigFloat,
"-1.3990154578274935076724739520506005586162709339132392299726215518952" *
"6856927749809986726900798786811813702159430849830624199150980502139655" *
"138738903995244142431634475660286309823844451772029851469358861e-11"
) + im * parse(
BigFloat,
"2.75724833812416097658713050343527178027352505880038960911409397492753" *
"7923630630589172411827521178091341470927212934257570284896727564573258" *
"15644273544411839288769295931041489294100500811865877875551914e-10"
) parse(
BigFloat,
"-9.8288842329165013604038031966634413500222671780769200213104285886270" *
"8765037568093912326048468288518155891445745131453433815170780570284834" *
"768207829399331210898410462896016357390262099720019328325325537e-16"
) + im * parse(
BigFloat,
"-2.0000000349752590928783491946700684690628977830990592847759884378552" *
"3715121631209057145710683228649189333563807551018942422021449618966790" *
"619424809703906236220370252233320733682920218996543022685849452e-09"
) parse(
BigFloat,
"4.81965225854905312340271763490815390976113827664302201572598660607507" *
"5715996001263092464460792828421090346575088171888387446902370943441519" *
"26887176322317364946972379757848968052610439426186275239086240e-15"
) + im * parse(
BigFloat,
"9.33333345574605541650080882593028761974010975543364126341465679702643" *
"6572821963627968195009387823162770407081441583589118009127762278949570" *
"97542567697824212285862940664296668419235874579774033763676158e-09"
) parse(
BigFloat,
"-1.6056544847124474539173296060760906209166202333502648247618623747792" *
"3032484093272226760940762930490689441742597411713859022408105275065499" *
"950583178667250517963398044010296941355289105685432909623270721e-14"
) + im * parse(
BigFloat,
"-3.0333333686968948953282700619022494165229521625203485957031614270512" *
"8632244993977230624769974745878609711062158522727357229576437871719261" *
"375949576768763159484090107327921339220162361450290621086767745e-08"
) parse(
BigFloat,
"3.91080287479972897243850821275232063571431299855379207918494301650363" *
"4922317643610968833545381023257820424743368465001188339342065273175486" *
"87212843646911240523460905062326415972231412965109373205321198e-14"
) + im * parse(
BigFloat,
"7.28000007956784817240366287825599171050551191320157102153381767849433" *
"4202791926891115066797273665855412437464115400881999353653650607397276" *
"99620460260011545310354570449022035516325767589812819679199490e-08"
) parse(
BigFloat,
"-7.2401754076604800118279335057984152125545881114391952061764251584485" *
"4451570441267318449517634721414177134389679892237218759415414224940331" *
"781239275503657325944959543344338955311786314176745681038747406e-14"
) + im * parse(
BigFloat,
"-1.3346666806705876313354045997116624598357221533786148683194766391938" *
"5681546144655479613027203350761078261237880799866066954820917585089765" *
"715549598629927530641895918834463354593508392921583749609759048e-07"
) parse(
BigFloat,
"1.04151709950659379308142321192119711558345648192962241187289498176713" *
"1998046968986388175721402146587712581692296885323737536845530525973919" *
"31693899162266663445147059050831154089942162362254067180086339e-13"
) + im * parse(
BigFloat,
"1.90666668611653610202285331847154052910601378375277921090683259065986" *
"8699415987249958666911714137293350146333005457147389864128302948595016" *
"72719808293552614064685330234141937199821472132730135973600167e-07"
) parse(
BigFloat,
"-1.1778015320040701516740163619413555493738079261498406638369345998624" *
"8460378216809261552008152356419487882251385517186996775198880177676530" *
"484687825435087507968924838645664883091722892728898310722456981e-13"
) + im * parse(
BigFloat,
"-2.1450000214345324092733932104626503399456399235869799130289107886656" *
"5768025913715942147105478722663764400533012184874849453943874708639582" *
"518434992934685845417095242618640978775613534993082210787657932e-07"
) parse(
BigFloat,
"1.05115551968265661705595158388677922038639189567978927931727978376900" *
"5679323472871345563144552408164330155246590378334043121892317026234516" *
"33092748688066966785939121418978028787993163284198478812883160e-13"
) + im * parse(
BigFloat,
"1.90666668542187035254452203172841009472708041452691824980203490002006" *
"7265137382297822537050102116718050259837320420986956100149767158997630" *
"83179710700446401085964671518219734559591093608608372642630551e-07"
) parse(
BigFloat,
"-7.3817552395585692275409183595545242291266273877722124490421360158400" *
"5234137326055518729461045185332944353330763900098460059189411797754730" *
"495236852319982095380863427691789976753679035816897824605355331e-14"
) + im * parse(
BigFloat,
"-1.3346666796332204158691401080789177977167785762846056154856700164723" *
"4740901503170536568637606769894203329710122006526134369818733581866280" *
"856483847028578368754711853371000144331419040640651062200973432e-07"
) parse(
BigFloat,
"4.03698431110243127101528077966727828656645230853717174537122210863029" *
"5476057853499086254809172047072555698572382881927237886662346267184002" *
"09208085860294063157458074224601880316556706456570473956620147e-14"
) + im * parse(
BigFloat,
"7.28000007001935976768605869444015833790915890296377136892635602620551" *
"1072520649681714407325734756077573943212989140050354190319569612278344" *
"28824892675116443871823698216501429637758743348679882796614416e-08"
) parse(
BigFloat,
"-1.6857506464467039118505002736045776255897711025124154041487406642039" *
"6058604498197726523649316648313867381136982125247388502901831333447547" *
"432118584533363683573380111006509691582800635235695804105522577e-14"
) + im * parse(
BigFloat,
"-3.0333333622669424825968661629212726081313708948381047524053816164901" *
"5747791219558294699416108220447234604181924679175149014017828812706893" *
"508188075273421113091921698021639171692910871301706127851416984e-08"
) parse(
BigFloat,
"5.19649627807090215984304512820434741627906164011396172911960486883283" *
"8316676056063388342039431948909379472255885300686156764771826992221931" *
"78684996046260945524641247654908500272121330782028209413676589e-15"
) + im * parse(
BigFloat,
"9.33333342174155592718737832893577408656530734326646929756723354685700" *
"1631342878638462901894166163384822677732557902199727529004201456786782" *
"77520631588577993089232386085232730054264498921832248765378168e-09"
) parse(
BigFloat,
"-1.1152938370748242743794935983801997193050159468257945451446920360580" *
"7459380424687264661793879885473990588801867605652758494981927063749261" *
"966149116689217018598101196944652676288202674402323141916709014e-15"
) + im * parse(
BigFloat,
"-2.0000000188325157205350678758032788549334632799818889537444964819780" *
"2801392250862258916364548822860018667764371458977748383389540194879364" *
"348687366153911348553466042775182748540052996639198182312487852e-09"
) parse(
BigFloat,
"1.48909190127909947655321924623823935848930639845826305217550494783720" *
"4181157924363773247471555362685326303930773036434586584923556605108730" *
"59071936269693314555393678073844236182547981043622829671125099e-16"
) + im * parse(
BigFloat,
"2.66666669164856941630719818001933561942683104043385765805528442549598" *
"6591367962389392016846779701569327177254932078516256636325695337496599" *
"73695678480825590274437962101821981460094241312278226504813091e-10"
) parse(
BigFloat,
"-9.3179491431013974237863855091717823824232688434246970206994868630469" *
"5101785003256624498260288791507168149702879531028290628914668321693929" *
"471806025264685170522495557472273144491436230614442261980015224e-18"
) + im * parse(
BigFloat,
"-1.6666666822109585056553565064725111133353201882214964212200364251152" *
"7512553684580850061952045404408465238371812054473577553627567355636539" *
"059881676932246484082381700006129893183805814085432367368630724e-11"
)
parse(
BigFloat,
"-1.9530694148489594196992798544043723515103293313250101895752135413571" *
"1134807026242451931191498383642888626125635365087954691755469980112344" *
"708797104485414624482099192480299588373762755844847238281574324e-11"
) + im * parse(
BigFloat,
"3.24306510699064393275608167098014639620328517214629981510640009341095" *
"9834198303889986376874660896189303035858971453874580867025358112215060" *
"93816212944008797794765308572055494735912069435464624428979645e-10"
) parse(
BigFloat,
"-1.3956694642947028461727152112060269785143763268157475306813285369975" *
"1872482572560625368059182805430274519720301810566889385758343908482761" *
"577948427707731492688312481405324419453714027714116417174363571e-15"
) + im * parse(
BigFloat,
"-2.4000000585918675709658701071846777230879923467520047705357605333052" *
"3521592833805292897673043572827500300481370125597456041077681211824394" *
"351289783860608336606689128755547972589200356707042343520834127e-09"
) parse(
BigFloat,
"6.87138473558724204912032999320222301019817936934159806770972666233407" *
"6380749304190520173026744122335098334635061959502062664373983447163505" *
"09776368572890326449821933069907427382811060874276804988739514e-15"
) + im * parse(
BigFloat,
"1.12000002050703670472694547418096453723132438638970510069015804667025" *
"8187300760832100747533236422012357911335649384232083507784658905253301" *
"27257084750359019888635551996207065855364659154947450054583540e-08"
) parse(
BigFloat,
"-2.2922338209417871089102381719437121468224262826939587968927408169098" *
"1572504476022464342909183632809754007830592765114516666465161618059800" *
"186782372643985429445331904632009568709062259843570580539695414e-14"
) + im * parse(
BigFloat,
"-3.6400000592423553227744706939772301004418381626639837195934671829410" *
"2244120425780518675641369610422194975675655618998360850786225601615237" *
"398147227252098845512695511998805704863907565188980818023816962e-08"
) parse(
BigFloat,
"5.58676170762273722281256716777065730374056220382432836006221736266540" *
"0292432953924030686520228113117637773262980473408689124369480142174517" *
"93428656289877802799859165422292052909869752445408798610538651e-14"
) + im * parse(
BigFloat,
"8.73600013329501525826698942440676430056095871988249519794719321607126" *
"8236555038462820264224120149473514596807411374135615534205834588834323" *
"64562007375790709375494093987943537470326295662000724510645686e-08"
) parse(
BigFloat,
"-1.0347014387885686176955437656657166263969265979329961026118097690974" *
"3265898729099738160814589328987040403799619030638094054599563558606046" *
"954161281112058043358206719231637206997090901810907466360866088e-13"
) + im * parse(
BigFloat,
"-1.6016000234598877411021233496572196740632978027763755609678983524946" *
"2713612981111393229452946329681213988177649597555596706559117665906779" *
"593251768770842411683407415820015210026672031053718610031806463e-07"
) parse(
BigFloat,
"1.48883487353142979421875216316643133544746630177983374806344934295770" *
"4044945542454147906071419931920914139099069142769289894870014775218558" *
"46189932308176313553046251951760069679923113945226762361828565e-13"
) + im * parse(
BigFloat,
"2.28800003258314163328451358398349154335095427351799330731604041299708" *
"8245311705769950491526267613855550804302942417415297654626782483349258" *
"14421366858194558434018911758269093902349934573077662013025290e-07"
) parse(
BigFloat,
"-1.6839671350209229382619664790545008458231249537578910676636993480213" *
"4679488096239119197390512160532504132883303799422792470843757787216579" *
"188731155366552548896126070568132823819942150193489635053629428e-13"
) + im * parse(
BigFloat,
"-2.5740000359079217394836996188484110333571863831256267907110318312741" *
"7763241126011119174484626236898825938469975003107249185342742231738742" *
"604378288103332554490185661639777297133140354932751305048735486e-07"
) parse(
BigFloat,
"1.50310526122486819485821940590217038801452628076919433155019733569567" *
"3627568319002249127945051714195561622096437078201448205703392569989409" *
"95785276016336840768404102192806499521533531181301040900122844e-13"
) + im * parse(
BigFloat,
"2.28800003141941056384295920163937965806704012143776823347631836379380" *
"8344495283257782392086781147661946668960020054764873664237910996653148" *
"32236753723639952193473400795934220530565626249100210753222278e-07"
) parse(
BigFloat,
"-1.0556729214613238335079394097220309852671892906641256214857869229136" *
"4213170306680132665504094606009926767327637420748689616009683600437999" *
"763295551945044624313741073963619478547795109018523058802121054e-13"
) + im * parse(
BigFloat,
"-1.6016000217220498734996605567250395681170405806658347150803975087398" *
"2405153615279068872076644414983778698352093406799223330880274964345934" *
"399669417462037592890383416279768697879150808298720502555068450e-07"
) parse(
BigFloat,
"5.77383830974579335847003954702123525170298156240369202626413832291399" *
"0736337525066760813161384290465478104785133047058229004523230559466270" *
"42667287592555043894849973820432276604147718810651966855014365e-14"
) + im * parse(
BigFloat,
"8.73600011729901682609746310875351112349545519227609411387538033806603" *
"9665439664351822189072557395878853514787363929882079595963195327346228" *
"09568013723415100607295431846794775016617679655097122595779269e-08"
) parse(
BigFloat,
"-2.4111920473622993175441731264153467022892764659810500849062031277001" *
"5927854036074126956561583804442182472083695476293210216279057719539895" *
"700598427327901257035533845690607098349311196204903680110810502e-14"
) + im * parse(
BigFloat,
"-3.6400000484706498706207970546473151201264001293447583234069974518200" *
"2252623114895362972199402456839188527925862594131047209293030202490605" *
"458652556850848581775363060355070151848097555858662787050262654e-08"
) parse(
BigFloat,
"7.43318305201316251479890138971577463035847809761011408266455147786326" *
"2849402658010270393394403624085163805426516587968830344918001175226694" *
"01796845262727629415608193867030039215187046411347208326802979e-15"
) + im * parse(
BigFloat,
"1.12000001481047159784548027198493993519567592006273000395936314963601" *
"7000209999288797396961103974205382741220224649870416725717099648967465" *
"04863419538299217323244813144089787739170840981116325796325354e-08"
) parse(
BigFloat,
"-1.5954208935602701311432822822425146873229721928024226032685588536912" *
"8497660223935908205752146778614630463077198454221435933412532737925782" *
"113973029937373812571341375503259222503184915865024086752353823e-15"
) + im * parse(
BigFloat,
"-2.4000000315489248497011570833968793723711151229954653285843689415648" *
"9608740566432306199275613355037861515106523897441704375056716822262735" *
"032469983866528651738887711941841715539571965527233114272605593e-09"
) parse(
BigFloat,
"2.13022815279072998728561899475077260599222880455840528804246872996687" *
"2035899373714820436517820207976515188023664497326246522879032344481481" *
"80465776831602554661755951675398976383865501922282659000794949e-16"
) + im * parse(
BigFloat,
"3.20000004185060450269884170723044271371232985683278049239212057526877" *
"9851780281981943293781862152820300008877566192513332205180569965171200" *
"55818334261329008314356399039904774696086150604427105742632791e-10"
) parse(
BigFloat,
"-1.3330336281443859342531018330255110108828293275581668379792007088136" *
"8696862743598587882176101341956786237603561958224151741040315938919975" *
"016426913771863220200264673431041253749229048835558536123259387e-17"
) + im * parse(
BigFloat,
"-2.0000000260403706130402243680511143475671873637138993383268820060345" *
"1480920739707343796829769865998248485255038528945331842931813286836516" *
"165609532772587403678859507638961691129692620283143703279272750e-11"
)
parse(
BigFloat,
"-2.4753278492246839041612208769635506860340346533910598521329854492823" *
"5627247434789824611576065848309935084606130379481929305968035607424475" *
"886472293715277549098910225510613482412722314310282153291961396e-11"
) + im * parse(
BigFloat,
"3.96498083716075149786368363214442882019752086033502606721435695409767" *
"4588427340572184908710559713013712154338744460532618513463622062256729" *
"92915519521049424598528212376111225693645680327859137380683956e-10"
) parse(
BigFloat,
"-2.1474145894482009570991278370200097821355012909270101720537149983825" *
"7082299556445444879810947378780815041586848265407374173690273209644890" *
"712420698008145611179870926959814587674917081900246702431416584e-15"
) + im * parse(
BigFloat,
"-3.0000000928243856496645545976867713024530843242763152361497113246988" *
"4099296820447042443352385435482210268188099421644921644749553669921526" *
"927925709668185093021640655200283094840335274063187714851056933e-09"
) parse(
BigFloat,
"1.06199223466985178333363543465614429470432837849866196441631875786725" *
"4950499666232790670116725587335311259736807811665285826875332707838143" *
"99739594843025381212940809198498231994898891223790294668238545e-14"
) + im * parse(
BigFloat,
"1.40000003248830948437010349986727924519537538969718926395599279674839" *
"1688644357246318493635562035826213232585249496738024029457905989025933" *
"15979929659299690063932693680968950508786651120134393745966695e-08"
) parse(
BigFloat,
"-3.5479261927708929575475812299082938385279726098993094931760436189894" *
"2615936065002425765780676145279385120574457758219980016966526652906595" *
"788590969017591951221009222553761359970305812348774172246087599e-14"
) + im * parse(
BigFloat,
"-4.5500000938547379285234787185701667355319078347348999379623055199389" *
"8535665417194709426623373439488909151322812788742943942603429794439135" *
"430477415495882194325309943111260143109905386099033500627596899e-08"
) parse(
BigFloat,
"8.65351457700292725993674204008788550222471974601954801030455681316556" *
"0261149940810175253384104416322992957282036981408657854203637312642604" *
"40716466236154566881935792233863685540391636641993048137686554e-14"
) + im * parse(
BigFloat,
"1.09200002111726083843012976828204861766277677235103386104560117326581" *
"2251073605776638411071479155974149929187254141217402858583961047892454" *
"99070941105266258517759554136271967809152210351251875734900363e-07"
) parse(
BigFloat,
"-1.6033800942594297944350647192220600206081086693576737054042441981441" *
"4587891008165638255412370784572170848424703538890967495026692761980114" *
"235732463993874784132077380415048897768463405758282649468176682e-13"
) + im * parse(
BigFloat,
"-2.0020000371663111584703155716677552164256028665142031538143869980922" *
"8028528620132877354695979974033836713890139732676283678783239017169429" *
"396759454349307223435464328453828562504987336246617610362045955e-07"
) parse(
BigFloat,
"2.30777545695254757009646651765618808273139031950861087634035580642505" *
"6734946163090679185258423588095829019319130216416941577236209681343658" *
"46272750914775160197019363475443464453814096516990340891102618e-13"
) + im * parse(
BigFloat,
"2.86000005161980702539568062348665369893156492313303896830581637423790" *
"7328870918107967665786576774714638599110482842902772348482562915818669" *
"90839058512020927367698065470827096367829360711492660089304102e-07"
) parse(
BigFloat,
"-2.6107788980257852680627158470016663301467020497645796822000635036489" *
"6689580564569198734450882987323142333773333917574698540769666259515469" *
"304287535017952496844484527328790004105664051708985058805058531e-13"
) + im * parse(
BigFloat,
"-3.2175000568870754055394502349607971630398322249195600422663730063238" *
"5476673408644155644099366607306920589159108197520654761387163478226017" *
"702598120042600028663357979147630054244723405346866148257192750e-07"
) parse(
BigFloat,
"2.33073468911876174695680763882698325625092592073125413993546496435138" *
"4769180688817592711795242689800284438414225468858076363567000634028995" *
"63452385842238221617238744217677975798212723509743293009968510e-13"
) + im * parse(
BigFloat,
"2.86000004977615020538157013217144409918747504124583026286060192855491" *
"5696828277591202704308596273461206231018178789936479920711126780930059" *
"04388899060985924065073425411942272808529747286312210560276513e-07"
) parse(
BigFloat,
"-1.6371362513581146017899263665322383769270206264101025141445909284120" *
"5944585874483801973443255338066779130031411037158431341772728268202003" *
"019118624655216354021297103529559317731681299808479727120112854e-13"
) + im * parse(
BigFloat,
"-2.0020000344131180175670320838826124117682334753042434854688459311010" *
"5504190643037763136555947151290726054208678150242507898695108669935359" *
"704635845176071315422869930423609267755797639114982966905690702e-07"
) parse(
BigFloat,
"8.95491784169950235816353619383985036279068725219947101401101288843862" *
"8483941235343007496092639851133945596079127651053613505398974385050340" *
"70004509365675543294465605103301409527786172587453519759682712e-14"
) + im * parse(
BigFloat,
"1.09200001858307351443473429061240419352388242043916393461340869175271" *
"7228682035278472447743339032463878031107760197572227934246804548700131" *
"73410746005213788542954208615214733057898341285103578255887150e-07"
) parse(
BigFloat,
"-3.7399237239622292353425710827381801891625925094287212108822965963170" *
"4509902132223094387860610632650564060413753889322325237948521807685741" *
"062629593049481244045324554247093134099673518296993127738775917e-14"
) + im * parse(
BigFloat,
"-4.5500000767895244785884571839079265594633392041209204718923701665722" *
"4888650977114060418470101297485683739858434922209602725560246710882729" *
"059943931947931280169678697510798072455117266624766841898592501e-08"
) parse(
BigFloat,
"1.15301256438316776321204094418912910759838670890909910338053237112446" *
"7260839204116537021327897107911115931143679567542708856339881848892689" *
"51192668072581682930724039757272451696686094693807111004220209e-14"
) + im * parse(
BigFloat,
"1.40000002346345656450994231100831170409480454536499878917672219952014" *
"5777804819671997017505165298915697526715322147326377021087918458170419" *
"11841599406437892341699820855241788750846013870993706260237087e-08"
) parse(
BigFloat,
"-2.4749041787791144357045018262677654395009297799996641024815811954058" *
"7374752725768534947352858817830108054443340176270589019208723732796699" *
"288539497593701680421465672692129555472538818743421913453955239e-15"
) + im * parse(
BigFloat,
"-3.0000000499813105968151502825790406106736467395484950004432922218741" *
"9483007465609133301448494366632174183264781263209842930051487040606341" *
"682811808802088712991037529310196257028077926813388032881470758e-09"
) parse(
BigFloat,
"3.30468224629287093843577009633781349898632086903969560064811553405714" *
"6791186823569691330558160012994286524877625269152578514149403426810377" *
"61619857875075652361506570329996727583617754199750541334484139e-16"
) + im * parse(
BigFloat,
"4.00000006630171889764000818220276328299298908305755421617480811778638" *
"6911283246525681733110268437784930802986279503249823203945023493119474" *
"89490527067320524736966065888266028607948829613712471355030493e-10"
) parse(
BigFloat,
"-2.0680566264764571290886704822648904067008636518386688764664355209203" *
"9397944927757341214810511184912947269424174194899720773633022278758801" *
"866940844624063170696136005045011114754448693271069123770842209e-17"
) + im * parse(
BigFloat,
"-2.5000000412543921197984721246137850004146378274599953508852959725799" *
"1843285086682865416814837613237938173225757279302791216374651142190835" *
"960892066021782822197386981481498252291094646318428178211443161e-11"
)
parse(
BigFloat,
"-2.9282596312075092842097597194840244731544379078906904067875151656389" *
"2492932568356037075413842228427301125351451736041838499937416698651827" *
"416342741460073239109846172397303021362308043183197256500055873e-11"
) + im * parse(
BigFloat,
"5.17408011453040041867720924098109864989030713886436531025278599449391" *
"0401019953248942599553727856685272357190881904815614268452786879249074" *
"54808146198216815467521241268267476005895786780062757291603201e-10"
) parse(
BigFloat,
"-3.7613454459060930001008124149640019131230558759869030185532164634137" *
"8221107014969652622122313406464394134915321925360197161573672808530598" *
"336829209315512799751747940232318543033387069282517574373895379e-15"
) + im * parse(
BigFloat,
"-4.0000001464120375290622271062516610233471695855896610029728921915864" *
"3626789196168347095454382931137491555785485938084744839844207566804903" *
"936254118357210605581554035345522716973018743107602817211809294e-09"
) parse(
BigFloat,
"1.86828802579890347541255747818459208125474861005160290419786121195999" *
"0247298675048892112989773800345113595722360562430527168050421192496813" *
"25923519854995630997805028599009476747876193534995836559321732e-14"
) + im * parse(
BigFloat,
"1.86666671791035186593946281443345151934828658364735347226195766430397" *
"4481461945600099897336904588599894412087795813807657038816847245595785" *
"65094939684317709518064685273449343542194401176847326904805657e-08"
) parse(
BigFloat,
"-6.2505185232019620792359858532504406282011570075717573625042279461381" *
"4246898824111000574740463135862478831743562052008519316417197959747133" *
"750624371899832905232066447666261860850116807485073637441079865e-14"
) + im * parse(
BigFloat,
"-6.0666668147030889349135594624003428254206364291769873115636530549146" *
"3700496602382380404179672197734099682840468371724035879895183288222538" *
"047073361968269423268255162557235946483807907219413884215311732e-08"
) parse(
BigFloat,
"1.52559878236545933054343679848614700418611512805465549445391785371005" *
"6020349310036266984578989115254347731053764642772307987872333136464503" *
"35136364645318713989542927247797209405717800158605764697413298e-13"
) + im * parse(
BigFloat,
"1.45600003330806488792957075024578455105691388281235879984298758238503" *
"2666707729683284489098734949880479986058242966849880837455018359140366" *
"72401776405612490852460804413268851683266727378165363009590759e-07"
) parse(
BigFloat,
"-2.8279187971888155077150199590150889672828619097551418733350294547619" *
"2957783285949847705255152365224078807005592669653898370720114959950252" *
"021821850259494641198763140062969211758969657571217425097061863e-13"
) + im * parse(
BigFloat,
"-2.6693333919553672984063142497516798277581293974955163293567743938390" *
"9027867477036191741488412035577837386011274691393410493912793578044670" *
"521275333688118649421281060552147231308257853210364156030943082e-07"
) parse(
BigFloat,
"4.07141372414428686972612814409185120102456136205055234821437955920320" *
"4437309128883534864410401210632811684544742573833991621938546627865008" *
"90498443919828048463492776650780290712027564882239622973288538e-13"
) + im * parse(
BigFloat,
"3.81333341475266070812349452179135740529024574182442284468310651858648" *
"5774993145774010751698801803972859472380902210687558721082481596212724" *
"16200667768170589729910458116021770299025843969684838817630414e-07"
) parse(
BigFloat,
"-4.6068928146858724453631456891538330012253921336182267428154198367252" *
"5190203755836693516916246038092640527085304922318926696032049848335951" *
"410851174948017797843165883246160235969565937222723548320201271e-13"
) + im * parse(
BigFloat,
"-4.2900000897272830149491988221726450338074352607602832503741764012658" *
"5092145225994714968541074679192499588374106380958546317213896116028880" *
"228955526207389570447514101724307177517736215192769643738535109e-07"
) parse(
BigFloat,
"4.11334793005458750788593334466201362315973524493259809735259840925784" *
"7808784984810515791681962831267497061005569825802220692237446881982054" *
"57856372390072077668141773353156343512659876435293446194379653e-13"
) + im * parse(
BigFloat,
"3.81333341184460968011953098502328566845271552507747547674668032738315" *
"9146256764849124256114046474765817005491347959369639279512300312261502" *
"35135064101724755284842730118976872593787036241487431193350268e-07"
) parse(
BigFloat,
"-2.8895989809518194546478229458123349782283305856835986195190524187933" *
"7459662900654333357202975065174822457028737409128551284660916158923943" *
"416186879526420205667314897549268722647317841686322127196352247e-13"
) + im * parse(
BigFloat,
"-2.6693333876126802587316881342895170425366726185168063798232986591731" *
"6434477618140055659646721444546494287069639073826837820910391011207695" *
"353674968449804253615153699972162350647698046462447278650748853e-07"
) parse(
BigFloat,
"1.58071804252367886108580062723197326482138014308950423254557687435877" *
"8276191398221562572511667272948978780719783548920396662437846040214015" *
"79993443727412124949285570575299582242689098715075580293875191e-13"
) + im * parse(
BigFloat,
"1.45600002931082320972162289456676353197134912451948679478351721537214" *
"4259817443531348265822197931378099022019489693330947885543568661165652" *
"06234468884041271236891304325397022941847659619592819724339457e-07"
) parse(
BigFloat,
"-6.6021939832061009134807256870387031540676831744225423084789963907908" *
"4175812487650284289107179069335331368036685027516151853063090907309840" *
"349611652383030025349813522120387971797699032258190715108099963e-14"
) + im * parse(
BigFloat,
"-6.0666667877856869768574466733584263533393268207481577761809481915244" *
"8303448194493902120291416404605934868705837535644492878782273886700555" *
"989312245755637210149592631872756359752200061151447042703681979e-08"
) parse(
BigFloat,
"2.03557366053741039713350187827655369374359710310940761261156750743763" *
"4376214138956354114087384207860431535903415857612301692225415223660036" *
"46393841977999600327342959000170463786278580723357649267114480e-14"
) + im * parse(
BigFloat,
"1.86666670367523435562780119321827859327124821185476765343259054292041" *
"3578442797136620405179092605078438202809912357667078067127583390992802" *
"12420268505334169853287832081094513480670182572127933963078992e-08"
) parse(
BigFloat,
"-4.3695247789560340914902465578324806376492059003390706988350353926583" *
"7495733004532497991448989109539223380938490794723539963760936948327672" *
"819129261313705201163192094320228920133578834294880976911360637e-15"
) + im * parse(
BigFloat,
"-4.0000000788347785878787186447217510199102485362136720872492643252846" *
"0543441823004477268445723240303107074670137925457528909880345646499939" *
"667514258884972074932681854670518170071138621652487179309441634e-09"
) parse(
BigFloat,
"5.83479031945291229073003060290407282899685873981282863411218637791006" *
"3457610831916266211430043921857466882902227758640972277654844445734888" *
"94020142686181431109775232505406348329252196586626484842765052e-16"
) + im * parse(
BigFloat,
"5.33333343791003401118076208189537481423610115986056390686763416070344" *
"6053856060060951668667094663667762016196948203222620533787974339942037" *
"99081549330717987876421871052672725259339612630476547229504318e-10"
) parse(
BigFloat,
"-3.6515315684911448413942943997557533217564694259187740164446863985398" *
"8467036176869587579679563980119709560018693358570492230029606086724839" *
"025400464213079520481070392725914400946164037995339347061920819e-17"
) + im * parse(
BigFloat,
"-3.3333333984032550200676043324055631442827002528180672609335842041550" *
"0782951834384946008947656443429904866152187809669990145582658680346237" *
"725664265999844717520243770612491646431407083792117652103055637e-11"
)
parse(
BigFloat,
"-3.2784826118825800630046644293688722541485772873756468592966196869986" *
"7963414326448019135901246524440140459497577956391998456877417639730688" *
"662774235127814666171886974210505440053360525322715232245891409e-11"
) + im * parse(
BigFloat,
"7.62249599550541307609497246183563165928143909594767155360341406752741" *
"4202503980051158350519158241135479431724422425632536867612712948112849" *
"35597101733407037991854108258743164778073205486770739354379815e-10"
) parse(
BigFloat,
"-8.3590591383846757676881621332062565455542523603422848167149212538304" *
"7534768657911356382962222418899887091417010291943479566151894363450842" *
"387638737022563256055408741716074380758457747719458396135211145e-15"
) + im * parse(
BigFloat,
"-6.0000002458830783124106702563891600596134598889014116930031401177654" *
"3279112439930835824061098824942152550736454564854003927304295147477477" *
"877540419783387372560455409845785056280819594417736979235267483e-09"
) parse(
BigFloat,
"4.16725922242731210673298038253633449760012076018908993214807879253447" *
"4999510578457234748449090683208506805165381686498246159300063872772828" *
"81873903444820561665397590258113995366315280852455037268047715e-14"
) + im * parse(
BigFloat,
"2.80000008605731382010289335058844379380959162441593849630453580585757" *
"5067773472982442979524905818009624436298816312778995575402667441105621" *
"21701497002766815632070396361114228430450873936490884574756091e-08"
) parse(
BigFloat,
"-1.3958543378726505585622169274560795110501823039991957353468225618870" *
"6113885464017606800691308224326293618963564771266959376223260198760870" *
"456865710473988297025192585892203053631295434358816595783637969e-13"
) + im * parse(
BigFloat,
"-9.1000002486070296854894303009170039155464977957397657202066729522817" *
"7280012840468820082786758369190890002921165608880539769077079359151047" *
"095096091635184403972172994435321906492809975077319355600689363e-08"
) parse(
BigFloat,
"3.40894451866247236441202656392157122607494580394167896890988342527223" *
"3643211495512653714721570320708908440621508077303376022928627948183781" *
"51580377505860693636961183220090919676601278719432698682756636e-13"
) + im * parse(
BigFloat,
"2.18400005593614448710872896571129177574578492572867472685970632433566" *
"7754851094281046872588546512214907249263309212163665826008457462157237" *
"43590877685254151800324893295141310825050171459306867647780418e-07"
) parse(
BigFloat,
"-6.3211884688790863570286523576987415860386523355413741409924025754293" *
"8618751981320861914752889176441202914152422783012825621997995304051987" *
"669900152521280938137616048273072808245260394315959489914365083e-13"
) + im * parse(
BigFloat,
"-4.0040000984470755765716405545505957024435815636148336423593915918751" *
"6907597209715850769480257362347499554708616517685439303082805333716234" *
"863468910214716677841477881034308098361664475801214446076541084e-07"
) parse(
BigFloat,
"9.10286306759486810532019594167619524740720871025778051929213376338362" *
"7832503807073146007090244209784395068698775236842417032050716359852763" *
"52513449846740802053147966679788351930782926886659407915090459e-13"
) + im * parse(
BigFloat,
"5.72000013673149701780202226942815186346473382907736833716321235574495" *
"1670376241002901269671133320513413898923224877800675938582084016989789" *
"25556022898660543295155529877769636208998361457177393182750807e-07"
) parse(
BigFloat,
"-1.0301791244989273847509334345223891873213845324680565646091052535818" *
"4712551055384677548160218828161852247544023080235576548019532947670922" *
"663425133020029005519587377400857690548464233386018187212017490e-12"
) + im * parse(
BigFloat,
"-6.4350001506832230171466740779817267054177581276836752964598659715470" *
"4678391452390484733748503711847033186705294507449389724159737149815573" *
"823544081824827177245060375668097114102604876112351494798427518e-07"
) parse(
BigFloat,
"9.19927995332692426940367102002446951604523148925568492078793029939512" *
"9992171407275407643045783022706038290273992694098791667786259492406584" *
"73486335150170381461998755418453927753507160120479772267795255e-13"
) + im * parse(
BigFloat,
"5.72000013184749615247186541531053412498117599709716085297318518569436" *
"1289415773024945269376359024026720209500828532218982067424709177809914" *
"33987422492232450588464878564519247532556269051330112474760984e-07"
) parse(
BigFloat,
"-6.4630524998622676528705776349483943851237975135405404149464305784983" *
"2529783830245162808493909102990983832122734393021089598337728196597266" *
"442497775636984117877103837227945844517823302407205031359082913e-13"
) + im * parse(
BigFloat,
"-4.0040000911536427665426053462010078745051163087268240317178941231013" *
"0742743259506771667484064569521615937089796606824538290653602515798948" *
"135236587294553520087765721396804710099802527313323026259047717e-07"
) parse(
BigFloat,
"3.53580118380581108351309278208143397959564610409898080876660114843706" *
"7318229948866561278080478836645825362965560878501446714769563881619435" *
"00086200892891115527737777134845636857531150997123418525695391e-13"
) + im * parse(
BigFloat,
"2.18400004922288588647614131630343082098301338013031583364425780490409" *
"9967866128557291412913539534135313116966045330618656900590666554593360" *
"14605017711457555509227936371538592288188326265640005726947442e-07"
) parse(
BigFloat,
"-1.4768926495995912064689409982492201017364139566265882068789064339377" *
"9880679522510105642654421667550574402330176800692038924074386284917916" *
"201339704237508928273096692360553900076433937945744921112429219e-13"
) + im * parse(
BigFloat,
"-9.1000002034000726497348733863728268632751938654328658511081159891234" *
"9422116965009076255434752474516358762255635968276360638454983875572132" *
"411853017829004846465731323559942914273411112139866673015681341e-08"
) parse(
BigFloat,
"4.55375991324842000502968896606192489740825470105899263243928507436088" *
"4423996784769080073067187153784464979037936785502394327794622572210531" *
"61302881198688531007135702854663542181346111893055699902036797e-14"
) + im * parse(
BigFloat,
"2.80000006214994865298675652722878682819705990164605191782667047120727" *
"4885641960698836975637844151365376026965092581756836527389431820190780" *
"41170941531871481551839385553047797683378182970705623341728442e-08"
) parse(
BigFloat,
"-9.7754479346003897670627202562218650181407877371063554488051562245151" *
"5257787985231566369499524040176480161835520965476415447574594526592365" *
"679798540312538756530493806851340722274665491163387412156489000e-15"
) + im * parse(
BigFloat,
"-6.0000001323902879922888049144298603947915531048160979300344726091788" *
"5413000851929230219871435198434633474797434147830847119100176571580049" *
"728107041627237571822357785946668039079428869098495477216103503e-09"
) parse(
BigFloat,
"1.30540152969680498025728876437041217193344525310604365095007411035648" *
"3439453754262265507252175375230463111069133114939130912210032484419593" *
"20454997842058069165016579790087616931850689830014276231674929e-15"
) + im * parse(
BigFloat,
"8.00000017561961349746434478716873193639636640727860052276014549504499" *
"3030634159675633216492541375036513944015401166090546273519605719907151" *
"77415134957348354057463789044133101369940413676577000599180001e-10"
) parse(
BigFloat,
"-8.1697379889288667907849722316744105194365674437212570621553303686503" *
"9680585367605801031662179036595086095714038345004733194938130060572690" *
"316126083751715374973485429492611114376475513358452562863084797e-17"
) + im * parse(
BigFloat,
"-5.0000001092743406654868031845244396538334061029247207246229700644682" *
"3938314061683309667688841834197126150556743832342318277481605821077454" *
"556670773403147618788958036707312721985725737416210255782859387e-11"
)
parse(
BigFloat,
"-3.4995851886216996154159163834735116005002865457058034099970447403858" *
"9000422086308401833069625826215756109937402119656974939725812543964457" *
"280579373298802226955724271348479038941802852389676655753835205e-11"
) + im * parse(
BigFloat,
"1.50632490337529389304556564166853965145595139164776421532622345798209" *
"5054416389568433538281510034199497302713912679717351673131670993458779" *
"87607518613465796780312645133647319720218970300522507948078205e-09"
) parse(
BigFloat,
"-3.3163622161389364097664724974280202910134770731520121090162643810907" *
"7440794254752544422537057153614015692441693428078076306231740203858009" *
"086329479531328275383747476864844600662310381915175010315761737e-14"
) + im * parse(
BigFloat,
"-1.2000000524913197031226414082971357796867647834478343315004421560962" *
"6357933880648076617976323571107737118303329181084690607848553096377278" *
"174782718672270982945029050572889187740034746738044778352968534e-08"
) parse(
BigFloat,
"1.65736218640543930386180224454519640744996718230450923440194749211214" *
"2431927903680775755927722512889336380418448248504128606871912035041158" *
"95168061374788201162055853654241273553757183398956140951175293e-13"
) + im * parse(
BigFloat,
"5.60000018370560566203026472962717356795185562747197854617041665719593" *
"2663455466051670399913654859809084852066246844949753579244410168057092" *
"88679024447845420608757459055950528864457208615981477598896480e-08"
) parse(
BigFloat,
"-5.5558530118604720487634785729402198204424090949662542374253681343764" *
"5047715441086274804618954384565094187913510685046308200333371403777431" *
"957878382576655157620840621021149786698293776558477286205465574e-13"
) + im * parse(
BigFloat,
"-1.8200000530681270768518172166735794961331438947166272789601817374014" *
"9425979479493144455876575240279429165546387587246736352208173774565468" *
"343329521550532178479350889068652561030589392189443207713273417e-07"
) parse(
BigFloat,
"1.35737583117341162269802362625508489392853906408118378500185941858109" *
"7253293182711427710186668909594169858222904216854975244157744550055212" *
"90703648158001692315698095995454342765151540185151173350571645e-12"
) + im * parse(
BigFloat,
"4.36800011939979872253000028890923157834775721741958805855336756071474" *
"0825546088529880083157264767040043751331336719132253611964595829676477" *
"60821383739126866997130750669043045743740625731333553692375878e-07"
) parse(
BigFloat,
"-2.5175599094105171235981580034247800772583635516926620847855822355865" *
"0807616445860890733571787279615809908896709971263028239033890833823268" *
"995423381846840216104962731476551937919739584317518298385532230e-12"
) + im * parse(
BigFloat,
"-8.0080002101393469012100229298066385108109787553111039395592484306082" *
"7124544979354768509377110568903161449957134017466117661471323738143468" *
"220584745912985245767432989657410371735351106757874060530358918e-07"
) parse(
BigFloat,
"3.62598484085300470467060240226967037018667207318591937166295746030636" *
"2499971923767435041112345008914054033839649143603659055271317829525951" *
"96903030103569313458795802370603030139581175206238867451988502e-12"
) + im * parse(
BigFloat,
"1.14400002918557949835550861424052572467200044510427172856422926066572" *
"9956834986180108727715724355740842518941916176760198281958887940402093" *
"29867516275647203782427411815748202467933351727495291811855496e-06"
) parse(
BigFloat,
"-4.1040091337247249351708363729651816806494248079181817128252800153742" *
"9054613573052852734981495653936868505660898824448038084647328507542716" *
"288279124737832575639681570634987975562171856757303264888996615e-12"
) + im * parse(
BigFloat,
"-1.2870000321633265917987151135198504143521348099972640168584355022972" *
"3286164433200203299561700632525222035058748675470104105300971711353185" *
"484976528516343197382141073938609036056333466299692280537440736e-06"
) parse(
BigFloat,
"3.66509303765668317688921647194597920742757312900953724813976629051254" *
"4737558716749101013650968012557543531072644412738514659443541085975360" *
"58949604932324152394158612576595860942199791236191695062730007e-12"
) + im * parse(
BigFloat,
"1.14400002814265209990365238676432279813270110746297891552967965984680" *
"0820424207681230936050890048111733047609825567439739140442653968007340" *
"24506505124248222964224388680776845611315507706218295130914773e-06"
) parse(
BigFloat,
"-2.5751140759571897646437791101247857512528111045649044101672016640755" *
"4724359806324576296888414748476425651169407648179937207554247343578577" *
"775754324405528073263909612042112467028158574162299129563703424e-12"
) + im * parse(
BigFloat,
"-8.0080001945650325896786363914067542967118070823565159397890172643225" *
"3458741068620584599884163753210866698343731728406177288115912188927326" *
"585589159620053280772597369576419152979698193258557627253184495e-07"
) parse(
BigFloat,
"1.40886273458358437558139319788624028070470237403921915586052153235325" *
"2550808832821980947877317745575145122145037836229488936768500821358551" *
"66515771911967616523116882692391148569965025468011675459188944e-12"
) + im * parse(
BigFloat,
"4.36800010506446915160199034359231046157287567784802749381807693830152" *
"7417500480975650462962111375473589613727066531766375101034388304404184" *
"30204900102527370220256498022272791335988554221514661409123066e-07"
) parse(
BigFloat,
"-5.8850179582050735977365044354301776283949218375534256547466197245441" *
"5192991090427117660181776616843169180387192562345565537533637547815867" *
"682821964284339058782046839530157052866307036180060002457664506e-13"
) + im * parse(
BigFloat,
"-1.8200000434148445049567732449451490215360198130479658291204378285425" *
"8257697849496015108930013758443684442449508087296188690470660384935260" *
"222910469584453730395897633345467481222325658719461878473240814e-07"
) parse(
BigFloat,
"1.81461288080844648888120810995770994464348363215514927964199746450742" *
"4413053004991568751158762106925525469927411885095077253536998404950479" *
"95057254983562176349456944349341891259947330830925865307716124e-13"
) + im * parse(
BigFloat,
"5.60000013265588200045783829511270406809282112209650263536832881124653" *
"6641759998913813456060049562050323169345443043196614909937015696818065" *
"47552443063968026235409434095687825283174906478704676241873960e-08"
) parse(
BigFloat,
"-3.8954999406277332444157419447918959952335993479546102925385168459712" *
"0182943531926396405253594435358706540897532027118163366792508027997758" *
"283909904903499766536723303996972382317682612565455271198420938e-14"
) + im * parse(
BigFloat,
"-1.2000000282579497533653047014850014879742214405284661169797712705889" *
"9688525802411164782595182186043829826354230994969762888828723483479824" *
"178548025946294166966810921471875638932207240762352134489828314e-08"
) parse(
BigFloat,
"5.20213366659243697750807238800197939831752338687045188039307614035106" *
"1131018049919669930931592838757399657162493012839682411039970833901831" *
"86955593828883397779152595233995087505345010688672009701941197e-15"
) + im * parse(
BigFloat,
"1.60000003748491057052024495505846046522090990152561476682297851901581" *
"9587549642010836939985677019463784836818925453535678810055116226648112" *
"80241029880047692927093182235319280742283666234613703670330094e-09"
) parse(
BigFloat,
"-3.2557790031086909253571776331185108614099932350672867453982096176151" *
"5619622068998014274413530100242204232661024777328268164308344235531914" *
"123219594959446255801860657809109632991652093990720628585730489e-16"
) + im * parse(
BigFloat,
"-1.0000000233238760618120545175207560351965388304330663043592225811815" *
"7046427380755218377930115224485874973500619452430444320503674137372397" *
"788264191111567128356390549647853852498596148196499524706494511e-10"
)
]
return tabres, [1, 5, 10, 16]
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 1388892 | # PrepareU0 order=15 n_tau =32
# tab_u0 i prepared data for each order from 2 to order
u0=BigFloat[0.125, 0.140625, 0.15625, 0.171875]
# this file is generated by gendataprep_u0.jl file
function get_prepare_u0_for_test()
tab_u0 = zeros(Complex{BigFloat}, 4, 32, 15, 3)
tab_u0[ :, :, 2, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986190397618450772334675508404109642667896743924194005618415310927" *
"0679170625269688945771617936943387210790997334211980775401011925505703" *
"37458433718698615108638232803782014970717632322031210680351724e-01"
) parse(
BigFloat,
"1.24979709959720506334804088217420108058755806244895204165493339987384" *
"2004152510496758714287804219536936800307647968750495629220429799442721" *
"77589333609931423758342518312482772849553480245594695389105365e-01"
) parse(
BigFloat,
"1.24981545274230812896911627957393694084062178466402677073128894595346" *
"2450670622703217862126413911936621458515066604471943389736849228567861" *
"65819753150579126755686163630408746853153120912026142641468983e-01"
) parse(
BigFloat,
"1.24991416931152343750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25007822060205588653332191768553007971092605262837999974838673996901" *
"4812296724449374946257583656851776818608648601652271995907815705672688" *
"11141392269533288070844821855053113572285851612424824565128817e-01"
) parse(
BigFloat,
"1.25028263129205056259422676468602234228750645138321689351721482220820" *
"4667128056721862079365311579948548533367516440972277292135603311049191" *
"30843259289992380417593613145831419205505942249510521709900596e-01"
) parse(
BigFloat,
"1.25049628170694329532139619727646747998544069760531652367244360437128" *
"8868796747547614699064419881912668589092025169312608466885279978113263" *
"55889517382608683247413444415412526630366454302470436915073484e-01"
) parse(
BigFloat,
"1.25068664550781250000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25082474153162799227665324491595890357332103256075805994381584689072" *
"9320829374730311054228382063056612789209002665788019224598988074494296" *
"62541566281301384891361767196217985029282367677968789319648276e-01"
) parse(
BigFloat,
"1.25088954591060743665195911782579891941244193755104795834506660012615" *
"7995847489503241285712195780463063199692352031249504370779570200557278" *
"22410666390068576241657481687517227150446519754405304610894635e-01"
) parse(
BigFloat,
"1.25087119276550437103088372042606305915937821533597322926871105404653" *
"7549329377296782137873586088063378541484933395528056610263150771432138" *
"34180246849420873244313836369591253146846879087973857358531017e-01"
) parse(
BigFloat,
"1.25077247619628906250000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25060842490575661346667808231446992028907394737162000025161326003098" *
"5187703275550625053742416343148223181391351398347728004092184294327311" *
"88858607730466711929155178144946886427714148387575175434871183e-01"
) parse(
BigFloat,
"1.25040401421576193740577323531397765771249354861678310648278517779179" *
"5332871943278137920634688420051451466632483559027722707864396688950808" *
"69156740710007619582406386854168580794494057750489478290099404e-01"
) parse(
BigFloat,
"1.25019036380086920467860380272353252001455930239468347632755639562871" *
"1131203252452385300935580118087331410907974830687391533114720021886736" *
"44110482617391316752586555584587473369633545697529563084926516e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986190397618450772334675508404109642667896743924194005618415310927" *
"0679170625269688945771617936943387210790997334211980775401011925505703" *
"37458433718698615108638232803782014970717632322031210680351724e-01"
) parse(
BigFloat,
"1.24979709959720506334804088217420108058755806244895204165493339987384" *
"2004152510496758714287804219536936800307647968750495629220429799442721" *
"77589333609931423758342518312482772849553480245594695389105365e-01"
) parse(
BigFloat,
"1.24981545274230812896911627957393694084062178466402677073128894595346" *
"2450670622703217862126413911936621458515066604471943389736849228567861" *
"65819753150579126755686163630408746853153120912026142641468983e-01"
) parse(
BigFloat,
"1.24991416931152343750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25007822060205588653332191768553007971092605262837999974838673996901" *
"4812296724449374946257583656851776818608648601652271995907815705672688" *
"11141392269533288070844821855053113572285851612424824565128817e-01"
) parse(
BigFloat,
"1.25028263129205056259422676468602234228750645138321689351721482220820" *
"4667128056721862079365311579948548533367516440972277292135603311049191" *
"30843259289992380417593613145831419205505942249510521709900596e-01"
) parse(
BigFloat,
"1.25049628170694329532139619727646747998544069760531652367244360437128" *
"8868796747547614699064419881912668589092025169312608466885279978113263" *
"55889517382608683247413444415412526630366454302470436915073484e-01"
) parse(
BigFloat,
"1.25068664550781250000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25082474153162799227665324491595890357332103256075805994381584689072" *
"9320829374730311054228382063056612789209002665788019224598988074494296" *
"62541566281301384891361767196217985029282367677968789319648276e-01"
) parse(
BigFloat,
"1.25088954591060743665195911782579891941244193755104795834506660012615" *
"7995847489503241285712195780463063199692352031249504370779570200557278" *
"22410666390068576241657481687517227150446519754405304610894635e-01"
) parse(
BigFloat,
"1.25087119276550437103088372042606305915937821533597322926871105404653" *
"7549329377296782137873586088063378541484933395528056610263150771432138" *
"34180246849420873244313836369591253146846879087973857358531017e-01"
) parse(
BigFloat,
"1.25077247619628906250000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25060842490575661346667808231446992028907394737162000025161326003098" *
"5187703275550625053742416343148223181391351398347728004092184294327311" *
"88858607730466711929155178144946886427714148387575175434871183e-01"
) parse(
BigFloat,
"1.25040401421576193740577323531397765771249354861678310648278517779179" *
"5332871943278137920634688420051451466632483559027722707864396688950808" *
"69156740710007619582406386854168580794494057750489478290099404e-01"
) parse(
BigFloat,
"1.25019036380086920467860380272353252001455930239468347632755639562871" *
"1131203252452385300935580118087331410907974830687391533114720021886736" *
"44110482617391316752586555584587473369633545697529563084926516e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233594870946755096667808231446992028907394737162000025161326003098" *
"5187703275550625053742416343148223181391351398347728004092184294327311" *
"88858607730466711929155178144946886427714148387575175434871183e-01"
) parse(
BigFloat,
"1.56213153801947287490577323531397765771249354861678310648278517779179" *
"5332871943278137920634688420051451466632483559027722707864396688950808" *
"69156740710007619582406386854168580794494057750489478290099404e-01"
) parse(
BigFloat,
"1.56191788760458014217860380272353252001455930239468347632755639562871" *
"1131203252452385300935580118087331410907974830687391533114720021886736" *
"44110482617391316752586555584587473369633545697529563084926516e-01"
) parse(
BigFloat,
"1.56172752380371093750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56158942777989544522334675508404109642667896743924194005618415310927" *
"0679170625269688945771617936943387210790997334211980775401011925505703" *
"37458433718698615108638232803782014970717632322031210680351724e-01"
) parse(
BigFloat,
"1.56152462340091600084804088217420108058755806244895204165493339987384" *
"2004152510496758714287804219536936800307647968750495629220429799442721" *
"77589333609931423758342518312482772849553480245594695389105365e-01"
) parse(
BigFloat,
"1.56154297654601906646911627957393694084062178466402677073128894595346" *
"2450670622703217862126413911936621458515066604471943389736849228567861" *
"65819753150579126755686163630408746853153120912026142641468983e-01"
) parse(
BigFloat,
"1.56164169311523437500000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56180574440576682403332191768553007971092605262837999974838673996901" *
"4812296724449374946257583656851776818608648601652271995907815705672688" *
"11141392269533288070844821855053113572285851612424824565128817e-01"
) parse(
BigFloat,
"1.56201015509576150009422676468602234228750645138321689351721482220820" *
"4667128056721862079365311579948548533367516440972277292135603311049191" *
"30843259289992380417593613145831419205505942249510521709900596e-01"
) parse(
BigFloat,
"1.56222380551065423282139619727646747998544069760531652367244360437128" *
"8868796747547614699064419881912668589092025169312608466885279978113263" *
"55889517382608683247413444415412526630366454302470436915073484e-01"
) parse(
BigFloat,
"1.56241416931152343750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56255226533533892977665324491595890357332103256075805994381584689072" *
"9320829374730311054228382063056612789209002665788019224598988074494296" *
"62541566281301384891361767196217985029282367677968789319648276e-01"
) parse(
BigFloat,
"1.56261706971431837415195911782579891941244193755104795834506660012615" *
"7995847489503241285712195780463063199692352031249504370779570200557278" *
"22410666390068576241657481687517227150446519754405304610894635e-01"
) parse(
BigFloat,
"1.56259871656921530853088372042606305915937821533597322926871105404653" *
"7549329377296782137873586088063378541484933395528056610263150771432138" *
"34180246849420873244313836369591253146846879087973857358531017e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233594870946755096667808231446992028907394737162000025161326003098" *
"5187703275550625053742416343148223181391351398347728004092184294327311" *
"88858607730466711929155178144946886427714148387575175434871183e-01"
) parse(
BigFloat,
"1.56213153801947287490577323531397765771249354861678310648278517779179" *
"5332871943278137920634688420051451466632483559027722707864396688950808" *
"69156740710007619582406386854168580794494057750489478290099404e-01"
) parse(
BigFloat,
"1.56191788760458014217860380272353252001455930239468347632755639562871" *
"1131203252452385300935580118087331410907974830687391533114720021886736" *
"44110482617391316752586555584587473369633545697529563084926516e-01"
) parse(
BigFloat,
"1.56172752380371093750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56158942777989544522334675508404109642667896743924194005618415310927" *
"0679170625269688945771617936943387210790997334211980775401011925505703" *
"37458433718698615108638232803782014970717632322031210680351724e-01"
) parse(
BigFloat,
"1.56152462340091600084804088217420108058755806244895204165493339987384" *
"2004152510496758714287804219536936800307647968750495629220429799442721" *
"77589333609931423758342518312482772849553480245594695389105365e-01"
) parse(
BigFloat,
"1.56154297654601906646911627957393694084062178466402677073128894595346" *
"2450670622703217862126413911936621458515066604471943389736849228567861" *
"65819753150579126755686163630408746853153120912026142641468983e-01"
) parse(
BigFloat,
"1.56164169311523437500000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56180574440576682403332191768553007971092605262837999974838673996901" *
"4812296724449374946257583656851776818608648601652271995907815705672688" *
"11141392269533288070844821855053113572285851612424824565128817e-01"
) parse(
BigFloat,
"1.56201015509576150009422676468602234228750645138321689351721482220820" *
"4667128056721862079365311579948548533367516440972277292135603311049191" *
"30843259289992380417593613145831419205505942249510521709900596e-01"
) parse(
BigFloat,
"1.56222380551065423282139619727646747998544069760531652367244360437128" *
"8868796747547614699064419881912668589092025169312608466885279978113263" *
"55889517382608683247413444415412526630366454302470436915073484e-01"
) parse(
BigFloat,
"1.56241416931152343750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56255226533533892977665324491595890357332103256075805994381584689072" *
"9320829374730311054228382063056612789209002665788019224598988074494296" *
"62541566281301384891361767196217985029282367677968789319648276e-01"
) parse(
BigFloat,
"1.56261706971431837415195911782579891941244193755104795834506660012615" *
"7995847489503241285712195780463063199692352031249504370779570200557278" *
"22410666390068576241657481687517227150446519754405304610894635e-01"
) parse(
BigFloat,
"1.56259871656921530853088372042606305915937821533597322926871105404653" *
"7549329377296782137873586088063378541484933395528056610263150771432138" *
"34180246849420873244313836369591253146846879087973857358531017e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875380832854974058333095042640824433587788358780781119172580828639" *
"8594995552872672831790175076430661852401157658036778682151519727753414" *
"52015806925374863574825505395653052317474270215571627593080679e-01"
) parse(
BigFloat,
"1.71869896156576290920920983670943391421246487580248580196183041242199" *
"6812302802292084234566636953613457984999077154706490298372826417621069" *
"54297810532263706615323661761584495436689869974887159579430088e-01"
) parse(
BigFloat,
"1.71859380963408665820764820144716059731723647625095556129486453919417" *
"0252384432921494654790027879185135372339618477821094353752737104967515" *
"27482573857407737025768378242922906579196508692220837681373461e-01"
) parse(
BigFloat,
"1.71845436096191406250000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71830184534547803869186415910094599857245395629056308460920032362133" *
"4295022097647986783533172607057184972235638480954062569118329908184374" *
"77125197058569780008925424659984721335715696802888968877306979e-01"
) parse(
BigFloat,
"1.71815948190482346560233663391852140121252222143108041100373994316159" *
"3853441084264191606702739886489444948265889963348955117355966960280547" *
"84015670887751532549489111946752666152298245526091797000768720e-01"
) parse(
BigFloat,
"1.71804894418326219880772045910149004038169818340328049606254864021748" *
"9495410972563866439242617359798126987622237841258303469391221891522792" *
"09314602854363676753964159160508039362308912459528042887834280e-01"
) parse(
BigFloat,
"1.71798706054687500000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71798325221832525941666904957359175566412211641219218880827419171360" *
"1405004447127327168209824923569338147598842341963221317848480272246585" *
"47984193074625136425174494604346947682525729784428372406919321e-01"
) parse(
BigFloat,
"1.71803809898111209079079016329056608578753512419751419803816958757800" *
"3187697197707915765433363046386542015000922845293509701627173582378930" *
"45702189467736293384676338238415504563310130025112840420569912e-01"
) parse(
BigFloat,
"1.71814325091278834179235179855283940268276352374904443870513546080582" *
"9747615567078505345209972120814864627660381522178905646247262895032484" *
"72517426142592262974231621757077093420803491307779162318626539e-01"
) parse(
BigFloat,
"1.71828269958496093750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71843521520139696130813584089905400142754604370943691539079967637866" *
"5704977902352013216466827392942815027764361519045937430881670091815625" *
"22874802941430219991074575340015278664284303197111031122693021e-01"
) parse(
BigFloat,
"1.71857757864205153439766336608147859878747777856891958899626005683840" *
"6146558915735808393297260113510555051734110036651044882644033039719452" *
"15984329112248467450510888053247333847701754473908202999231280e-01"
) parse(
BigFloat,
"1.71868811636361280119227954089850995961830181659671950393745135978251" *
"0504589027436133560757382640201873012377762158741696530608778108477207" *
"90685397145636323246035840839491960637691087540471957112165720e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875380832854974058333095042640824433587788358780781119172580828639" *
"8594995552872672831790175076430661852401157658036778682151519727753414" *
"52015806925374863574825505395653052317474270215571627593080679e-01"
) parse(
BigFloat,
"1.71869896156576290920920983670943391421246487580248580196183041242199" *
"6812302802292084234566636953613457984999077154706490298372826417621069" *
"54297810532263706615323661761584495436689869974887159579430088e-01"
) parse(
BigFloat,
"1.71859380963408665820764820144716059731723647625095556129486453919417" *
"0252384432921494654790027879185135372339618477821094353752737104967515" *
"27482573857407737025768378242922906579196508692220837681373461e-01"
) parse(
BigFloat,
"1.71845436096191406250000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71830184534547803869186415910094599857245395629056308460920032362133" *
"4295022097647986783533172607057184972235638480954062569118329908184374" *
"77125197058569780008925424659984721335715696802888968877306979e-01"
) parse(
BigFloat,
"1.71815948190482346560233663391852140121252222143108041100373994316159" *
"3853441084264191606702739886489444948265889963348955117355966960280547" *
"84015670887751532549489111946752666152298245526091797000768720e-01"
) parse(
BigFloat,
"1.71804894418326219880772045910149004038169818340328049606254864021748" *
"9495410972563866439242617359798126987622237841258303469391221891522792" *
"09314602854363676753964159160508039362308912459528042887834280e-01"
) parse(
BigFloat,
"1.71798706054687500000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71798325221832525941666904957359175566412211641219218880827419171360" *
"1405004447127327168209824923569338147598842341963221317848480272246585" *
"47984193074625136425174494604346947682525729784428372406919321e-01"
) parse(
BigFloat,
"1.71803809898111209079079016329056608578753512419751419803816958757800" *
"3187697197707915765433363046386542015000922845293509701627173582378930" *
"45702189467736293384676338238415504563310130025112840420569912e-01"
) parse(
BigFloat,
"1.71814325091278834179235179855283940268276352374904443870513546080582" *
"9747615567078505345209972120814864627660381522178905646247262895032484" *
"72517426142592262974231621757077093420803491307779162318626539e-01"
) parse(
BigFloat,
"1.71828269958496093750000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71843521520139696130813584089905400142754604370943691539079967637866" *
"5704977902352013216466827392942815027764361519045937430881670091815625" *
"22874802941430219991074575340015278664284303197111031122693021e-01"
) parse(
BigFloat,
"1.71857757864205153439766336608147859878747777856891958899626005683840" *
"6146558915735808393297260113510555051734110036651044882644033039719452" *
"15984329112248467450510888053247333847701754473908202999231280e-01"
) parse(
BigFloat,
"1.71868811636361280119227954089850995961830181659671950393745135978251" *
"0504589027436133560757382640201873012377762158741696530608778108477207" *
"90685397145636323246035840839491960637691087540471957112165720e-01"
)
]
tab_u0[ :, :, 3, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242385465372007253551851880909906060605049891830991179221591521" *
"0171226362921965241650628944746693009450335982533575541527227577828291" *
"19545095928284180065585458452663896490977033358583578740692119e-01"
) parse(
BigFloat,
"1.24979820166563867504398458577287046129500012208430454465306454428350" *
"9094715511687090871868356229339143351264213783269862093723549294691677" *
"76526307341914136207126305575279371109249883328171001573860319e-01"
) parse(
BigFloat,
"1.24981711067905681237819003566137938384010569384990537795301365410042" *
"5726668116657191096544288441750305322013051313232988749157668186077812" *
"33644391717350977560533142269369592871580135547579461429267931e-01"
) parse(
BigFloat,
"1.24991627216902585414428017313064152432329316499970417453369009308516" *
"9792175292968750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25008058969759915872584056007409235643369516213628031866304552257348" *
"9336183314681878782605517911679514522041448838333492048475186782305341" *
"64451875134542355431874149431760379019322995398933646759701945e-01"
) parse(
BigFloat,
"1.25028504741059354624107984474812328988206912469410486683403223966882" *
"3120655218656803701991146724717414661970521111610387532165957275616557" *
"95722695413702342214347324016245069185494719563618282857536414e-01"
) parse(
BigFloat,
"1.25049851847461940481361585915123337682971613970796838203446379522970" *
"2885766363838246111732074354196613465844568648165462330604726100704157" *
"09443507684526506561600383410342226245152514491933105405985910e-01"
) parse(
BigFloat,
"1.25068850385529881166186812241997863641949917390405744299641810357570" *
"6481933593750000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25082608000064509158933260390116953735889312340513913308462588766049" *
"6310707230828034758349371055253306990549664017466424458472772422171708" *
"80454904071715819934414541547336103509022966641416421259307881e-01"
) parse(
BigFloat,
"1.25089030218966013661788353664710817512449905181975289834335355929219" *
"7387218082062909128131643770660856648735786216730137906276450705308322" *
"23473692658085863792873694424720628890750116671828998426139681e-01"
) parse(
BigFloat,
"1.25087139317624199928367808675859925257939348005415206504340444947528" *
"0755265477092808903455711558249694677986948686767011250842331813922187" *
"66355608282649022439466857730630407128419864452420538570732069e-01"
) parse(
BigFloat,
"1.25077223168627295751758794928933711209620600890435326846272801049053" *
"6689758300781250000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25060791415769965293602756234588627998580401176777712433337258100221" *
"7145750279068121217394482088320485477958551161666507951524813217694658" *
"35548124865457644568125850568239620980677004601066353240298055e-01"
) parse(
BigFloat,
"1.25040345644470526542078827767185534653743004920995257616238586390688" *
"3361278375093196298008853275282585338029478888389612467834042724383442" *
"04277304586297657785652675983754930814505280436381717142463586e-01"
) parse(
BigFloat,
"1.25018998538067940684825226326874525958978303419608906096195430834600" *
"3596167229911753888267925645803386534155431351834537669395273899295842" *
"90556492315473493438399616589657773754847485508066894594014090e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242385465372007253551851880909906060605049891830991179221591521" *
"0171226362921965241650628944746693009450335982533575541527227577828291" *
"19545095928284180065585458452663896490977033358583578740692119e-01"
) parse(
BigFloat,
"1.24979820166563867504398458577287046129500012208430454465306454428350" *
"9094715511687090871868356229339143351264213783269862093723549294691677" *
"76526307341914136207126305575279371109249883328171001573860319e-01"
) parse(
BigFloat,
"1.24981711067905681237819003566137938384010569384990537795301365410042" *
"5726668116657191096544288441750305322013051313232988749157668186077812" *
"33644391717350977560533142269369592871580135547579461429267931e-01"
) parse(
BigFloat,
"1.24991627216902585414428017313064152432329316499970417453369009308516" *
"9792175292968750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25008058969759915872584056007409235643369516213628031866304552257348" *
"9336183314681878782605517911679514522041448838333492048475186782305341" *
"64451875134542355431874149431760379019322995398933646759701945e-01"
) parse(
BigFloat,
"1.25028504741059354624107984474812328988206912469410486683403223966882" *
"3120655218656803701991146724717414661970521111610387532165957275616557" *
"95722695413702342214347324016245069185494719563618282857536414e-01"
) parse(
BigFloat,
"1.25049851847461940481361585915123337682971613970796838203446379522970" *
"2885766363838246111732074354196613465844568648165462330604726100704157" *
"09443507684526506561600383410342226245152514491933105405985910e-01"
) parse(
BigFloat,
"1.25068850385529881166186812241997863641949917390405744299641810357570" *
"6481933593750000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25082608000064509158933260390116953735889312340513913308462588766049" *
"6310707230828034758349371055253306990549664017466424458472772422171708" *
"80454904071715819934414541547336103509022966641416421259307881e-01"
) parse(
BigFloat,
"1.25089030218966013661788353664710817512449905181975289834335355929219" *
"7387218082062909128131643770660856648735786216730137906276450705308322" *
"23473692658085863792873694424720628890750116671828998426139681e-01"
) parse(
BigFloat,
"1.25087139317624199928367808675859925257939348005415206504340444947528" *
"0755265477092808903455711558249694677986948686767011250842331813922187" *
"66355608282649022439466857730630407128419864452420538570732069e-01"
) parse(
BigFloat,
"1.25077223168627295751758794928933711209620600890435326846272801049053" *
"6689758300781250000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25060791415769965293602756234588627998580401176777712433337258100221" *
"7145750279068121217394482088320485477958551161666507951524813217694658" *
"35548124865457644568125850568239620980677004601066353240298055e-01"
) parse(
BigFloat,
"1.25040345644470526542078827767185534653743004920995257616238586390688" *
"3361278375093196298008853275282585338029478888389612467834042724383442" *
"04277304586297657785652675983754930814505280436381717142463586e-01"
) parse(
BigFloat,
"1.25018998538067940684825226326874525958978303419608906096195430834600" *
"3596167229911753888267925645803386534155431351834537669395273899295842" *
"90556492315473493438399616589657773754847485508066894594014090e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029785010993208480173613423079183263617261862279389428258366523" *
"3368866383560840308247786635551845730231589993751127130619970757693699" *
"88267299379718343938173924263294337305319120110695901603507277e-01"
) parse(
BigFloat,
"1.40625057581275233791508419387452348164560261141046010928876266795102" *
"4255253166445312242901476787230672622810138467999401932187212955715482" *
"85710599716368606696963599480682498079035163675417157838724079e-01"
) parse(
BigFloat,
"1.40625079157063464883118883570039274766785527861786987382440107090424" *
"9780492866376475041753330349432502185315942130226984360757307294692849" *
"76818849195110694817739490499516903727914345076564786631743591e-01"
) parse(
BigFloat,
"1.40625091227657513306970038513554754899814724922180175781250000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625091955418855398055210782286990895272865202322881588000825110337" *
"8789062472437325841853749167141820071751702232084936781014859040083476" *
"99307738052975387304704732506702370327393409297242820425763274e-01"
) parse(
BigFloat,
"1.40625081229552423996000868160810872007645844018484987168493860220865" *
"7758135808689584300762848778399508760057050145892944532596862374212591" *
"86966653523855461702013376589921130272106398750802323559251843e-01"
) parse(
BigFloat,
"1.40625060682974153060448647341227286686612690798319448699814666387319" *
"0991205258784514043322722162662501831323497301346115657791105402936565" *
"32679673433711425416563555968370861469697553435837930526418892e-01"
) parse(
BigFloat,
"1.40625033443714329145501906737081299070268869400024414062500000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625003658703335937021733123658219887005252138162134673071741633476" *
"6631133616439159691752213364448154269768410006248872869380029242306300" *
"11732700620281656061826075736705662694680879889304098396492723e-01"
) parse(
BigFloat,
"1.40624975862439095353993487349628950905708608258978403133623733204897" *
"5744746833554687757098523212769327377189861532000598067812787044284517" *
"14289400283631393303036400519317501920964836324582842161275921e-01"
) parse(
BigFloat,
"1.40624954286650864262383023167042024303483341538237426680059892909575" *
"0219507133623524958246669650567497814684057869773015639242692705307150" *
"23181150804889305182260509500483096272085654923435213368256409e-01"
) parse(
BigFloat,
"1.40624942216056815838531868223526544170454144477844238281250000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624941488295473747446695954794308174996004197701532474499174889662" *
"1210937527562674158146250832858179928248297767915063218985140959916523" *
"00692261947024612695295267493297629672606590702757179574236726e-01"
) parse(
BigFloat,
"1.40624952214161905149501038576270427062623025381539426894006139779134" *
"2241864191310415699237151221600491239942949854107055467403137625787408" *
"13033346476144538297986623410078869727893601249197676440748157e-01"
) parse(
BigFloat,
"1.40624972760740176085053259395854012383656178601704965362685333612680" *
"9008794741215485956677277837337498168676502698653884342208894597063434" *
"67320326566288574583436444031629138530302446564162069473581108e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029785010993208480173613423079183263617261862279389428258366523" *
"3368866383560840308247786635551845730231589993751127130619970757693699" *
"88267299379718343938173924263294337305319120110695901603507277e-01"
) parse(
BigFloat,
"1.40625057581275233791508419387452348164560261141046010928876266795102" *
"4255253166445312242901476787230672622810138467999401932187212955715482" *
"85710599716368606696963599480682498079035163675417157838724079e-01"
) parse(
BigFloat,
"1.40625079157063464883118883570039274766785527861786987382440107090424" *
"9780492866376475041753330349432502185315942130226984360757307294692849" *
"76818849195110694817739490499516903727914345076564786631743591e-01"
) parse(
BigFloat,
"1.40625091227657513306970038513554754899814724922180175781250000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625091955418855398055210782286990895272865202322881588000825110337" *
"8789062472437325841853749167141820071751702232084936781014859040083476" *
"99307738052975387304704732506702370327393409297242820425763274e-01"
) parse(
BigFloat,
"1.40625081229552423996000868160810872007645844018484987168493860220865" *
"7758135808689584300762848778399508760057050145892944532596862374212591" *
"86966653523855461702013376589921130272106398750802323559251843e-01"
) parse(
BigFloat,
"1.40625060682974153060448647341227286686612690798319448699814666387319" *
"0991205258784514043322722162662501831323497301346115657791105402936565" *
"32679673433711425416563555968370861469697553435837930526418892e-01"
) parse(
BigFloat,
"1.40625033443714329145501906737081299070268869400024414062500000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625003658703335937021733123658219887005252138162134673071741633476" *
"6631133616439159691752213364448154269768410006248872869380029242306300" *
"11732700620281656061826075736705662694680879889304098396492723e-01"
) parse(
BigFloat,
"1.40624975862439095353993487349628950905708608258978403133623733204897" *
"5744746833554687757098523212769327377189861532000598067812787044284517" *
"14289400283631393303036400519317501920964836324582842161275921e-01"
) parse(
BigFloat,
"1.40624954286650864262383023167042024303483341538237426680059892909575" *
"0219507133623524958246669650567497814684057869773015639242692705307150" *
"23181150804889305182260509500483096272085654923435213368256409e-01"
) parse(
BigFloat,
"1.40624942216056815838531868223526544170454144477844238281250000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624941488295473747446695954794308174996004197701532474499174889662" *
"1210937527562674158146250832858179928248297767915063218985140959916523" *
"00692261947024612695295267493297629672606590702757179574236726e-01"
) parse(
BigFloat,
"1.40624952214161905149501038576270427062623025381539426894006139779134" *
"2241864191310415699237151221600491239942949854107055467403137625787408" *
"13033346476144538297986623410078869727893601249197676440748157e-01"
) parse(
BigFloat,
"1.40624972760740176085053259395854012383656178601704965362685333612680" *
"9008794741215485956677277837337498168676502698653884342208894597063434" *
"67320326566288574583436444031629138530302446564162069473581108e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568247142669541843961305654916788959800286342385587064457051168" *
"0455991978286871217394482088320485477958551161666507951524813217694658" *
"35548124865457644568125850568239620980677004601066353240298055e-01"
) parse(
BigFloat,
"1.56213122475843230790320032838251823444122404030559930769965785341634" *
"6671520074311946298008853275282585338029478888389612467834042724383442" *
"04277304586297657785652675983754930814505280436381717142463586e-01"
) parse(
BigFloat,
"1.56191775369440644933066431397940814749357702529173579249922629785546" *
"6906408929130503888267925645803386534155431351834537669395273899295842" *
"90556492315473493438399616589657773754847485508066894594014090e-01"
) parse(
BigFloat,
"1.56172776831372704248241205071066288790379399109564673153727198950946" *
"3310241699218750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56159019216838076255494756922947198696440004159456504144906420542467" *
"3481468062140715241650628944746693009450335982533575541527227577828291" *
"19545095928284180065585458452663896490977033358583578740692119e-01"
) parse(
BigFloat,
"1.56152596997936571752639663648353334919879411317995127619033653379297" *
"2404957210905840871868356229339143351264213783269862093723549294691677" *
"76526307341914136207126305575279371109249883328171001573860319e-01"
) parse(
BigFloat,
"1.56154487899278385486060208637204227174389968494555210949028564360988" *
"9036909815875941096544288441750305322013051313232988749157668186077812" *
"33644391717350977560533142269369592871580135547579461429267931e-01"
) parse(
BigFloat,
"1.56164404048275289662669222384130441222708715609535090607096208259463" *
"3102416992187500000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56180835801132620120825261078475524433748915323192705020031751208295" *
"2646425013900628782605517911679514522041448838333492048475186782305341" *
"64451875134542355431874149431760379019322995398933646759701945e-01"
) parse(
BigFloat,
"1.56201281572432058872349189545878617778586311578975159837130422917828" *
"6430896917875553701991146724717414661970521111610387532165957275616557" *
"95722695413702342214347324016245069185494719563618282857536414e-01"
) parse(
BigFloat,
"1.56222628678834644729602790986189626473351013080361511357173578473916" *
"6196008063056996111732074354196613465844568648165462330604726100704157" *
"09443507684526506561600383410342226245152514491933105405985910e-01"
) parse(
BigFloat,
"1.56241627216902585414428017313064152432329316499970417453369009308516" *
"9792175292968750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56255384831437213407174465461183242526268711450078586462189787716995" *
"9620948930046784758349371055253306990549664017466424458472772422171708" *
"80454904071715819934414541547336103509022966641416421259307881e-01"
) parse(
BigFloat,
"1.56261807050338717910029558735777106302829304291539962988062554880166" *
"0697459781281659128131643770660856648735786216730137906276450705308322" *
"23473692658085863792873694424720628890750116671828998426139681e-01"
) parse(
BigFloat,
"1.56259916148996904176609013746926214048318747114979879658067643898474" *
"4065507176311558903455711558249694677986948686767011250842331813922187" *
"66355608282649022439466857730630407128419864452420538570732069e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568247142669541843961305654916788959800286342385587064457051168" *
"0455991978286871217394482088320485477958551161666507951524813217694658" *
"35548124865457644568125850568239620980677004601066353240298055e-01"
) parse(
BigFloat,
"1.56213122475843230790320032838251823444122404030559930769965785341634" *
"6671520074311946298008853275282585338029478888389612467834042724383442" *
"04277304586297657785652675983754930814505280436381717142463586e-01"
) parse(
BigFloat,
"1.56191775369440644933066431397940814749357702529173579249922629785546" *
"6906408929130503888267925645803386534155431351834537669395273899295842" *
"90556492315473493438399616589657773754847485508066894594014090e-01"
) parse(
BigFloat,
"1.56172776831372704248241205071066288790379399109564673153727198950946" *
"3310241699218750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56159019216838076255494756922947198696440004159456504144906420542467" *
"3481468062140715241650628944746693009450335982533575541527227577828291" *
"19545095928284180065585458452663896490977033358583578740692119e-01"
) parse(
BigFloat,
"1.56152596997936571752639663648353334919879411317995127619033653379297" *
"2404957210905840871868356229339143351264213783269862093723549294691677" *
"76526307341914136207126305575279371109249883328171001573860319e-01"
) parse(
BigFloat,
"1.56154487899278385486060208637204227174389968494555210949028564360988" *
"9036909815875941096544288441750305322013051313232988749157668186077812" *
"33644391717350977560533142269369592871580135547579461429267931e-01"
) parse(
BigFloat,
"1.56164404048275289662669222384130441222708715609535090607096208259463" *
"3102416992187500000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56180835801132620120825261078475524433748915323192705020031751208295" *
"2646425013900628782605517911679514522041448838333492048475186782305341" *
"64451875134542355431874149431760379019322995398933646759701945e-01"
) parse(
BigFloat,
"1.56201281572432058872349189545878617778586311578975159837130422917828" *
"6430896917875553701991146724717414661970521111610387532165957275616557" *
"95722695413702342214347324016245069185494719563618282857536414e-01"
) parse(
BigFloat,
"1.56222628678834644729602790986189626473351013080361511357173578473916" *
"6196008063056996111732074354196613465844568648165462330604726100704157" *
"09443507684526506561600383410342226245152514491933105405985910e-01"
) parse(
BigFloat,
"1.56241627216902585414428017313064152432329316499970417453369009308516" *
"9792175292968750000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56255384831437213407174465461183242526268711450078586462189787716995" *
"9620948930046784758349371055253306990549664017466424458472772422171708" *
"80454904071715819934414541547336103509022966641416421259307881e-01"
) parse(
BigFloat,
"1.56261807050338717910029558735777106302829304291539962988062554880166" *
"0697459781281659128131643770660856648735786216730137906276450705308322" *
"23473692658085863792873694424720628890750116671828998426139681e-01"
) parse(
BigFloat,
"1.56259916148996904176609013746926214048318747114979879658067643898474" *
"4065507176311558903455711558249694677986948686767011250842331813922187" *
"66355608282649022439466857730630407128419864452420538570732069e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372206825279950955085028206706576259049199426551309733944585690" *
"5597531944857659573604474758815708410621434361517239594041796749016837" *
"46034036450417693040851993661297891478776491771883078417686892e-01"
) parse(
BigFloat,
"1.71869886597415464206924813259159765552262206519719927762783766111043" *
"9315595693032678051720370280692000936636083657550038606198245593023494" *
"06296779332144990039820276036651158367686928483108393563765259e-01"
) parse(
BigFloat,
"1.71859378306076024085486827820847460589186555045869443897575798417586" *
"1056984982530545866094766692727835847449492219655420898617280508048078" *
"25127582630608048111649345584639217870412708386221569590270256e-01"
) parse(
BigFloat,
"1.71845447124905491144062016840662279828751353312735740439722342050733" *
"0449158445162538555450737476348876953125000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71830213949950607236412295088557226605767423599548047255725942514235" *
"2532912034166593994160767121616318422208116752094252039192979088955534" *
"64636487517990546064628720475686885861388566148726975366161372e-01"
) parse(
BigFloat,
"1.71815997894009178605193162411313961963757723694545884702789445375918" *
"1515608602191505712827510974487219818078422951448617766683669261178982" *
"18665515682468426624750238642072603419142741688836853226070160e-01"
) parse(
BigFloat,
"1.71804963222729419744144158728318654100859018652787904203161308086942" *
"2744826916543404509670017861627637819788016515506225176688258720286882" *
"96434584156667978973723500752844943601060848682447014315245342e-01"
) parse(
BigFloat,
"1.71798789864784129697558540830364787008959693923234829095688489691319" *
"5448497901907103369012475013732910156250000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71798417657958849746603455802158080432700644723808277785954545105628" *
"9850965957049443795408000254917201745628565638482760405958203250983162" *
"53965963549582306959148006338702108521223508228116921582313108e-01"
) parse(
BigFloat,
"1.71803903267368665490633727571205021456697487403514901332904723580275" *
"6132902208874425317292104733040909219613916342449961393801754406976505" *
"93703220667855009960179723963348841632313071516891606436234741e-01"
) parse(
BigFloat,
"1.71814411558708105612071713009517326419773138877365385198112691273733" *
"4391512919376557502917708321005074308800507780344579101382719491951921" *
"74872417369391951888350654415360782129587291613778430409729744e-01"
) parse(
BigFloat,
"1.71828342739878638553496523989702507180208340610499088655966147640586" *
"4999339456744564813561737537384033203125000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71843575914833522461146245741807560403192270323686781839962547177084" *
"2915585867740509374851707892116591734041883247905747960807020911044465" *
"35363512482009453935371279524313114138611433851273024633838628e-01"
) parse(
BigFloat,
"1.71857791970774951092365378419050825045201970228688944392899044315401" *
"3932889299715597656184964039245690338171577048551382233316330738821017" *
"81334484317531573375249761357927396580857258311163146773929840e-01"
) parse(
BigFloat,
"1.71868826642054709953414382102046132908100675270446924892527181604377" *
"2703670985363698859342457152105272336461983484493774823311741279713117" *
"03565415843332021026276499247155056398939151317552985684754658e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372206825279950955085028206706576259049199426551309733944585690" *
"5597531944857659573604474758815708410621434361517239594041796749016837" *
"46034036450417693040851993661297891478776491771883078417686892e-01"
) parse(
BigFloat,
"1.71869886597415464206924813259159765552262206519719927762783766111043" *
"9315595693032678051720370280692000936636083657550038606198245593023494" *
"06296779332144990039820276036651158367686928483108393563765259e-01"
) parse(
BigFloat,
"1.71859378306076024085486827820847460589186555045869443897575798417586" *
"1056984982530545866094766692727835847449492219655420898617280508048078" *
"25127582630608048111649345584639217870412708386221569590270256e-01"
) parse(
BigFloat,
"1.71845447124905491144062016840662279828751353312735740439722342050733" *
"0449158445162538555450737476348876953125000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71830213949950607236412295088557226605767423599548047255725942514235" *
"2532912034166593994160767121616318422208116752094252039192979088955534" *
"64636487517990546064628720475686885861388566148726975366161372e-01"
) parse(
BigFloat,
"1.71815997894009178605193162411313961963757723694545884702789445375918" *
"1515608602191505712827510974487219818078422951448617766683669261178982" *
"18665515682468426624750238642072603419142741688836853226070160e-01"
) parse(
BigFloat,
"1.71804963222729419744144158728318654100859018652787904203161308086942" *
"2744826916543404509670017861627637819788016515506225176688258720286882" *
"96434584156667978973723500752844943601060848682447014315245342e-01"
) parse(
BigFloat,
"1.71798789864784129697558540830364787008959693923234829095688489691319" *
"5448497901907103369012475013732910156250000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71798417657958849746603455802158080432700644723808277785954545105628" *
"9850965957049443795408000254917201745628565638482760405958203250983162" *
"53965963549582306959148006338702108521223508228116921582313108e-01"
) parse(
BigFloat,
"1.71803903267368665490633727571205021456697487403514901332904723580275" *
"6132902208874425317292104733040909219613916342449961393801754406976505" *
"93703220667855009960179723963348841632313071516891606436234741e-01"
) parse(
BigFloat,
"1.71814411558708105612071713009517326419773138877365385198112691273733" *
"4391512919376557502917708321005074308800507780344579101382719491951921" *
"74872417369391951888350654415360782129587291613778430409729744e-01"
) parse(
BigFloat,
"1.71828342739878638553496523989702507180208340610499088655966147640586" *
"4999339456744564813561737537384033203125000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71843575914833522461146245741807560403192270323686781839962547177084" *
"2915585867740509374851707892116591734041883247905747960807020911044465" *
"35363512482009453935371279524313114138611433851273024633838628e-01"
) parse(
BigFloat,
"1.71857791970774951092365378419050825045201970228688944392899044315401" *
"3932889299715597656184964039245690338171577048551382233316330738821017" *
"81334484317531573375249761357927396580857258311163146773929840e-01"
) parse(
BigFloat,
"1.71868826642054709953414382102046132908100675270446924892527181604377" *
"2703670985363698859342457152105272336461983484493774823311741279713117" *
"03565415843332021026276499247155056398939151317552985684754658e-01"
)
]
tab_u0[ :, :, 4, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229501878580984617271122080052226170346249251213895829202053" *
"1271346442845905740655677697012968135752809873517692434534775375022857" *
"76165769381123647558266608580656385839551417779946940928636569e-01"
) parse(
BigFloat,
"1.24979819886981057931103763856519717971081185154953355851217218292110" *
"4120537792602536072631624819905813788980668330953907694593495800876397" *
"54208522200188370507687533851286304679012399515947188736807357e-01"
) parse(
BigFloat,
"1.24981710718337732457777084082671207681413509182993908000491393684754" *
"6764363371787691440044347137682858084208796092726054199798505948730120" *
"43525155155940124696726245851609832510987991100499927172997126e-01"
) parse(
BigFloat,
"1.24991626863277281359857621333868412137733264873383936032874572452021" *
"5578912639318224433734303882504964946134884767192211699257813409070577" *
"49947921946978207764236285814959892469093721035227548054457211e-01"
) parse(
BigFloat,
"1.25008058678470558282183493739265713224273601314584791651846603968416" *
"1442535631666237314189415052039901243261300010412490825137058343235336" *
"48665750729570703321611504883275205117065418947157555822620239e-01"
) parse(
BigFloat,
"1.25028504567154946655918544973748413196406334193343827974422274898953" *
"7797454070768254905530059216268682579239872823517640849099107636740700" *
"11626355637738758130836549324982456913450039704692582092538447e-01"
) parse(
BigFloat,
"1.25049851825650611421118946846789707732017577733043485512185863746755" *
"8101003384755483898798963766089058636390024309389658517363158023397082" *
"31375866320270235368739526856265410799532541670218235147086743e-01"
) parse(
BigFloat,
"1.25068850525725963798505658943965168608840105464681929330110362137288" *
"9671970492877853123038577812653886853954203668234301838578085833685517" *
"91949443058761719906268533662780768747857403906249871524980909e-01"
) parse(
BigFloat,
"1.25082608287670354193130107601766735691332564354855109583157002931108" *
"9334959896679266479980087030862702775881711695286651500388608088630349" *
"65205981211857164432688039536016962311552877712333091767766533e-01"
) parse(
BigFloat,
"1.25089030618796387562566522569496795937652048557606632175330888604963" *
"1974072086211582757878446054980836580113239339103896227306547769429221" *
"71963947461978421935929028661664356457735363657984667146001060e-01"
) parse(
BigFloat,
"1.25087139779878781347923175458898353654464123978976148568763218344205" *
"3870636457714225974816282455981667121113061684316575530203348055548525" *
"31916839069635886989236105269250834017500793924453483203215509e-01"
) parse(
BigFloat,
"1.25077223635641247588983366207974551953087289836806428007457847371382" *
"5321465939151899015400584548427176873267882538396150953154620195057643" *
"84579459110981471611437969480918217147208335493515262898394082e-01"
) parse(
BigFloat,
"1.25060791829001701691048427873653603731828324159183140921543345859114" *
"8523507100156567037348286463670456518461149394605829730930077630925195" *
"36439322794169883969376635958710325095989745995555093958808862e-01"
) parse(
BigFloat,
"1.25040345951712100597757815086043205594521092268968477369472400164665" *
"6680285121765602836133336152430695725023190480247219719991368230767419" *
"88677998816815848707489677120725760313961657556368244502485339e-01"
) parse(
BigFloat,
"1.25018998700777367520527440097448863631765449279858751289002306184977" *
"1836345857090575258513872883832444831645088887390376243625507410138011" *
"19658963570875152227240910981532801036138133739821036954532824e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229501878580984617271122080052226170346249251213895829202053" *
"1271346442845905740655677697012968135752809873517692434534775375022857" *
"76165769381123647558266608580656385839551417779946940928636569e-01"
) parse(
BigFloat,
"1.24979819886981057931103763856519717971081185154953355851217218292110" *
"4120537792602536072631624819905813788980668330953907694593495800876397" *
"54208522200188370507687533851286304679012399515947188736807357e-01"
) parse(
BigFloat,
"1.24981710718337732457777084082671207681413509182993908000491393684754" *
"6764363371787691440044347137682858084208796092726054199798505948730120" *
"43525155155940124696726245851609832510987991100499927172997126e-01"
) parse(
BigFloat,
"1.24991626863277281359857621333868412137733264873383936032874572452021" *
"5578912639318224433734303882504964946134884767192211699257813409070577" *
"49947921946978207764236285814959892469093721035227548054457211e-01"
) parse(
BigFloat,
"1.25008058678470558282183493739265713224273601314584791651846603968416" *
"1442535631666237314189415052039901243261300010412490825137058343235336" *
"48665750729570703321611504883275205117065418947157555822620239e-01"
) parse(
BigFloat,
"1.25028504567154946655918544973748413196406334193343827974422274898953" *
"7797454070768254905530059216268682579239872823517640849099107636740700" *
"11626355637738758130836549324982456913450039704692582092538447e-01"
) parse(
BigFloat,
"1.25049851825650611421118946846789707732017577733043485512185863746755" *
"8101003384755483898798963766089058636390024309389658517363158023397082" *
"31375866320270235368739526856265410799532541670218235147086743e-01"
) parse(
BigFloat,
"1.25068850525725963798505658943965168608840105464681929330110362137288" *
"9671970492877853123038577812653886853954203668234301838578085833685517" *
"91949443058761719906268533662780768747857403906249871524980909e-01"
) parse(
BigFloat,
"1.25082608287670354193130107601766735691332564354855109583157002931108" *
"9334959896679266479980087030862702775881711695286651500388608088630349" *
"65205981211857164432688039536016962311552877712333091767766533e-01"
) parse(
BigFloat,
"1.25089030618796387562566522569496795937652048557606632175330888604963" *
"1974072086211582757878446054980836580113239339103896227306547769429221" *
"71963947461978421935929028661664356457735363657984667146001060e-01"
) parse(
BigFloat,
"1.25087139779878781347923175458898353654464123978976148568763218344205" *
"3870636457714225974816282455981667121113061684316575530203348055548525" *
"31916839069635886989236105269250834017500793924453483203215509e-01"
) parse(
BigFloat,
"1.25077223635641247588983366207974551953087289836806428007457847371382" *
"5321465939151899015400584548427176873267882538396150953154620195057643" *
"84579459110981471611437969480918217147208335493515262898394082e-01"
) parse(
BigFloat,
"1.25060791829001701691048427873653603731828324159183140921543345859114" *
"8523507100156567037348286463670456518461149394605829730930077630925195" *
"36439322794169883969376635958710325095989745995555093958808862e-01"
) parse(
BigFloat,
"1.25040345951712100597757815086043205594521092268968477369472400164665" *
"6680285121765602836133336152430695725023190480247219719991368230767419" *
"88677998816815848707489677120725760313961657556368244502485339e-01"
) parse(
BigFloat,
"1.25018998700777367520527440097448863631765449279858751289002306184977" *
"1836345857090575258513872883832444831645088887390376243625507410138011" *
"19658963570875152227240910981532801036138133739821036954532824e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029735982407529245599105275375807189810671820452508939922122337" *
"0615177953575643062999067438077632164227299793774597222841133127249613" *
"98875495871771133200144740883852547368580753764886102577793701e-01"
) parse(
BigFloat,
"1.40625057486493517500327813274642903321311845415963277534250523044426" *
"4030065789676971138452997207935188657664801311597728414219636096325257" *
"89549604751538434373292741249090633439506220952780673181370887e-01"
) parse(
BigFloat,
"1.40625079026769572429787765922451408743718283404178949879489139306546" *
"9739092120356854641575458938631965898063040950499999453610150524812411" *
"35105581442091140799013674155700498049918359822885962780263362e-01"
) parse(
BigFloat,
"1.40625091077498806043292800344008193318817296229113767141230401133715" *
"2929208007072710180076534261314463897426907436040902114594157892014045" *
"55737951797214044629332309543042349333429051658316223723442281e-01"
) parse(
BigFloat,
"1.40625091804066932655716765524895342707264210288062561006084177304391" *
"6169778507448120820714703151752579809316541452944235863391671208141218" *
"48546113545831344994499610537198654073647073979339654212156152e-01"
) parse(
BigFloat,
"1.40625081095860541346787048900737864450235513614647171566487356360322" *
"1626007776113300191556532865037610644688186869559514784299581090905708" *
"72029398234266009929027854293278084903036789445831804726161819e-01"
) parse(
BigFloat,
"1.40625060583106985060629156161769620045348678582788354691950478915220" *
"5079751342727134250476770308254193854784466799772926749302953518768887" *
"79980232180244015249093918325308621674223644486181363260255192e-01"
) parse(
BigFloat,
"1.40625033388687044167777998641552237020332269278195251909989444328028" *
"7532627057219071521676108343156520925646327030007021116963147464724249" *
"10208762870533438753675785083059583813443053021247414563029006e-01"
) parse(
BigFloat,
"1.40625003652704636638532399536276861213142458606374799401049522205691" *
"6917449103643428458677040905078888761419027236232423894122014337474635" *
"11333266998762305553531044199207036444862299256361311985235305e-01"
) parse(
BigFloat,
"1.40624975902193526667450185366909333699020423862231974375738921283602" *
"3502561267542100383223111135221332267981525718409292702743511368398991" *
"20659158118995004380383043833968950373936832068466741381658120e-01"
) parse(
BigFloat,
"1.40624954361917471737990232719100828276613985874016302030500305021481" *
"7793534936862216880100649404524555027583286079507021663352996939911837" *
"75103181428442297954662110927359085763524693198361451782765645e-01"
) parse(
BigFloat,
"1.40624942311188238124485198297544043701514973049081484768759043194313" *
"4603419050146361341599574081842057028219419593966119002368989572710203" *
"54470811073319394124343475540017234480014001362931190839586726e-01"
) parse(
BigFloat,
"1.40624941584620111512061233116656894313068058990132690903905267023637" *
"1362848549770950700961405191403941116329785577062785253571476256583030" *
"61662649324702093759176174545860929739795979041907760350872854e-01"
) parse(
BigFloat,
"1.40624952292826502820990949740814372570096755663548080343502087967706" *
"5906619281105771330119575478118910280958140160447506332663566373818540" *
"38179364636267428824647930789781498910406263575415609836867188e-01"
) parse(
BigFloat,
"1.40624972805580059107148842479782616974983590695406897218038965412808" *
"2452875714491937271199338034902327070861860230234094367660193945955361" *
"30228530690289423504581866757750962139219408535066051302773815e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029735982407529245599105275375807189810671820452508939922122337" *
"0615177953575643062999067438077632164227299793774597222841133127249613" *
"98875495871771133200144740883852547368580753764886102577793701e-01"
) parse(
BigFloat,
"1.40625057486493517500327813274642903321311845415963277534250523044426" *
"4030065789676971138452997207935188657664801311597728414219636096325257" *
"89549604751538434373292741249090633439506220952780673181370887e-01"
) parse(
BigFloat,
"1.40625079026769572429787765922451408743718283404178949879489139306546" *
"9739092120356854641575458938631965898063040950499999453610150524812411" *
"35105581442091140799013674155700498049918359822885962780263362e-01"
) parse(
BigFloat,
"1.40625091077498806043292800344008193318817296229113767141230401133715" *
"2929208007072710180076534261314463897426907436040902114594157892014045" *
"55737951797214044629332309543042349333429051658316223723442281e-01"
) parse(
BigFloat,
"1.40625091804066932655716765524895342707264210288062561006084177304391" *
"6169778507448120820714703151752579809316541452944235863391671208141218" *
"48546113545831344994499610537198654073647073979339654212156152e-01"
) parse(
BigFloat,
"1.40625081095860541346787048900737864450235513614647171566487356360322" *
"1626007776113300191556532865037610644688186869559514784299581090905708" *
"72029398234266009929027854293278084903036789445831804726161819e-01"
) parse(
BigFloat,
"1.40625060583106985060629156161769620045348678582788354691950478915220" *
"5079751342727134250476770308254193854784466799772926749302953518768887" *
"79980232180244015249093918325308621674223644486181363260255192e-01"
) parse(
BigFloat,
"1.40625033388687044167777998641552237020332269278195251909989444328028" *
"7532627057219071521676108343156520925646327030007021116963147464724249" *
"10208762870533438753675785083059583813443053021247414563029006e-01"
) parse(
BigFloat,
"1.40625003652704636638532399536276861213142458606374799401049522205691" *
"6917449103643428458677040905078888761419027236232423894122014337474635" *
"11333266998762305553531044199207036444862299256361311985235305e-01"
) parse(
BigFloat,
"1.40624975902193526667450185366909333699020423862231974375738921283602" *
"3502561267542100383223111135221332267981525718409292702743511368398991" *
"20659158118995004380383043833968950373936832068466741381658120e-01"
) parse(
BigFloat,
"1.40624954361917471737990232719100828276613985874016302030500305021481" *
"7793534936862216880100649404524555027583286079507021663352996939911837" *
"75103181428442297954662110927359085763524693198361451782765645e-01"
) parse(
BigFloat,
"1.40624942311188238124485198297544043701514973049081484768759043194313" *
"4603419050146361341599574081842057028219419593966119002368989572710203" *
"54470811073319394124343475540017234480014001362931190839586726e-01"
) parse(
BigFloat,
"1.40624941584620111512061233116656894313068058990132690903905267023637" *
"1362848549770950700961405191403941116329785577062785253571476256583030" *
"61662649324702093759176174545860929739795979041907760350872854e-01"
) parse(
BigFloat,
"1.40624952292826502820990949740814372570096755663548080343502087967706" *
"5906619281105771330119575478118910280958140160447506332663566373818540" *
"38179364636267428824647930789781498910406263575415609836867188e-01"
) parse(
BigFloat,
"1.40624972805580059107148842479782616974983590695406897218038965412808" *
"2452875714491937271199338034902327070861860230234094367660193945955361" *
"30228530690289423504581866757750962139219408535066051302773815e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568202126429009815062858608208052023196303442507239422460851360" *
"7470998620520061913186047005744313692864272329225608680585421958492815" *
"28840211202080119623224974381473854263450383357672610937901371e-01"
) parse(
BigFloat,
"1.56213122324647915504711465830075006346047907158465753617928258446237" *
"3086474624378237196454971919541405211714829911027888827037911019162472" *
"68493548182822031414005298457608754337939311317245387261175135e-01"
) parse(
BigFloat,
"1.56191775067220400041900700654973941503908661129810003926645645615045" *
"2100056893192428671666686512497370421657919925628323341447483226745098" *
"86437883634878125478090391120270469875350371621190101880822152e-01"
) parse(
BigFloat,
"1.56172776358128067195839859042423892982631196415810878661411271535741" *
"1489636047472357454821273401714603741254102192366233669142557473917253" *
"32933744700837827061794673803396778282573437064544811319347671e-01"
) parse(
BigFloat,
"1.56159018581076577242293987563472741084440126426712060883236056434031" *
"5557000805602321411496651782401215263907021276083652575671821426323561" *
"42401302237698632793413360331345862482909951761536842245836709e-01"
) parse(
BigFloat,
"1.56152596234546463958164791573678457664246736418485256105186713902870" *
"6670410190229401178223934298970349613179984141313753880021864683330280" *
"23052824365658288936209268528847019813411586796116807755107098e-01"
) parse(
BigFloat,
"1.56154487062426043066515662140015170364172210363940249236873561949260" *
"5887377884203743115101180155462979162334553241209303394692159751109181" *
"88844147991255956650155745198990570662062186850917143453727939e-01"
) parse(
BigFloat,
"1.56164403201456830250862107858343650420257589537072873390723588747547" *
"3491188072726847596027070346452332202528690961381947451722328619607932" *
"17104693251221107363378988468526563140557517367454343731632390e-01"
) parse(
BigFloat,
"1.56180835006891332929017071884182394941089993784220297608594622764300" *
"1479799501518987098490464621930143673436468525171512963035096227142090" *
"38994957485731768497808225479142703485366112158760178300326800e-01"
) parse(
BigFloat,
"1.56201280883667831290979940912442193892122361380976743759011017374979" *
"5598944748692605780947280870865435540505001414823499894172027566622857" *
"40256233672606189017315997227990360323063912695398001400414378e-01"
) parse(
BigFloat,
"1.56222628132541615729399772016466905868980236646054924917236100202044" *
"7519698326525733403332753193131254388242229300793107476107752989007920" *
"71734205754769187037917019019221224188899743977483447952189553e-01"
) parse(
BigFloat,
"1.56241626830239161295016175182144652555432200371509677411965749045260" *
"3618422711534751230052472450925000526105433135308657135389338848488178" *
"10039063757995465906874650732372228767320146215780561700069349e-01"
) parse(
BigFloat,
"1.56255384599729719560592019776648851880767669810018563732847469278856" *
"4091447904092585857727652789016263839680464158576064036961885330054896" *
"49841030784543879417601752812333149958724653369810085266984530e-01"
) parse(
BigFloat,
"1.56261806946961847987861943766716538055903981366465675981974619604461" *
"3243417268433712125274629109714746104488410821891695655022421672897753" *
"28274895488967890964517748789849435716036289839019520334352798e-01"
) parse(
BigFloat,
"1.56259916127635999903902007271456178221259878184588251383345301562198" *
"3092113727812051090800196338000332497653523821426104044006828975151162" *
"13061264329151131165885157665813305464138798198189023464309765e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568202126429009815062858608208052023196303442507239422460851360" *
"7470998620520061913186047005744313692864272329225608680585421958492815" *
"28840211202080119623224974381473854263450383357672610937901371e-01"
) parse(
BigFloat,
"1.56213122324647915504711465830075006346047907158465753617928258446237" *
"3086474624378237196454971919541405211714829911027888827037911019162472" *
"68493548182822031414005298457608754337939311317245387261175135e-01"
) parse(
BigFloat,
"1.56191775067220400041900700654973941503908661129810003926645645615045" *
"2100056893192428671666686512497370421657919925628323341447483226745098" *
"86437883634878125478090391120270469875350371621190101880822152e-01"
) parse(
BigFloat,
"1.56172776358128067195839859042423892982631196415810878661411271535741" *
"1489636047472357454821273401714603741254102192366233669142557473917253" *
"32933744700837827061794673803396778282573437064544811319347671e-01"
) parse(
BigFloat,
"1.56159018581076577242293987563472741084440126426712060883236056434031" *
"5557000805602321411496651782401215263907021276083652575671821426323561" *
"42401302237698632793413360331345862482909951761536842245836709e-01"
) parse(
BigFloat,
"1.56152596234546463958164791573678457664246736418485256105186713902870" *
"6670410190229401178223934298970349613179984141313753880021864683330280" *
"23052824365658288936209268528847019813411586796116807755107098e-01"
) parse(
BigFloat,
"1.56154487062426043066515662140015170364172210363940249236873561949260" *
"5887377884203743115101180155462979162334553241209303394692159751109181" *
"88844147991255956650155745198990570662062186850917143453727939e-01"
) parse(
BigFloat,
"1.56164403201456830250862107858343650420257589537072873390723588747547" *
"3491188072726847596027070346452332202528690961381947451722328619607932" *
"17104693251221107363378988468526563140557517367454343731632390e-01"
) parse(
BigFloat,
"1.56180835006891332929017071884182394941089993784220297608594622764300" *
"1479799501518987098490464621930143673436468525171512963035096227142090" *
"38994957485731768497808225479142703485366112158760178300326800e-01"
) parse(
BigFloat,
"1.56201280883667831290979940912442193892122361380976743759011017374979" *
"5598944748692605780947280870865435540505001414823499894172027566622857" *
"40256233672606189017315997227990360323063912695398001400414378e-01"
) parse(
BigFloat,
"1.56222628132541615729399772016466905868980236646054924917236100202044" *
"7519698326525733403332753193131254388242229300793107476107752989007920" *
"71734205754769187037917019019221224188899743977483447952189553e-01"
) parse(
BigFloat,
"1.56241626830239161295016175182144652555432200371509677411965749045260" *
"3618422711534751230052472450925000526105433135308657135389338848488178" *
"10039063757995465906874650732372228767320146215780561700069349e-01"
) parse(
BigFloat,
"1.56255384599729719560592019776648851880767669810018563732847469278856" *
"4091447904092585857727652789016263839680464158576064036961885330054896" *
"49841030784543879417601752812333149958724653369810085266984530e-01"
) parse(
BigFloat,
"1.56261806946961847987861943766716538055903981366465675981974619604461" *
"3243417268433712125274629109714746104488410821891695655022421672897753" *
"28274895488967890964517748789849435716036289839019520334352798e-01"
) parse(
BigFloat,
"1.56259916127635999903902007271456178221259878184588251383345301562198" *
"3092113727812051090800196338000332497653523821426104044006828975151162" *
"13061264329151131165885157665813305464138798198189023464309765e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266522995630065643793465968432193112191583560702907553649353" *
"5998291237123354472838741151548468880808993153314948817105152045243984" *
"97162085558565403271890957604138525686407352395059484022266512e-01"
) parse(
BigFloat,
"1.71869886682796482351463593248706188391758272414040410393250450368072" *
"1830346257486616821314098325988299074782318914508684185738903119177996" *
"12136394149389056039480143134772108450504641897818180488988562e-01"
) parse(
BigFloat,
"1.71859378379215882200965743708171647509967599709198733959870497278897" *
"9147874879739364823078880672255738485050558745172563426345461543443804" *
"04666807441760025024470780965259087144138091687220709391661641e-01"
) parse(
BigFloat,
"1.71845447149743332430163609723301515453309530279438941820172555409457" *
"1706701465763622884755935284940003945460418779249743879633574977099290" *
"80637007312298676168897402663727699766711827472910907610676576e-01"
) parse(
BigFloat,
"1.71830213897779118461629152612203596868512698444819191409377793757311" *
"8196844353698476634856863010570585595285593454039923086638149101405440" *
"69530405671155424455454764946601863620730571479831307642045831e-01"
) parse(
BigFloat,
"1.71815997747845018004888522777044676143152735296192822892100062831794" *
"0560007149808110647203638347317662392655045735060392973768277924147550" *
"94608921505618661413961202199330745602519040558747857941753147e-01"
) parse(
BigFloat,
"1.71804962979898777093585977551622093995978972772628923734061314260721" *
"3017320029325609783423310899530876387673930872226046563830414935521038" *
"40612151349024802962501088191135402168907359443221753952378405e-01"
) parse(
BigFloat,
"1.71798789537329790334185736342769028137804984603164011648436227837431" *
"9532574656234047525405201385542803110355852061159513693119042631376846" *
"54081686377837708736687293027334206803721137269982172821571798e-01"
) parse(
BigFloat,
"1.71798417270806790351249763319759816842226560182059285895813676053724" *
"5251045106166057738244194980596492570691942625300948245110589390068798" *
"23738807270692020065624049293281950340312594364527846355143194e-01"
) parse(
BigFloat,
"1.71803902854533300401405972912652472138604830379317498412085112294779" *
"9592748700692489482178293833077365721259392449319285617858756999652505" *
"64533799376536923746501414673325595184042610173308729271732468e-01"
) parse(
BigFloat,
"1.71814411158113900339062258021587620265244377709230769233709389385094" *
"7114409858626369036528478431001641289810536072081701781576594779818783" *
"35351983573198629887626657188806509842780485057019584737199207e-01"
) parse(
BigFloat,
"1.71828342387586453037306805902450060612024399449770282244476924754789" *
"5171058682112362354696862490803701651338114389800616760688889923211115" *
"59110218814311932115680776321196122318537781243356069530801913e-01"
) parse(
BigFloat,
"1.71843575639550671358711592243091222060206543513911197704986684541288" *
"6964154107122143918918200018570961660367855997554054184587616994969029" *
"03397614004035469228295700168235689241520227746830511943594751e-01"
) parse(
BigFloat,
"1.71857791789484775043898063030117267529623076242822504015650082507032" *
"4427232696122815814161968654903181518457628131321511556075569488709200" *
"22549797472903675821322712004829579651904453356374382260576111e-01"
) parse(
BigFloat,
"1.71868826557431016168042172687139242431947964141314808785444507076964" *
"7130730036418689121827329158498252544619359540729562561689036272903627" *
"13197970140464859146666945667057029733144809798787101881811034e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266522995630065643793465968432193112191583560702907553649353" *
"5998291237123354472838741151548468880808993153314948817105152045243984" *
"97162085558565403271890957604138525686407352395059484022266512e-01"
) parse(
BigFloat,
"1.71869886682796482351463593248706188391758272414040410393250450368072" *
"1830346257486616821314098325988299074782318914508684185738903119177996" *
"12136394149389056039480143134772108450504641897818180488988562e-01"
) parse(
BigFloat,
"1.71859378379215882200965743708171647509967599709198733959870497278897" *
"9147874879739364823078880672255738485050558745172563426345461543443804" *
"04666807441760025024470780965259087144138091687220709391661641e-01"
) parse(
BigFloat,
"1.71845447149743332430163609723301515453309530279438941820172555409457" *
"1706701465763622884755935284940003945460418779249743879633574977099290" *
"80637007312298676168897402663727699766711827472910907610676576e-01"
) parse(
BigFloat,
"1.71830213897779118461629152612203596868512698444819191409377793757311" *
"8196844353698476634856863010570585595285593454039923086638149101405440" *
"69530405671155424455454764946601863620730571479831307642045831e-01"
) parse(
BigFloat,
"1.71815997747845018004888522777044676143152735296192822892100062831794" *
"0560007149808110647203638347317662392655045735060392973768277924147550" *
"94608921505618661413961202199330745602519040558747857941753147e-01"
) parse(
BigFloat,
"1.71804962979898777093585977551622093995978972772628923734061314260721" *
"3017320029325609783423310899530876387673930872226046563830414935521038" *
"40612151349024802962501088191135402168907359443221753952378405e-01"
) parse(
BigFloat,
"1.71798789537329790334185736342769028137804984603164011648436227837431" *
"9532574656234047525405201385542803110355852061159513693119042631376846" *
"54081686377837708736687293027334206803721137269982172821571798e-01"
) parse(
BigFloat,
"1.71798417270806790351249763319759816842226560182059285895813676053724" *
"5251045106166057738244194980596492570691942625300948245110589390068798" *
"23738807270692020065624049293281950340312594364527846355143194e-01"
) parse(
BigFloat,
"1.71803902854533300401405972912652472138604830379317498412085112294779" *
"9592748700692489482178293833077365721259392449319285617858756999652505" *
"64533799376536923746501414673325595184042610173308729271732468e-01"
) parse(
BigFloat,
"1.71814411158113900339062258021587620265244377709230769233709389385094" *
"7114409858626369036528478431001641289810536072081701781576594779818783" *
"35351983573198629887626657188806509842780485057019584737199207e-01"
) parse(
BigFloat,
"1.71828342387586453037306805902450060612024399449770282244476924754789" *
"5171058682112362354696862490803701651338114389800616760688889923211115" *
"59110218814311932115680776321196122318537781243356069530801913e-01"
) parse(
BigFloat,
"1.71843575639550671358711592243091222060206543513911197704986684541288" *
"6964154107122143918918200018570961660367855997554054184587616994969029" *
"03397614004035469228295700168235689241520227746830511943594751e-01"
) parse(
BigFloat,
"1.71857791789484775043898063030117267529623076242822504015650082507032" *
"4427232696122815814161968654903181518457628131321511556075569488709200" *
"22549797472903675821322712004829579651904453356374382260576111e-01"
) parse(
BigFloat,
"1.71868826557431016168042172687139242431947964141314808785444507076964" *
"7130730036418689121827329158498252544619359540729562561689036272903627" *
"13197970140464859146666945667057029733144809798787101881811034e-01"
)
]
tab_u0[ :, :, 5, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229682716084513457165192069250977243868576457443548406937289" *
"9904877375939290791019184715398724696009827063415138222235751314760217" *
"89341266528474504063710630873543826516075628050937533149980723e-01"
) parse(
BigFloat,
"1.24979819887417722544208637354103464954141527551011993538262627963746" *
"1839835288511706294594369798372635204674715423881956554627370957588435" *
"18074654495303707618415069564493129743667056086740703292275040e-01"
) parse(
BigFloat,
"1.24981710719061518700794697005322915791525600305688245700119821698426" *
"5913323194363517705926598326106675199419137358993055851037221907341095" *
"12392968725851007278548491011463602711047065349198401763935063e-01"
) parse(
BigFloat,
"1.24991626864272622594710259347821610474873063060418485499572277560814" *
"4061658393087010922388718735454848821372187629692496525759073636894891" *
"37006476512126619965783546840094029774236163928808894729932943e-01"
) parse(
BigFloat,
"1.25008058679680839756400911874863398717778587699268498157941710375993" *
"6711794970303121959932188226144868306737419318040708025742152265280854" *
"47661374060446658069271863703932163984455740312952326542211006e-01"
) parse(
BigFloat,
"1.25028504568494395721164066728573662049776791689147833080565583287930" *
"1747267811041810375667157373999180104774887349215976564888544087323426" *
"25591630682310917988447836200505291257310369121509086571215742e-01"
) parse(
BigFloat,
"1.25049851827018538561475460590945281321901349907811936547728080119367" *
"5783071847643488304125346624672281408120633495161962006185424872369865" *
"72691831173046018949316770726059283932033679642205234750770655e-01"
) parse(
BigFloat,
"1.25068850527020493462529754828039689114058002362732518987465988265842" *
"2862254562402059223394273534871893065498369606440692970417420446827595" *
"96019829363480064293076262838214028335544595346311107595556461e-01"
) parse(
BigFloat,
"1.25082608288800491258624146311295339342746981628952447139485145495329" *
"7901188709310705620913256649215831112968181676503290434512836971960325" *
"02966569312378871440489067172288485002361335496836044779068252e-01"
) parse(
BigFloat,
"1.25089030619692599383086038383274397267774813422708792870198555503153" *
"8194609353360637736070305580473235829534934426493272443963836023200079" *
"05129389860515103066789947987716710306962783378720590044819906e-01"
) parse(
BigFloat,
"1.25087139780502400547491884773932577583152106757202671194298190449535" *
"0809383959146423778909780399912106528716014138128185211570583797059983" *
"71123740066951827660359145408807766428159272616620519552298942e-01"
) parse(
BigFloat,
"1.25077223635991957053637345511394795848480524431437393708590472779842" *
"8328342345578909988255444388465960990703606427787309182221406678070461" *
"02125983207650972540168436941412068319982144274173357234889883e-01"
) parse(
BigFloat,
"1.25060791829121026011338844335905288125908776657790995454653475797886" *
"0734394245514861762173807068033278761858735605961361995907160209791550" *
"95183079181957623225556684869955650926870199688567455089119307e-01"
) parse(
BigFloat,
"1.25040345951680355462418617221304571165718457191719778706601971851669" *
"3470542848153825727706603905947651738589626464329293114918149693681007" *
"86356614045127928125375392867004995121822694962322979652068600e-01"
) parse(
BigFloat,
"1.25018998700702615301115317317055320740832532883885544753482646339170" *
"2746476299914550345076711308101639741318378671637295609604670185022003" *
"78943749117408802910803839473389473358522885941269203493374628e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229682716084513457165192069250977243868576457443548406937289" *
"9904877375939290791019184715398724696009827063415138222235751314760217" *
"89341266528474504063710630873543826516075628050937533149980723e-01"
) parse(
BigFloat,
"1.24979819887417722544208637354103464954141527551011993538262627963746" *
"1839835288511706294594369798372635204674715423881956554627370957588435" *
"18074654495303707618415069564493129743667056086740703292275040e-01"
) parse(
BigFloat,
"1.24981710719061518700794697005322915791525600305688245700119821698426" *
"5913323194363517705926598326106675199419137358993055851037221907341095" *
"12392968725851007278548491011463602711047065349198401763935063e-01"
) parse(
BigFloat,
"1.24991626864272622594710259347821610474873063060418485499572277560814" *
"4061658393087010922388718735454848821372187629692496525759073636894891" *
"37006476512126619965783546840094029774236163928808894729932943e-01"
) parse(
BigFloat,
"1.25008058679680839756400911874863398717778587699268498157941710375993" *
"6711794970303121959932188226144868306737419318040708025742152265280854" *
"47661374060446658069271863703932163984455740312952326542211006e-01"
) parse(
BigFloat,
"1.25028504568494395721164066728573662049776791689147833080565583287930" *
"1747267811041810375667157373999180104774887349215976564888544087323426" *
"25591630682310917988447836200505291257310369121509086571215742e-01"
) parse(
BigFloat,
"1.25049851827018538561475460590945281321901349907811936547728080119367" *
"5783071847643488304125346624672281408120633495161962006185424872369865" *
"72691831173046018949316770726059283932033679642205234750770655e-01"
) parse(
BigFloat,
"1.25068850527020493462529754828039689114058002362732518987465988265842" *
"2862254562402059223394273534871893065498369606440692970417420446827595" *
"96019829363480064293076262838214028335544595346311107595556461e-01"
) parse(
BigFloat,
"1.25082608288800491258624146311295339342746981628952447139485145495329" *
"7901188709310705620913256649215831112968181676503290434512836971960325" *
"02966569312378871440489067172288485002361335496836044779068252e-01"
) parse(
BigFloat,
"1.25089030619692599383086038383274397267774813422708792870198555503153" *
"8194609353360637736070305580473235829534934426493272443963836023200079" *
"05129389860515103066789947987716710306962783378720590044819906e-01"
) parse(
BigFloat,
"1.25087139780502400547491884773932577583152106757202671194298190449535" *
"0809383959146423778909780399912106528716014138128185211570583797059983" *
"71123740066951827660359145408807766428159272616620519552298942e-01"
) parse(
BigFloat,
"1.25077223635991957053637345511394795848480524431437393708590472779842" *
"8328342345578909988255444388465960990703606427787309182221406678070461" *
"02125983207650972540168436941412068319982144274173357234889883e-01"
) parse(
BigFloat,
"1.25060791829121026011338844335905288125908776657790995454653475797886" *
"0734394245514861762173807068033278761858735605961361995907160209791550" *
"95183079181957623225556684869955650926870199688567455089119307e-01"
) parse(
BigFloat,
"1.25040345951680355462418617221304571165718457191719778706601971851669" *
"3470542848153825727706603905947651738589626464329293114918149693681007" *
"86356614045127928125375392867004995121822694962322979652068600e-01"
) parse(
BigFloat,
"1.25018998700702615301115317317055320740832532883885544753482646339170" *
"2746476299914550345076711308101639741318378671637295609604670185022003" *
"78943749117408802910803839473389473358522885941269203493374628e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736112333032750473137375831565226054237449360229336179861515" *
"5972619828808227364661793330759169598144736667144350965707578107327348" *
"20537166910853486219711839112071539615618436745269189544039352e-01"
) parse(
BigFloat,
"1.40625057486832607622255848640046532533092452501041927639051269910384" *
"9772606012044912207633393611255391572014134605530679747348098248182660" *
"31697952931909857707405442402599864264320811016501663948965210e-01"
) parse(
BigFloat,
"1.40625079027365222868604027745307303113889289894663420117463690267859" *
"4103184354868683693170827876854465621760152209766577228627530428091689" *
"20307496248074839993597553002989325340913047059893396262593284e-01"
) parse(
BigFloat,
"1.40625091078359353515862653759414320384205337646950119666165871170606" *
"1460909005045059524444063734654971387624922762102655286653373281645815" *
"36856203910764721645177315197971525481441965973035358281772692e-01"
) parse(
BigFloat,
"1.40625091805160385707497618581637324320599488014003499962603599256164" *
"0926127644049524584105945923124491963397628491682221196052043728651827" *
"37737156163231444693491604636529200145108645226190026188599506e-01"
) parse(
BigFloat,
"1.40625081097119450760140824877026805954132423567313762545833541151986" *
"7463129694239190620868849189308687152364253231348131890576818485202461" *
"87154592457871501205379987678836353369330419282445766573205922e-01"
) parse(
BigFloat,
"1.40625060584438712386114236861161005650168299557218734030491703090111" *
"3082459319404742138478522811681492610559618130238053456100891711864336" *
"00033978613866048685269398188480782245369092179008110174548476e-01"
) parse(
BigFloat,
"1.40625033389987865088005323519953124987129899486804034131050303576062" *
"4876326172759895646586917353523708936236164066128161539225754546687070" *
"22636963542491741902652468936575482848392982426979666599174398e-01"
) parse(
BigFloat,
"1.40625003653875532055462703444758180634448621826347039529285757771426" *
"6959539607287676084657883635937007645390717973942432976352297470704847" *
"53813991588249170270435455976522165055277812168764856043019846e-01"
) parse(
BigFloat,
"1.40624975903155257463098497456615862759897084631973849941368610700824" *
"5311978878275544365915821432843391131770908374758238796652913292023265" *
"18559922108936810024510284885614064350122752057324044698887281e-01"
) parse(
BigFloat,
"1.40624954362622642212499468444094584871560070344529020918009925148884" *
"4713860190567835968867539511068826928095530800045458101666947865248176" *
"25659591759836995207791877657733324553889326816184147290281327e-01"
) parse(
BigFloat,
"1.40624942311628511562088063324998961753007725538529304416611905557797" *
"1195506750887077575611490366969008454551759197781565520686528013332782" *
"17783092205701756945269268183032800824321871815133768002112285e-01"
) parse(
BigFloat,
"1.40624941584827479370245245440595070604068798594483558492602543415359" *
"3674454848546604713216848565327019571479762893243377208453736534981644" *
"65187944996624119309460152592456904338151926074924721107400671e-01"
) parse(
BigFloat,
"1.40624952292868414320460869630677205877221001971953918087574658541269" *
"4985027344132385552224407221740218922263549814375331911987825816257280" *
"39863792160240051555803337350529527170382837858877317662000962e-01"
) parse(
BigFloat,
"1.40624972805549152698738307553803513488725302875872283147862761797610" *
"5633238063850770946125581255542903617997544885962293560170285836461466" *
"31275193037180336606440223468376377013985354160063139155636287e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736112333032750473137375831565226054237449360229336179861515" *
"5972619828808227364661793330759169598144736667144350965707578107327348" *
"20537166910853486219711839112071539615618436745269189544039352e-01"
) parse(
BigFloat,
"1.40625057486832607622255848640046532533092452501041927639051269910384" *
"9772606012044912207633393611255391572014134605530679747348098248182660" *
"31697952931909857707405442402599864264320811016501663948965210e-01"
) parse(
BigFloat,
"1.40625079027365222868604027745307303113889289894663420117463690267859" *
"4103184354868683693170827876854465621760152209766577228627530428091689" *
"20307496248074839993597553002989325340913047059893396262593284e-01"
) parse(
BigFloat,
"1.40625091078359353515862653759414320384205337646950119666165871170606" *
"1460909005045059524444063734654971387624922762102655286653373281645815" *
"36856203910764721645177315197971525481441965973035358281772692e-01"
) parse(
BigFloat,
"1.40625091805160385707497618581637324320599488014003499962603599256164" *
"0926127644049524584105945923124491963397628491682221196052043728651827" *
"37737156163231444693491604636529200145108645226190026188599506e-01"
) parse(
BigFloat,
"1.40625081097119450760140824877026805954132423567313762545833541151986" *
"7463129694239190620868849189308687152364253231348131890576818485202461" *
"87154592457871501205379987678836353369330419282445766573205922e-01"
) parse(
BigFloat,
"1.40625060584438712386114236861161005650168299557218734030491703090111" *
"3082459319404742138478522811681492610559618130238053456100891711864336" *
"00033978613866048685269398188480782245369092179008110174548476e-01"
) parse(
BigFloat,
"1.40625033389987865088005323519953124987129899486804034131050303576062" *
"4876326172759895646586917353523708936236164066128161539225754546687070" *
"22636963542491741902652468936575482848392982426979666599174398e-01"
) parse(
BigFloat,
"1.40625003653875532055462703444758180634448621826347039529285757771426" *
"6959539607287676084657883635937007645390717973942432976352297470704847" *
"53813991588249170270435455976522165055277812168764856043019846e-01"
) parse(
BigFloat,
"1.40624975903155257463098497456615862759897084631973849941368610700824" *
"5311978878275544365915821432843391131770908374758238796652913292023265" *
"18559922108936810024510284885614064350122752057324044698887281e-01"
) parse(
BigFloat,
"1.40624954362622642212499468444094584871560070344529020918009925148884" *
"4713860190567835968867539511068826928095530800045458101666947865248176" *
"25659591759836995207791877657733324553889326816184147290281327e-01"
) parse(
BigFloat,
"1.40624942311628511562088063324998961753007725538529304416611905557797" *
"1195506750887077575611490366969008454551759197781565520686528013332782" *
"17783092205701756945269268183032800824321871815133768002112285e-01"
) parse(
BigFloat,
"1.40624941584827479370245245440595070604068798594483558492602543415359" *
"3674454848546604713216848565327019571479762893243377208453736534981644" *
"65187944996624119309460152592456904338151926074924721107400671e-01"
) parse(
BigFloat,
"1.40624952292868414320460869630677205877221001971953918087574658541269" *
"4985027344132385552224407221740218922263549814375331911987825816257280" *
"39863792160240051555803337350529527170382837858877317662000962e-01"
) parse(
BigFloat,
"1.40624972805549152698738307553803513488725302875872283147862761797610" *
"5633238063850770946125581255542903617997544885962293560170285836461466" *
"31275193037180336606440223468376377013985354160063139155636287e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874389077521528531429468243535243471204698509051894734867" *
"3993501411238511380219354161299459076436905448554275242354821884792538" *
"69251585672948193468696120165444218826330812786161876626288316e-01"
) parse(
BigFloat,
"1.56213122324242766422496730442903032465299611730295118091261068551832" *
"1140930960281491764595450090675584140805226505463766075994582111690165" *
"97193881288784701011822983601065569731002022751412670866996691e-01"
) parse(
BigFloat,
"1.56191775066784088400505721089880858734386701893296157974019362172719" *
"2922572234510845409753253210948250915410835144069394104663325457612489" *
"85355715554852203289145574676688992040236015414209157912905691e-01"
) parse(
BigFloat,
"1.56172776357783718995708592110080243321256775181942013250795996290909" *
"8812086595584701800500288274481336187726256766938940129801039212228682" *
"74444108029492860083474160834346384591744861888390695209549832e-01"
) parse(
BigFloat,
"1.56159018580928570156319299210564717902205500389751634294692873987688" *
"9718094753041424367936583036155732899281257468259902397209098476456662" *
"08421822108437926297426227254821703637965044419902904834029809e-01"
) parse(
BigFloat,
"1.56152596234666135011458558741394303201883912340915432507470418766821" *
"8889649611574029115444855022367551609201165669383707886648764865920004" *
"06894630790389264768889371147531731905669991152545381716579242e-01"
) parse(
BigFloat,
"1.56154487062844271385468395748730160011291897292882150541842401942553" *
"9480738146760920604725293918017155694788199983817057636356465163566415" *
"48246257654210859911896472200926309955791413519509890625106636e-01"
) parse(
BigFloat,
"1.56164403202162607131824802374742807797009153370654659072215574392652" *
"7619146781070101317039140965317123581133303748934484827599425665163236" *
"70198442945704040337394228280275213139835067041433622753877198e-01"
) parse(
BigFloat,
"1.56180835007834620733809442717382037915822694552515890722512291933493" *
"7354949199064633361174442612941221723736823109065832974488104279916635" *
"01705496991005400646592079567475853124518958386688985006648504e-01"
) parse(
BigFloat,
"1.56201280884765582989612377792797728064365792501441689772294095067768" *
"5806480428173600516685251262943794764803594592923180791902843225604099" *
"06440323867517435466347658036098322846603174252638988208161886e-01"
) parse(
BigFloat,
"1.56222628133686974892899912425862711470404095145251810287531628993700" *
"9800663913948913566642784335992682181665834200421023729270483063618357" *
"33823351615724785841159096025225153948192344401301872933727351e-01"
) parse(
BigFloat,
"1.56241626831314458881988889432194809281247932046454710681101224556570" *
"6350937188095583433165833346237126529846688461884161273047317892931726" *
"80003189124227306598847384265446420776288765780165639617037867e-01"
) parse(
BigFloat,
"1.56255384600623205041872013457641636337950422185579159477855734584083" *
"1715625201405817441374882775639172599251262951877575616395758129157810" *
"45266835327032686607001346392326242919053879117236191113498268e-01"
) parse(
BigFloat,
"1.56261806947586300585954616939922796667964544026399142633087212853710" *
"6945109564721265153979706210048655783896262209986931475901592567109377" *
"14116904152732805772655760595372394024593506553392916788727078e-01"
) parse(
BigFloat,
"1.56259916127945450330648254652544130183431166267621264200719402131159" *
"0578196269529706969583931121077497506841379649450110760157509085526383" *
"57220415274636357977514630477227562563648921374969036108725218e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874389077521528531429468243535243471204698509051894734867" *
"3993501411238511380219354161299459076436905448554275242354821884792538" *
"69251585672948193468696120165444218826330812786161876626288316e-01"
) parse(
BigFloat,
"1.56213122324242766422496730442903032465299611730295118091261068551832" *
"1140930960281491764595450090675584140805226505463766075994582111690165" *
"97193881288784701011822983601065569731002022751412670866996691e-01"
) parse(
BigFloat,
"1.56191775066784088400505721089880858734386701893296157974019362172719" *
"2922572234510845409753253210948250915410835144069394104663325457612489" *
"85355715554852203289145574676688992040236015414209157912905691e-01"
) parse(
BigFloat,
"1.56172776357783718995708592110080243321256775181942013250795996290909" *
"8812086595584701800500288274481336187726256766938940129801039212228682" *
"74444108029492860083474160834346384591744861888390695209549832e-01"
) parse(
BigFloat,
"1.56159018580928570156319299210564717902205500389751634294692873987688" *
"9718094753041424367936583036155732899281257468259902397209098476456662" *
"08421822108437926297426227254821703637965044419902904834029809e-01"
) parse(
BigFloat,
"1.56152596234666135011458558741394303201883912340915432507470418766821" *
"8889649611574029115444855022367551609201165669383707886648764865920004" *
"06894630790389264768889371147531731905669991152545381716579242e-01"
) parse(
BigFloat,
"1.56154487062844271385468395748730160011291897292882150541842401942553" *
"9480738146760920604725293918017155694788199983817057636356465163566415" *
"48246257654210859911896472200926309955791413519509890625106636e-01"
) parse(
BigFloat,
"1.56164403202162607131824802374742807797009153370654659072215574392652" *
"7619146781070101317039140965317123581133303748934484827599425665163236" *
"70198442945704040337394228280275213139835067041433622753877198e-01"
) parse(
BigFloat,
"1.56180835007834620733809442717382037915822694552515890722512291933493" *
"7354949199064633361174442612941221723736823109065832974488104279916635" *
"01705496991005400646592079567475853124518958386688985006648504e-01"
) parse(
BigFloat,
"1.56201280884765582989612377792797728064365792501441689772294095067768" *
"5806480428173600516685251262943794764803594592923180791902843225604099" *
"06440323867517435466347658036098322846603174252638988208161886e-01"
) parse(
BigFloat,
"1.56222628133686974892899912425862711470404095145251810287531628993700" *
"9800663913948913566642784335992682181665834200421023729270483063618357" *
"33823351615724785841159096025225153948192344401301872933727351e-01"
) parse(
BigFloat,
"1.56241626831314458881988889432194809281247932046454710681101224556570" *
"6350937188095583433165833346237126529846688461884161273047317892931726" *
"80003189124227306598847384265446420776288765780165639617037867e-01"
) parse(
BigFloat,
"1.56255384600623205041872013457641636337950422185579159477855734584083" *
"1715625201405817441374882775639172599251262951877575616395758129157810" *
"45266835327032686607001346392326242919053879117236191113498268e-01"
) parse(
BigFloat,
"1.56261806947586300585954616939922796667964544026399142633087212853710" *
"6945109564721265153979706210048655783896262209986931475901592567109377" *
"14116904152732805772655760595372394024593506553392916788727078e-01"
) parse(
BigFloat,
"1.56259916127945450330648254652544130183431166267621264200719402131159" *
"0578196269529706969583931121077497506841379649450110760157509085526383" *
"57220415274636357977514630477227562563648921374969036108725218e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266368359948043677353830382853614036656780205496305096310306" *
"3645379068597098491677317726934903384457168296787639785068391913004978" *
"37968274998864354577367896937479428700471779633464934875382882e-01"
) parse(
BigFloat,
"1.71869886682611379311529877324726226010710812114908899862868268583392" *
"8131098120632869215923690694672182316128282972305594860606889782866405" *
"32653745095818683907742996957784108624248549492524273416869051e-01"
) parse(
BigFloat,
"1.71859378379128760382257786563517808857133452025241472088308152934098" *
"0790950368216466589453047262063667684215569301045009822234187115014775" *
"76099149090745231129874790877548370593920382316164273011813497e-01"
) parse(
BigFloat,
"1.71845447149867700048465533859660272336028479358535604017389416570774" *
"5136947114565610746649696821529934930308872288433569902823796421269061" *
"04830803799219743812781023300766926638660627370198630231471229e-01"
) parse(
BigFloat,
"1.71830213898196611116660024746003826911041715717647431162237520953787" *
"7468936843665273871221623754569614599001801987039893418082991735054982" *
"39186098432715526624363474692646147903611208513708934728988508e-01"
) parse(
BigFloat,
"1.71815997748593128519943448033682068759862535740314550923625816504268" *
"8080490142680994250355335965635676371633407900318946866713770141318726" *
"01811786104125715632671401873845996113115508887608270610573100e-01"
) parse(
BigFloat,
"1.71804962980965022843857238947797447931126279505050706527142826432080" *
"5657097265743794468020569148051442950171534477641514512475215177452475" *
"48342819917425213295531279178709408606148684793871340448480277e-01"
) parse(
BigFloat,
"1.71798789538653279099830733849143597450185037166101823201649514144342" *
"3660478739926590293840512557858779600694989119676021400701390686744220" *
"29856536866051378162553361754873126261785216502053606364119436e-01"
) parse(
BigFloat,
"1.71798417272287142261685794902526652489176708360876432243445535389803" *
"6337415708555869441665455931588088902592206675141029228527897485622408" *
"64001516213573916479396749555102404486539000802629819286007911e-01"
) parse(
BigFloat,
"1.71803902856045771740990924274304366053578549114860695823178437053408" *
"5609515030319550221537419249295595423056430147923493778312142672769346" *
"56338042909532348204618144738668891777207253107095193655472582e-01"
) parse(
BigFloat,
"1.71814411159528499376201995695798531902632203635871699365005508375227" *
"9680249767157616929961750418614810660600326780791409626298838009479737" *
"36685850867124444872593461396928201503102721790284927039010553e-01"
) parse(
BigFloat,
"1.71828342388788064600616136008861941325550862250862130378514190505749" *
"9679341655249211568492770312400362399386089672958176111276613842252637" *
"60939376875350754000879696643854497930135502303059986593617537e-01"
) parse(
BigFloat,
"1.71843575640456930422522906715304948857931918040195488695564968566969" *
"1025035888923170804418582278696470044338774122099204983122519816583549" *
"54470827895468078295085960514266569739959357225508534298828901e-01"
) parse(
BigFloat,
"1.71857791790058764176448154084953150287612481805415410987880599079796" *
"6655664216107998921166533782185622819571830060519731909168998353311441" *
"04823143431145128231181538129195554316010034688084485506293468e-01"
) parse(
BigFloat,
"1.71868826557686761146595382510552022420872443609335679617096633479460" *
"2348470108623534621547612863059155635402520521589833453793560648318930" *
"34498897665326986678214550246308570127409557274991682689903876e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266368359948043677353830382853614036656780205496305096310306" *
"3645379068597098491677317726934903384457168296787639785068391913004978" *
"37968274998864354577367896937479428700471779633464934875382882e-01"
) parse(
BigFloat,
"1.71869886682611379311529877324726226010710812114908899862868268583392" *
"8131098120632869215923690694672182316128282972305594860606889782866405" *
"32653745095818683907742996957784108624248549492524273416869051e-01"
) parse(
BigFloat,
"1.71859378379128760382257786563517808857133452025241472088308152934098" *
"0790950368216466589453047262063667684215569301045009822234187115014775" *
"76099149090745231129874790877548370593920382316164273011813497e-01"
) parse(
BigFloat,
"1.71845447149867700048465533859660272336028479358535604017389416570774" *
"5136947114565610746649696821529934930308872288433569902823796421269061" *
"04830803799219743812781023300766926638660627370198630231471229e-01"
) parse(
BigFloat,
"1.71830213898196611116660024746003826911041715717647431162237520953787" *
"7468936843665273871221623754569614599001801987039893418082991735054982" *
"39186098432715526624363474692646147903611208513708934728988508e-01"
) parse(
BigFloat,
"1.71815997748593128519943448033682068759862535740314550923625816504268" *
"8080490142680994250355335965635676371633407900318946866713770141318726" *
"01811786104125715632671401873845996113115508887608270610573100e-01"
) parse(
BigFloat,
"1.71804962980965022843857238947797447931126279505050706527142826432080" *
"5657097265743794468020569148051442950171534477641514512475215177452475" *
"48342819917425213295531279178709408606148684793871340448480277e-01"
) parse(
BigFloat,
"1.71798789538653279099830733849143597450185037166101823201649514144342" *
"3660478739926590293840512557858779600694989119676021400701390686744220" *
"29856536866051378162553361754873126261785216502053606364119436e-01"
) parse(
BigFloat,
"1.71798417272287142261685794902526652489176708360876432243445535389803" *
"6337415708555869441665455931588088902592206675141029228527897485622408" *
"64001516213573916479396749555102404486539000802629819286007911e-01"
) parse(
BigFloat,
"1.71803902856045771740990924274304366053578549114860695823178437053408" *
"5609515030319550221537419249295595423056430147923493778312142672769346" *
"56338042909532348204618144738668891777207253107095193655472582e-01"
) parse(
BigFloat,
"1.71814411159528499376201995695798531902632203635871699365005508375227" *
"9680249767157616929961750418614810660600326780791409626298838009479737" *
"36685850867124444872593461396928201503102721790284927039010553e-01"
) parse(
BigFloat,
"1.71828342388788064600616136008861941325550862250862130378514190505749" *
"9679341655249211568492770312400362399386089672958176111276613842252637" *
"60939376875350754000879696643854497930135502303059986593617537e-01"
) parse(
BigFloat,
"1.71843575640456930422522906715304948857931918040195488695564968566969" *
"1025035888923170804418582278696470044338774122099204983122519816583549" *
"54470827895468078295085960514266569739959357225508534298828901e-01"
) parse(
BigFloat,
"1.71857791790058764176448154084953150287612481805415410987880599079796" *
"6655664216107998921166533782185622819571830060519731909168998353311441" *
"04823143431145128231181538129195554316010034688084485506293468e-01"
) parse(
BigFloat,
"1.71868826557686761146595382510552022420872443609335679617096633479460" *
"2348470108623534621547612863059155635402520521589833453793560648318930" *
"34498897665326986678214550246308570127409557274991682689903876e-01"
)
]
tab_u0[ :, :, 6, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680831230190697493770551923674647304559477599611907296213" *
"6079473168640090807709066014654781233580083275578007873771095559009064" *
"08646732680132282435539103374956681361862198149722496001660220e-01"
) parse(
BigFloat,
"1.24979819887413996125891807319831799664715629289123536573243696486356" *
"4750791612340886325809393369547456054983745831952227024953026110664820" *
"37058669447667918320970343823065099857685468410613105553064925e-01"
) parse(
BigFloat,
"1.24981710719056288164138649485684812531747439191154825155434828804931" *
"4302657827446289218930479666358871457395820260590627800937885575362014" *
"57146063978891606221361955986587977160796389184826339446833370e-01"
) parse(
BigFloat,
"1.24991626864266481065904111096641676926642789853249151956103444078871" *
"9656071655667831917603938264086770862239528909020042315508427684653940" *
"34548234177052385539849114895032887400681789290085341009334282e-01"
) parse(
BigFloat,
"1.25008058679674543006432524464086093061760094860821862072230311850891" *
"0837488903502886129718801341859401691149442662326860262271341705159865" *
"54295102731154858350424195242940230664913527709953380779637116e-01"
) parse(
BigFloat,
"1.25028504568488730336666078958074100030311162604266994063053452435206" *
"8572922496396338129295332934735765665405134949980993359447713762029786" *
"67275269478603348026279883016728171112218475171366579838944252e-01"
) parse(
BigFloat,
"1.25049851827014181215509549340093438051721851729417327708670994966364" *
"0188492390596211215748483449310284470348846810781190019232495100564294" *
"27754565063018038847022640064901795312490144318329672484893884e-01"
) parse(
BigFloat,
"1.25068850527017894998995547132502441640220801213851889958868583723013" *
"6638722950432744337814527403126010195284532652870550291821057089961284" *
"61881568249868785655749351470139491675420434571236888357039084e-01"
) parse(
BigFloat,
"1.25082608288799810793012114028809066763724968957862187366157662172273" *
"7234571484702090066186018050595683772482172910852190605048568602209480" *
"43476450379613933212192338585231313407043718562745385443627826e-01"
) parse(
BigFloat,
"1.25089030619693696848459838470717158304401542601896395961324283057517" *
"0211670549382012734796828533703452461962421418691337352561268475568317" *
"57757499007617106109642087721714033867973650835930448015694833e-01"
) parse(
BigFloat,
"1.25087139780504878996942221836634509907311747473029828457502763876237" *
"9001974385594094238550363738376735210592069630461116620618719993614418" *
"53856359030929558234113436617019995161147846573451921969768756e-01"
) parse(
BigFloat,
"1.25077223635995235990101745709914072529135350007710771485119063494295" *
"2116153525780900551156709123656054650338086727646101266933528737981599" *
"40992501127895149626124570345392896699346475957682366993872940e-01"
) parse(
BigFloat,
"1.25060791829124427025366067952399434850831468435651667269979837066166" *
"9864474020619925272773015121907774873311662655456790604508566248796318" *
"99978975915074739874571952889083911941048874269282872905495309e-01"
) parse(
BigFloat,
"1.25040345951683188743983679190448870119659726900923093924628020742639" *
"8853089347062932977220357654974405611871994607202810777286990779221215" *
"00346774390080132724726768834848657873664576515588395229214966e-01"
) parse(
BigFloat,
"1.25018998700704263678410983276652212124314784518524658292752237984822" *
"3290289955962060024080859900766382793225346891317278602123339855365507" *
"54706266099969808828116497346199333477688171984191055965248799e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680831230190697493770551923674647304559477599611907296213" *
"6079473168640090807709066014654781233580083275578007873771095559009064" *
"08646732680132282435539103374956681361862198149722496001660220e-01"
) parse(
BigFloat,
"1.24979819887413996125891807319831799664715629289123536573243696486356" *
"4750791612340886325809393369547456054983745831952227024953026110664820" *
"37058669447667918320970343823065099857685468410613105553064925e-01"
) parse(
BigFloat,
"1.24981710719056288164138649485684812531747439191154825155434828804931" *
"4302657827446289218930479666358871457395820260590627800937885575362014" *
"57146063978891606221361955986587977160796389184826339446833370e-01"
) parse(
BigFloat,
"1.24991626864266481065904111096641676926642789853249151956103444078871" *
"9656071655667831917603938264086770862239528909020042315508427684653940" *
"34548234177052385539849114895032887400681789290085341009334282e-01"
) parse(
BigFloat,
"1.25008058679674543006432524464086093061760094860821862072230311850891" *
"0837488903502886129718801341859401691149442662326860262271341705159865" *
"54295102731154858350424195242940230664913527709953380779637116e-01"
) parse(
BigFloat,
"1.25028504568488730336666078958074100030311162604266994063053452435206" *
"8572922496396338129295332934735765665405134949980993359447713762029786" *
"67275269478603348026279883016728171112218475171366579838944252e-01"
) parse(
BigFloat,
"1.25049851827014181215509549340093438051721851729417327708670994966364" *
"0188492390596211215748483449310284470348846810781190019232495100564294" *
"27754565063018038847022640064901795312490144318329672484893884e-01"
) parse(
BigFloat,
"1.25068850527017894998995547132502441640220801213851889958868583723013" *
"6638722950432744337814527403126010195284532652870550291821057089961284" *
"61881568249868785655749351470139491675420434571236888357039084e-01"
) parse(
BigFloat,
"1.25082608288799810793012114028809066763724968957862187366157662172273" *
"7234571484702090066186018050595683772482172910852190605048568602209480" *
"43476450379613933212192338585231313407043718562745385443627826e-01"
) parse(
BigFloat,
"1.25089030619693696848459838470717158304401542601896395961324283057517" *
"0211670549382012734796828533703452461962421418691337352561268475568317" *
"57757499007617106109642087721714033867973650835930448015694833e-01"
) parse(
BigFloat,
"1.25087139780504878996942221836634509907311747473029828457502763876237" *
"9001974385594094238550363738376735210592069630461116620618719993614418" *
"53856359030929558234113436617019995161147846573451921969768756e-01"
) parse(
BigFloat,
"1.25077223635995235990101745709914072529135350007710771485119063494295" *
"2116153525780900551156709123656054650338086727646101266933528737981599" *
"40992501127895149626124570345392896699346475957682366993872940e-01"
) parse(
BigFloat,
"1.25060791829124427025366067952399434850831468435651667269979837066166" *
"9864474020619925272773015121907774873311662655456790604508566248796318" *
"99978975915074739874571952889083911941048874269282872905495309e-01"
) parse(
BigFloat,
"1.25040345951683188743983679190448870119659726900923093924628020742639" *
"8853089347062932977220357654974405611871994607202810777286990779221215" *
"00346774390080132724726768834848657873664576515588395229214966e-01"
) parse(
BigFloat,
"1.25018998700704263678410983276652212124314784518524658292752237984822" *
"3290289955962060024080859900766382793225346891317278602123339855365507" *
"54706266099969808828116497346199333477688171984191055965248799e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379858021495670547120212926059579818260335226160277664" *
"9334278519947676158592065778105666819314066648140734269065109347860514" *
"00466828711796036338013911175401602556779304932739475026554963e-01"
) parse(
BigFloat,
"1.40625057486830573000875213628363194901677365480423185418639054896966" *
"2245504301729517385481086314449982592966102672200345506548993150878554" *
"85240765368457584745652695337236165883742352492264872104647352e-01"
) parse(
BigFloat,
"1.40625079027362142851975471050567437749637785524484168362637677232936" *
"1015609522558169617922645751977707594454556968379005188504864890787573" *
"88395645066094218918532900774614485915182310341348952293745672e-01"
) parse(
BigFloat,
"1.40625091078355422835803009471704766330661312315978590602205434045023" *
"5731559705298569403201171178598512007773874003291741577926080603357221" *
"07589987232243848201680174409365437525973157260151243764657086e-01"
) parse(
BigFloat,
"1.40625091805155928251888949770887607863022326896684252066053268943767" *
"7159085636233911140332436776012750387006038565272220200252751330203733" *
"75860488115535360989280329263087015147390131829466865708836759e-01"
) parse(
BigFloat,
"1.40625081097114870590610026881125392365732085454172312888003969711376" *
"7870246037049749828905336424923329385683635814631244380230985329698967" *
"99844039489058544937523622565096936227673468536386938949025649e-01"
) parse(
BigFloat,
"1.40625060584434432563493405343341523626964469449727211706256596428546" *
"3222490460975205792984878105784038307897137469694460243597686449525821" *
"99212171547549923210086293135992829881579662323673154337412786e-01"
) parse(
BigFloat,
"1.40625033389984263419569029594664237187971943474220106600269203511736" *
"9599876293652555001388147854514986093751848118858032651181713225976309" *
"88460786356964841587537302017467341862521552202132814656128137e-01"
) parse(
BigFloat,
"1.40625003653872883455389276252145122207315449991704002984960700428402" *
"7517095610375595771033702053622517653380981811086043442876878359978579" *
"95456188887971749992097728567309576760085037420764871899518580e-01"
) parse(
BigFloat,
"1.40624975903153691772604880357676033884669601273601343691371110091584" *
"1918731353509770589351146858652613369175936340246292730547771160366294" *
"32016483981209546495577153756578595570000301227489192222153382e-01"
) parse(
BigFloat,
"1.40624954362622124092512717874319552004288064783544102608014983662503" *
"6904108724029664672107186579574997714197841455271545117972997480930311" *
"17621079347869366127612944533130788318172809947840086427900515e-01"
) parse(
BigFloat,
"1.40624942311628845718884949274129672400914052559781581308294567412269" *
"2426512511831955773009057846118232815025530450586703926086837334937405" *
"92164921821945524694976921616204109634891652665911132079787447e-01"
) parse(
BigFloat,
"1.40624941584828340408957266646918825636283471881773763124529075319194" *
"3747488744225897107640172271490796056850165548237480242999892126228109" *
"16432189695851067164802429037238694559131887945223977865662369e-01"
) parse(
BigFloat,
"1.40624952292869396610166867473334054767468256141783436512755070269102" *
"5723466818494042373860807281205805568725577745658595537866881523327119" *
"71114406572428538305440926384125191341970239872054187224746288e-01"
) parse(
BigFloat,
"1.40624972805549832466275394072270162538656988592224795833859947645043" *
"6615739803220040094583666441894987300001716679391467605119082343027229" *
"82986799449640706227962259599298784908451579515332997441513698e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379858021495670547120212926059579818260335226160277664" *
"9334278519947676158592065778105666819314066648140734269065109347860514" *
"00466828711796036338013911175401602556779304932739475026554963e-01"
) parse(
BigFloat,
"1.40625057486830573000875213628363194901677365480423185418639054896966" *
"2245504301729517385481086314449982592966102672200345506548993150878554" *
"85240765368457584745652695337236165883742352492264872104647352e-01"
) parse(
BigFloat,
"1.40625079027362142851975471050567437749637785524484168362637677232936" *
"1015609522558169617922645751977707594454556968379005188504864890787573" *
"88395645066094218918532900774614485915182310341348952293745672e-01"
) parse(
BigFloat,
"1.40625091078355422835803009471704766330661312315978590602205434045023" *
"5731559705298569403201171178598512007773874003291741577926080603357221" *
"07589987232243848201680174409365437525973157260151243764657086e-01"
) parse(
BigFloat,
"1.40625091805155928251888949770887607863022326896684252066053268943767" *
"7159085636233911140332436776012750387006038565272220200252751330203733" *
"75860488115535360989280329263087015147390131829466865708836759e-01"
) parse(
BigFloat,
"1.40625081097114870590610026881125392365732085454172312888003969711376" *
"7870246037049749828905336424923329385683635814631244380230985329698967" *
"99844039489058544937523622565096936227673468536386938949025649e-01"
) parse(
BigFloat,
"1.40625060584434432563493405343341523626964469449727211706256596428546" *
"3222490460975205792984878105784038307897137469694460243597686449525821" *
"99212171547549923210086293135992829881579662323673154337412786e-01"
) parse(
BigFloat,
"1.40625033389984263419569029594664237187971943474220106600269203511736" *
"9599876293652555001388147854514986093751848118858032651181713225976309" *
"88460786356964841587537302017467341862521552202132814656128137e-01"
) parse(
BigFloat,
"1.40625003653872883455389276252145122207315449991704002984960700428402" *
"7517095610375595771033702053622517653380981811086043442876878359978579" *
"95456188887971749992097728567309576760085037420764871899518580e-01"
) parse(
BigFloat,
"1.40624975903153691772604880357676033884669601273601343691371110091584" *
"1918731353509770589351146858652613369175936340246292730547771160366294" *
"32016483981209546495577153756578595570000301227489192222153382e-01"
) parse(
BigFloat,
"1.40624954362622124092512717874319552004288064783544102608014983662503" *
"6904108724029664672107186579574997714197841455271545117972997480930311" *
"17621079347869366127612944533130788318172809947840086427900515e-01"
) parse(
BigFloat,
"1.40624942311628845718884949274129672400914052559781581308294567412269" *
"2426512511831955773009057846118232815025530450586703926086837334937405" *
"92164921821945524694976921616204109634891652665911132079787447e-01"
) parse(
BigFloat,
"1.40624941584828340408957266646918825636283471881773763124529075319194" *
"3747488744225897107640172271490796056850165548237480242999892126228109" *
"16432189695851067164802429037238694559131887945223977865662369e-01"
) parse(
BigFloat,
"1.40624952292869396610166867473334054767468256141783436512755070269102" *
"5723466818494042373860807281205805568725577745658595537866881523327119" *
"71114406572428538305440926384125191341970239872054187224746288e-01"
) parse(
BigFloat,
"1.40624972805549832466275394072270162538656988592224795833859947645043" *
"6615739803220040094583666441894987300001716679391467605119082343027229" *
"82986799449640706227962259599298784908451579515332997441513698e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874739391111570386481427271443436455999605175453864494154" *
"5520427469617303080736943452337630880692257692275885965844228566670692" *
"91595930679360775806791020658982901049523182422402943704233320e-01"
) parse(
BigFloat,
"1.56213122324242741724385276614481876213047794260130016114989832262209" *
"3273631584729746806592626932925236311815760980549117209086486170815338" *
"26001511071456914418738769684145035056062441787112661879590484e-01"
) parse(
BigFloat,
"1.56191775066782996503032551308562310866544353833345054328521288151214" *
"6598199763947468972420696004443227114415242007301607147132514078803786" *
"00597399433292262893181021128113979883761981198658269325032932e-01"
) parse(
BigFloat,
"1.56172776357781022998013500196941060004807560479170566063871489756181" *
"1486086307672575407134562236765103661449392921278544904416634390253766" *
"12770614809701316424125677620445458635708565393624474695325846e-01"
) parse(
BigFloat,
"1.56159018580923991161161195214826429562555691707502510784365891887919" *
"1572526788630445550012219758842776273339916029193865851510679925257451" *
"26546282010944116636034064884023981062584294559308018498635695e-01"
) parse(
BigFloat,
"1.56152596234659707483042488965922251636477779233276074122887237087864" *
"5187584800461239545145900028616984130881369401290530285468163176834799" *
"47499101873216378109798023389060275205612950355853449089114763e-01"
) parse(
BigFloat,
"1.56154487062836335164932902273803325162947109613103042929623273043416" *
"8976438446119052339329525018236833906810699308998540954897782947852102" *
"81420220634432978086678784114096723549740878071200789075845344e-01"
) parse(
BigFloat,
"1.56164403202153738929636784747102153119148922853016372220049587742096" *
"5712985847938078604395502784873013144935187977576779934169782644914846" *
"26475490674308910262505933456638552372438283723377026910243260e-01"
) parse(
BigFloat,
"1.56180835007825525352291884384866904398541908549429153008688526417096" *
"5098667142013742789904771923214032813447891410203830013441334865966756" *
"10921229581524245620097839689848080961747228775850487691830702e-01"
) parse(
BigFloat,
"1.56201280884756973124928692353414812146719922116702208979551784401523" *
"3641456986659835813630129048968854765702440754020596852150489222931963" *
"37214439368414359827955853879849923694842185015874869412243623e-01"
) parse(
BigFloat,
"1.56222628133679465371174361473312165704879166047617304301192724325060" *
"5355567046719348642167221338540494659381716078913395929161337389366855" *
"10220064972486572801671900508140398793271062136769114560558224e-01"
) parse(
BigFloat,
"1.56241626831308489827476444312831728495649121658916974844424235667681" *
"0974272653480167062199319664157591776873717704100372701549108611871121" *
"69922919642225970955937108951073922830957166102317722947761612e-01"
) parse(
BigFloat,
"1.56255384600618995850562079270693398867967686828707310140691008299958" *
"6969334492254836029783923943506945164059371545884657877570428786751288" *
"81169972916405672048432611387421118028217673334028798412331675e-01"
) parse(
BigFloat,
"1.56261806947583829422770271323056175608255467011109337017953118373701" *
"1296231074937227962607152831374145313068162579500307298798219780043618" *
"82266463297704305225232388648876743524698574744211220278377314e-01"
) parse(
BigFloat,
"1.56259916127944454715986914201204095389227214576617568695190708672436" *
"1481088106576673797349892088558988292578938245544465446080577436996520" *
"99679440508581531331406513259462727991473866624153003944189010e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874739391111570386481427271443436455999605175453864494154" *
"5520427469617303080736943452337630880692257692275885965844228566670692" *
"91595930679360775806791020658982901049523182422402943704233320e-01"
) parse(
BigFloat,
"1.56213122324242741724385276614481876213047794260130016114989832262209" *
"3273631584729746806592626932925236311815760980549117209086486170815338" *
"26001511071456914418738769684145035056062441787112661879590484e-01"
) parse(
BigFloat,
"1.56191775066782996503032551308562310866544353833345054328521288151214" *
"6598199763947468972420696004443227114415242007301607147132514078803786" *
"00597399433292262893181021128113979883761981198658269325032932e-01"
) parse(
BigFloat,
"1.56172776357781022998013500196941060004807560479170566063871489756181" *
"1486086307672575407134562236765103661449392921278544904416634390253766" *
"12770614809701316424125677620445458635708565393624474695325846e-01"
) parse(
BigFloat,
"1.56159018580923991161161195214826429562555691707502510784365891887919" *
"1572526788630445550012219758842776273339916029193865851510679925257451" *
"26546282010944116636034064884023981062584294559308018498635695e-01"
) parse(
BigFloat,
"1.56152596234659707483042488965922251636477779233276074122887237087864" *
"5187584800461239545145900028616984130881369401290530285468163176834799" *
"47499101873216378109798023389060275205612950355853449089114763e-01"
) parse(
BigFloat,
"1.56154487062836335164932902273803325162947109613103042929623273043416" *
"8976438446119052339329525018236833906810699308998540954897782947852102" *
"81420220634432978086678784114096723549740878071200789075845344e-01"
) parse(
BigFloat,
"1.56164403202153738929636784747102153119148922853016372220049587742096" *
"5712985847938078604395502784873013144935187977576779934169782644914846" *
"26475490674308910262505933456638552372438283723377026910243260e-01"
) parse(
BigFloat,
"1.56180835007825525352291884384866904398541908549429153008688526417096" *
"5098667142013742789904771923214032813447891410203830013441334865966756" *
"10921229581524245620097839689848080961747228775850487691830702e-01"
) parse(
BigFloat,
"1.56201280884756973124928692353414812146719922116702208979551784401523" *
"3641456986659835813630129048968854765702440754020596852150489222931963" *
"37214439368414359827955853879849923694842185015874869412243623e-01"
) parse(
BigFloat,
"1.56222628133679465371174361473312165704879166047617304301192724325060" *
"5355567046719348642167221338540494659381716078913395929161337389366855" *
"10220064972486572801671900508140398793271062136769114560558224e-01"
) parse(
BigFloat,
"1.56241626831308489827476444312831728495649121658916974844424235667681" *
"0974272653480167062199319664157591776873717704100372701549108611871121" *
"69922919642225970955937108951073922830957166102317722947761612e-01"
) parse(
BigFloat,
"1.56255384600618995850562079270693398867967686828707310140691008299958" *
"6969334492254836029783923943506945164059371545884657877570428786751288" *
"81169972916405672048432611387421118028217673334028798412331675e-01"
) parse(
BigFloat,
"1.56261806947583829422770271323056175608255467011109337017953118373701" *
"1296231074937227962607152831374145313068162579500307298798219780043618" *
"82266463297704305225232388648876743524698574744211220278377314e-01"
) parse(
BigFloat,
"1.56259916127944454715986914201204095389227214576617568695190708672436" *
"1481088106576673797349892088558988292578938245544465446080577436996520" *
"99679440508581531331406513259462727991473866624153003944189010e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369200811706233006492717998552195203585109335697139271717" *
"8754533833719544633265067785169115077107350189459044130047589144583744" *
"32591692672255769506455407437729857362103092825710577287405863e-01"
) parse(
BigFloat,
"1.71869886682612931379088293197146775467889349326251999773732874148680" *
"7377040115658880637392664749270641668265946208734533205410828867964364" *
"94254023860563727000943393569231664791649776217332360369020665e-01"
) parse(
BigFloat,
"1.71859378379130786899063117523261361980502994466324034942573456126080" *
"3943299874056571730311451070067149916952606185352670273053759386696012" *
"51341195096777102750869759507054693547929970640882490285105529e-01"
) parse(
BigFloat,
"1.71845447149869892106226091860998147002407422484891961354490184443452" *
"1272315128831030889964807005360230229155985019719820159622158140696494" *
"91378770302760586875904973783681751422578287615133318072275795e-01"
) parse(
BigFloat,
"1.71830213898198633534340195231533798662597220986672365432600055475079" *
"0956692728667699691552698666473268559897334464374157672787842531992560" *
"89072636885216528067050683563047907204647336175786599122614146e-01"
) parse(
BigFloat,
"1.71815997748594670351612553694420546467270055172975805281857744587719" *
"9219857105677238728895925331457652747113809729776383660459216030667066" *
"40635249076809919296748621200028185394619362167497084992367341e-01"
) parse(
BigFloat,
"1.71804962980965845128984442028958675478712002725969094779338642541538" *
"2767789319268708568958972534042763755761885307865158067678529614944224" *
"08837154860949712094970783113329252604774027412485543251387719e-01"
) parse(
BigFloat,
"1.71798789538653252345369268585882698376333534501420170267840134139992" *
"0965112502357998108670863555865050040078257942558723161571889342103810" *
"05497213082646283881579875784208303730768661189048466585775481e-01"
) parse(
BigFloat,
"1.71798417272286267303803823812642315712998303457820864919423955947009" *
"8927709292009394224584881943000613408111445774670512145538585822688153" *
"57920319820386891759940309511888450589657280342075356745815186e-01"
) parse(
BigFloat,
"1.71803902856044180138197922598992089394576992075860490875913474948028" *
"9751573704535497611118094886471314767873033547175600798459082996005618" *
"81851510964218902889582438576725011471985026921820243613860533e-01"
) parse(
BigFloat,
"1.71814411159526432969162582098237908632935621665041624845505294889450" *
"9643770260876626136161050338001014570652912212999362389639463640824099" *
"28695295662968546579311754040317363094060588854575309843773498e-01"
) parse(
BigFloat,
"1.71828342388785837591591562675800670899742170593379024029278825307504" *
"8234314290925722868974013808925812781667850139304602067999839661589921" *
"29702275821739424192940896004510653320289059311596977271146116e-01"
) parse(
BigFloat,
"1.71843575640454880393336671072012682012307913036681320382279417372616" *
"7388419499611411028491096179067266115105389935196983950465904743911732" *
"13062625395337197512596904641947018469316288323499476171573514e-01"
) parse(
BigFloat,
"1.71857791790057200174288153632122102871242557434534481121393510118540" *
"8351919691145136493116462884365167400798551736837142831116252358024373" *
"52208762677157812601683035279079600287624712518178946114607354e-01"
) parse(
BigFloat,
"1.71868826557685917045976781472223570000855830047219518067088786070426" *
"2789917730921549324807613705894678231364510254188917255427592511411123" *
"14006885392004908468187632382150627547026301365592044311377829e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369200811706233006492717998552195203585109335697139271717" *
"8754533833719544633265067785169115077107350189459044130047589144583744" *
"32591692672255769506455407437729857362103092825710577287405863e-01"
) parse(
BigFloat,
"1.71869886682612931379088293197146775467889349326251999773732874148680" *
"7377040115658880637392664749270641668265946208734533205410828867964364" *
"94254023860563727000943393569231664791649776217332360369020665e-01"
) parse(
BigFloat,
"1.71859378379130786899063117523261361980502994466324034942573456126080" *
"3943299874056571730311451070067149916952606185352670273053759386696012" *
"51341195096777102750869759507054693547929970640882490285105529e-01"
) parse(
BigFloat,
"1.71845447149869892106226091860998147002407422484891961354490184443452" *
"1272315128831030889964807005360230229155985019719820159622158140696494" *
"91378770302760586875904973783681751422578287615133318072275795e-01"
) parse(
BigFloat,
"1.71830213898198633534340195231533798662597220986672365432600055475079" *
"0956692728667699691552698666473268559897334464374157672787842531992560" *
"89072636885216528067050683563047907204647336175786599122614146e-01"
) parse(
BigFloat,
"1.71815997748594670351612553694420546467270055172975805281857744587719" *
"9219857105677238728895925331457652747113809729776383660459216030667066" *
"40635249076809919296748621200028185394619362167497084992367341e-01"
) parse(
BigFloat,
"1.71804962980965845128984442028958675478712002725969094779338642541538" *
"2767789319268708568958972534042763755761885307865158067678529614944224" *
"08837154860949712094970783113329252604774027412485543251387719e-01"
) parse(
BigFloat,
"1.71798789538653252345369268585882698376333534501420170267840134139992" *
"0965112502357998108670863555865050040078257942558723161571889342103810" *
"05497213082646283881579875784208303730768661189048466585775481e-01"
) parse(
BigFloat,
"1.71798417272286267303803823812642315712998303457820864919423955947009" *
"8927709292009394224584881943000613408111445774670512145538585822688153" *
"57920319820386891759940309511888450589657280342075356745815186e-01"
) parse(
BigFloat,
"1.71803902856044180138197922598992089394576992075860490875913474948028" *
"9751573704535497611118094886471314767873033547175600798459082996005618" *
"81851510964218902889582438576725011471985026921820243613860533e-01"
) parse(
BigFloat,
"1.71814411159526432969162582098237908632935621665041624845505294889450" *
"9643770260876626136161050338001014570652912212999362389639463640824099" *
"28695295662968546579311754040317363094060588854575309843773498e-01"
) parse(
BigFloat,
"1.71828342388785837591591562675800670899742170593379024029278825307504" *
"8234314290925722868974013808925812781667850139304602067999839661589921" *
"29702275821739424192940896004510653320289059311596977271146116e-01"
) parse(
BigFloat,
"1.71843575640454880393336671072012682012307913036681320382279417372616" *
"7388419499611411028491096179067266115105389935196983950465904743911732" *
"13062625395337197512596904641947018469316288323499476171573514e-01"
) parse(
BigFloat,
"1.71857791790057200174288153632122102871242557434534481121393510118540" *
"8351919691145136493116462884365167400798551736837142831116252358024373" *
"52208762677157812601683035279079600287624712518178946114607354e-01"
) parse(
BigFloat,
"1.71868826557685917045976781472223570000855830047219518067088786070426" *
"2789917730921549324807613705894678231364510254188917255427592511411123" *
"14006885392004908468187632382150627547026301365592044311377829e-01"
)
]
tab_u0[ :, :, 7, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832630506731996608730423262976570978962088023195251078" *
"3493783921263980207403818901468230896183575239537915724341301477965724" *
"49125477248120683634835535865158193260591290998620605929372383e-01"
) parse(
BigFloat,
"1.24979819887414000164735658162912571705750695355254976755900205582213" *
"1556645938098210768124695065576347195116553773461674843242443853682922" *
"87646628428345141665129283034389855654183278758304522355357215e-01"
) parse(
BigFloat,
"1.24981710719056295570990169239521995407143928929580600748743742682428" *
"8131511790767854245935114153832349237450604931021110876486115604304485" *
"96920586700791273855388671673844635330963653654265115207234383e-01"
) parse(
BigFloat,
"1.24991626864266491946604060511752086530688601164833626782580349532975" *
"8925701050237557853054946430885366641003027540653100524223751690576316" *
"12695874707514524802940382849286273530539295866177524240500367e-01"
) parse(
BigFloat,
"1.25008058679674556888104687649298700753343869872139702873296514553809" *
"7596735628899248692537735115513038486944749669038311296508500947434460" *
"25471754680644915662227364507427072992449067311844047933064261e-01"
) parse(
BigFloat,
"1.25028504568488746329923028399751593106965265325211789723445273198346" *
"5077126963740714879800987476450114907791995038229388256673466819470072" *
"52104448931422452953860468469121749785923601334751918641628375e-01"
) parse(
BigFloat,
"1.25049851827014198216479338001137717337522073133310055835201809358399" *
"6808426360955220448779494981355204577165628799200074671664542925156962" *
"36460326099521816357638940122923861744561513839790618803919606e-01"
) parse(
BigFloat,
"1.25068850527017911861397011454638613024452765356338514713746685223721" *
"6280208972238287432968457868550570626305372947521261409415478544286757" *
"37276527742773114448839216124477663041471173697096927330628265e-01"
) parse(
BigFloat,
"1.25082608288799826441658149593092411421923985447212897175389790408058" *
"8374464675600906134705588146018227484062793333978055388438227551357491" *
"80937573694125589749598188491445907123106162716500681252765471e-01"
) parse(
BigFloat,
"1.25089030619693710352581159427613004623055049967729304937640143849602" *
"1783792899381192136250115770678685221947097062496364323968462227628167" *
"11179158118887564891018571750575346239854776809885891823505613e-01"
) parse(
BigFloat,
"1.25087139780504889645121154462759285172581544184827731096481009849558" *
"8661156050548786501798189768969654390483028674871878228042715398460846" *
"80585777574847139604109647120989193780991874341684292312496520e-01"
) parse(
BigFloat,
"1.25077223635995243394598811558519061793518793163848126520242736853763" *
"3754720974125844677627092610933997702266559399098668013070877150021668" *
"92536192098627752270325045210048207690390676974976934902623355e-01"
) parse(
BigFloat,
"1.25060791829124431242330314285929633009697641745836710999765363647016" *
"5926919983244322655845870055433280519504387286657455500297941059085758" *
"77297799265661302127581193882570802208531866330786885607117623e-01"
) parse(
BigFloat,
"1.25040345951683190355360037534671527693879255900050949003701450530420" *
"2854489946388860976903348497014731956744678644918691824167748063681148" *
"78962758681656069098302905222537452127974904864854754799284196e-01"
) parse(
BigFloat,
"1.25018998700704263770009221821509984952834406349380627620355419020692" *
"1239688332930349837723832597499828659380516472074347508982883385581323" *
"25602293445513899139036330996076881629142279112556227047557139e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832630506731996608730423262976570978962088023195251078" *
"3493783921263980207403818901468230896183575239537915724341301477965724" *
"49125477248120683634835535865158193260591290998620605929372383e-01"
) parse(
BigFloat,
"1.24979819887414000164735658162912571705750695355254976755900205582213" *
"1556645938098210768124695065576347195116553773461674843242443853682922" *
"87646628428345141665129283034389855654183278758304522355357215e-01"
) parse(
BigFloat,
"1.24981710719056295570990169239521995407143928929580600748743742682428" *
"8131511790767854245935114153832349237450604931021110876486115604304485" *
"96920586700791273855388671673844635330963653654265115207234383e-01"
) parse(
BigFloat,
"1.24991626864266491946604060511752086530688601164833626782580349532975" *
"8925701050237557853054946430885366641003027540653100524223751690576316" *
"12695874707514524802940382849286273530539295866177524240500367e-01"
) parse(
BigFloat,
"1.25008058679674556888104687649298700753343869872139702873296514553809" *
"7596735628899248692537735115513038486944749669038311296508500947434460" *
"25471754680644915662227364507427072992449067311844047933064261e-01"
) parse(
BigFloat,
"1.25028504568488746329923028399751593106965265325211789723445273198346" *
"5077126963740714879800987476450114907791995038229388256673466819470072" *
"52104448931422452953860468469121749785923601334751918641628375e-01"
) parse(
BigFloat,
"1.25049851827014198216479338001137717337522073133310055835201809358399" *
"6808426360955220448779494981355204577165628799200074671664542925156962" *
"36460326099521816357638940122923861744561513839790618803919606e-01"
) parse(
BigFloat,
"1.25068850527017911861397011454638613024452765356338514713746685223721" *
"6280208972238287432968457868550570626305372947521261409415478544286757" *
"37276527742773114448839216124477663041471173697096927330628265e-01"
) parse(
BigFloat,
"1.25082608288799826441658149593092411421923985447212897175389790408058" *
"8374464675600906134705588146018227484062793333978055388438227551357491" *
"80937573694125589749598188491445907123106162716500681252765471e-01"
) parse(
BigFloat,
"1.25089030619693710352581159427613004623055049967729304937640143849602" *
"1783792899381192136250115770678685221947097062496364323968462227628167" *
"11179158118887564891018571750575346239854776809885891823505613e-01"
) parse(
BigFloat,
"1.25087139780504889645121154462759285172581544184827731096481009849558" *
"8661156050548786501798189768969654390483028674871878228042715398460846" *
"80585777574847139604109647120989193780991874341684292312496520e-01"
) parse(
BigFloat,
"1.25077223635995243394598811558519061793518793163848126520242736853763" *
"3754720974125844677627092610933997702266559399098668013070877150021668" *
"92536192098627752270325045210048207690390676974976934902623355e-01"
) parse(
BigFloat,
"1.25060791829124431242330314285929633009697641745836710999765363647016" *
"5926919983244322655845870055433280519504387286657455500297941059085758" *
"77297799265661302127581193882570802208531866330786885607117623e-01"
) parse(
BigFloat,
"1.25040345951683190355360037534671527693879255900050949003701450530420" *
"2854489946388860976903348497014731956744678644918691824167748063681148" *
"78962758681656069098302905222537452127974904864854754799284196e-01"
) parse(
BigFloat,
"1.25018998700704263770009221821509984952834406349380627620355419020692" *
"1239688332930349837723832597499828659380516472074347508982883385581323" *
"25602293445513899139036330996076881629142279112556227047557139e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379672441324068519737809542054230308872784356748187231" *
"0419333828809815503956984716104547192399475161488237682440132404145350" *
"82589779417636717022952036578172422029796575485811990335953679e-01"
) parse(
BigFloat,
"1.40625057486830574094170636247409427402501662731977011766012420197077" *
"1129687009203649075211838809837114829464298835895512920623494575246340" *
"87605195911543876553822922458499596960162362234583560259611358e-01"
) parse(
BigFloat,
"1.40625079027362146495124957466332752766469108476536102792595188524895" *
"4652364129214686589409400676013148000382316110009942790818972940221037" *
"40481473033112923360364666664718335270903757399293487542697540e-01"
) parse(
BigFloat,
"1.40625091078355429913405598886151654221505375492808483637283424787385" *
"1331084964494700049974085751664827411785847315783571128535453136849492" *
"36852901790682551180614388875619327916146205450566485420238750e-01"
) parse(
BigFloat,
"1.40625091805155939127023006254576012243468936579356530718157045765624" *
"5298824289756811594370857975611923349453778234957625546251282416908565" *
"44913186102089734271779254972812371303381109013621049383125159e-01"
) parse(
BigFloat,
"1.40625081097114885048301682398562964001555190600768155367139720802542" *
"3062239498498189825781776239044692172226314124054480509824705189685071" *
"57397914398862672271273238228185596410320025948914193052869036e-01"
) parse(
BigFloat,
"1.40625060584434449842136953447625698581503080529714079510385690804823" *
"1219512615513503001005582567568219817838334425127899456741928649179013" *
"18147953551832448972948816232734720178058393062572154415520590e-01"
) parse(
BigFloat,
"1.40625033389984282326281673831377665996826725733483984630932650410131" *
"9996045143761674054120353955784332311703681587280284302953346779960398" *
"80738197251415984427229502046204926036000384735147924277003533e-01"
) parse(
BigFloat,
"1.40625003653872902548085782346771386182626546711892734214720370182934" *
"6927963313126664511298177121354612847325161252453788990263489416330428" *
"18509937084435715040831539759867041081955718590567950635946699e-01"
) parse(
BigFloat,
"1.40624975903153709580798147958968464028819429728964376659417839396505" *
"9467283597050142582027265691459493462018025851785449436458084274351453" *
"89078211250046051343783340728714642569684389414240383632499267e-01"
) parse(
BigFloat,
"1.40624954362622139342489540568965778656028371268121656665041168010631" *
"8314692095598199275606269695608576194566332495812246977332074445644196" *
"64727868799849241274206828088893026965272174958256421849158022e-01"
) parse(
BigFloat,
"1.40624942311628857528210120462963034800908952139946595865544868395294" *
"6493125682832107064067108347731660359502314284308501625735407737566719" *
"34985282824970743671288929672051426104634081331182730698765630e-01"
) parse(
BigFloat,
"1.40624941584828348420347280510625218783694080629190193315060086374007" *
"0286693758920353633570370563594701909902714007828995875986867352556135" *
"57677746820628698641115847309793988299749705505662774478754265e-01"
) parse(
BigFloat,
"1.40624952292869401044626926575551499585531493538797273270101290953099" *
"7548311294149054802633585635270616708704744953149604184584886346762536" *
"39972133073577663724107342814940965611174588824965175128548047e-01"
) parse(
BigFloat,
"1.40624972805549834088145941697568125014316651541625711196115917091889" *
"1908393159049483344598371114937007943537115264578666788880630415437285" *
"99581891691514064587920675217224576479004603923814623828379668e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379672441324068519737809542054230308872784356748187231" *
"0419333828809815503956984716104547192399475161488237682440132404145350" *
"82589779417636717022952036578172422029796575485811990335953679e-01"
) parse(
BigFloat,
"1.40625057486830574094170636247409427402501662731977011766012420197077" *
"1129687009203649075211838809837114829464298835895512920623494575246340" *
"87605195911543876553822922458499596960162362234583560259611358e-01"
) parse(
BigFloat,
"1.40625079027362146495124957466332752766469108476536102792595188524895" *
"4652364129214686589409400676013148000382316110009942790818972940221037" *
"40481473033112923360364666664718335270903757399293487542697540e-01"
) parse(
BigFloat,
"1.40625091078355429913405598886151654221505375492808483637283424787385" *
"1331084964494700049974085751664827411785847315783571128535453136849492" *
"36852901790682551180614388875619327916146205450566485420238750e-01"
) parse(
BigFloat,
"1.40625091805155939127023006254576012243468936579356530718157045765624" *
"5298824289756811594370857975611923349453778234957625546251282416908565" *
"44913186102089734271779254972812371303381109013621049383125159e-01"
) parse(
BigFloat,
"1.40625081097114885048301682398562964001555190600768155367139720802542" *
"3062239498498189825781776239044692172226314124054480509824705189685071" *
"57397914398862672271273238228185596410320025948914193052869036e-01"
) parse(
BigFloat,
"1.40625060584434449842136953447625698581503080529714079510385690804823" *
"1219512615513503001005582567568219817838334425127899456741928649179013" *
"18147953551832448972948816232734720178058393062572154415520590e-01"
) parse(
BigFloat,
"1.40625033389984282326281673831377665996826725733483984630932650410131" *
"9996045143761674054120353955784332311703681587280284302953346779960398" *
"80738197251415984427229502046204926036000384735147924277003533e-01"
) parse(
BigFloat,
"1.40625003653872902548085782346771386182626546711892734214720370182934" *
"6927963313126664511298177121354612847325161252453788990263489416330428" *
"18509937084435715040831539759867041081955718590567950635946699e-01"
) parse(
BigFloat,
"1.40624975903153709580798147958968464028819429728964376659417839396505" *
"9467283597050142582027265691459493462018025851785449436458084274351453" *
"89078211250046051343783340728714642569684389414240383632499267e-01"
) parse(
BigFloat,
"1.40624954362622139342489540568965778656028371268121656665041168010631" *
"8314692095598199275606269695608576194566332495812246977332074445644196" *
"64727868799849241274206828088893026965272174958256421849158022e-01"
) parse(
BigFloat,
"1.40624942311628857528210120462963034800908952139946595865544868395294" *
"6493125682832107064067108347731660359502314284308501625735407737566719" *
"34985282824970743671288929672051426104634081331182730698765630e-01"
) parse(
BigFloat,
"1.40624941584828348420347280510625218783694080629190193315060086374007" *
"0286693758920353633570370563594701909902714007828995875986867352556135" *
"57677746820628698641115847309793988299749705505662774478754265e-01"
) parse(
BigFloat,
"1.40624952292869401044626926575551499585531493538797273270101290953099" *
"7548311294149054802633585635270616708704744953149604184584886346762536" *
"39972133073577663724107342814940965611174588824965175128548047e-01"
) parse(
BigFloat,
"1.40624972805549834088145941697568125014316651541625711196115917091889" *
"1908393159049483344598371114937007943537115264578666788880630415437285" *
"99581891691514064587920675217224576479004603923814623828379668e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735222591472727842534112033330964583542943770305471870" *
"9406311756260474685760961239943356449226329525252266057246622885709694" *
"67244206137054404298203840077749994156916497862516879510365652e-01"
) parse(
BigFloat,
"1.56213122324242734346452371692441252969497828026101731686452251310530" *
"9128844868783935505378869341392834972181187431266673058321762849637155" *
"02630601822999014437566630198470873843881238966930847143559766e-01"
) parse(
BigFloat,
"1.56191775066782987413099630635638296018289707002175855227504110085976" *
"3263933898665115531030163233692752922712100140596286705889248370260502" *
"50459825384387748411384092084267393603384271607560900471191907e-01"
) parse(
BigFloat,
"1.56172776357781013913617981434916989413423695017045436223886006730306" *
"3845467619821242852208363845029294440947931323521912313245155582908019" *
"56794128421156892884535877219656035720837261298446409600645718e-01"
) parse(
BigFloat,
"1.56159018580923983692000885846681704800240906867339332915676342827552" *
"9653286114959564426000099342905596629375002078605833626866289468214231" *
"43166684974405587274064401867430237687356451282067452786340110e-01"
) parse(
BigFloat,
"1.56152596234659702882038333641891549021409088096571097875982446704725" *
"0884394317021706751262668032206147035130457188601318926582108126274252" *
"59092253701015662378069747633565771025747024184822985380894783e-01"
) parse(
BigFloat,
"1.56154487062836334198505863592675812388582390254250042471485077942449" *
"2674806577337786577859193097125821035094710371763920555482087309644083" *
"74245699259126914385676018237324059146115181407631415194479609e-01"
) parse(
BigFloat,
"1.56164403202153741851281047898210010515294471144839587044286969226511" *
"0904906144573384545027617073596045552005893291366804108968975456832947" *
"00063650172705718742967691257583721971657733127093920437247667e-01"
) parse(
BigFloat,
"1.56180835007825531930640268667611544079857998740477276838229639987615" *
"2830635456028902185431955882024599431902135233717028363930587527882359" *
"05865151992746428367451659276984914600121874120478030158861428e-01"
) parse(
BigFloat,
"1.56201280884756982682943371886992814122114774084644096569064861429360" *
"4911417519974755533345683426005892258380140770187119103500416063502187" *
"62108173727835651313560285183113520016693809333328865950931129e-01"
) parse(
BigFloat,
"1.56222628133679476828094400088679262064376012064889578957970156325400" *
"7112512428181878769073748546585254932253365622070442398641116034122724" *
"11539359641176938587660196905844519879807491068017376821955777e-01"
) parse(
BigFloat,
"1.56241626831308501772929664448425008783439508778770676317173384405716" *
"2197160624938072581209825119199127923903814090474945258521554033579535" *
"50855311136328830232044378801165159702132019707405795427944820e-01"
) parse(
BigFloat,
"1.56255384600619006692596066539397004198603250385222417816529751146014" *
"5404897932263461815539086357217248239867935228701470377118673663245077" *
"29676885548607073613344783049428768069397638629272905197640287e-01"
) parse(
BigFloat,
"1.56261806947583837626394616560226885337281504096951029475198896250834" *
"1534196120169362398210288963791792169705487985386634404271559964167435" *
"49559267178765122782045828652470322841460575507965515397224239e-01"
) parse(
BigFloat,
"1.56259916127944459098128799464578352500477272965985608020879432271104" *
"3060003051585276175948108101726504711823333880098159088236906817822859" *
"98905573223301797833005447446995517979310256148449379197613353e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735222591472727842534112033330964583542943770305471870" *
"9406311756260474685760961239943356449226329525252266057246622885709694" *
"67244206137054404298203840077749994156916497862516879510365652e-01"
) parse(
BigFloat,
"1.56213122324242734346452371692441252969497828026101731686452251310530" *
"9128844868783935505378869341392834972181187431266673058321762849637155" *
"02630601822999014437566630198470873843881238966930847143559766e-01"
) parse(
BigFloat,
"1.56191775066782987413099630635638296018289707002175855227504110085976" *
"3263933898665115531030163233692752922712100140596286705889248370260502" *
"50459825384387748411384092084267393603384271607560900471191907e-01"
) parse(
BigFloat,
"1.56172776357781013913617981434916989413423695017045436223886006730306" *
"3845467619821242852208363845029294440947931323521912313245155582908019" *
"56794128421156892884535877219656035720837261298446409600645718e-01"
) parse(
BigFloat,
"1.56159018580923983692000885846681704800240906867339332915676342827552" *
"9653286114959564426000099342905596629375002078605833626866289468214231" *
"43166684974405587274064401867430237687356451282067452786340110e-01"
) parse(
BigFloat,
"1.56152596234659702882038333641891549021409088096571097875982446704725" *
"0884394317021706751262668032206147035130457188601318926582108126274252" *
"59092253701015662378069747633565771025747024184822985380894783e-01"
) parse(
BigFloat,
"1.56154487062836334198505863592675812388582390254250042471485077942449" *
"2674806577337786577859193097125821035094710371763920555482087309644083" *
"74245699259126914385676018237324059146115181407631415194479609e-01"
) parse(
BigFloat,
"1.56164403202153741851281047898210010515294471144839587044286969226511" *
"0904906144573384545027617073596045552005893291366804108968975456832947" *
"00063650172705718742967691257583721971657733127093920437247667e-01"
) parse(
BigFloat,
"1.56180835007825531930640268667611544079857998740477276838229639987615" *
"2830635456028902185431955882024599431902135233717028363930587527882359" *
"05865151992746428367451659276984914600121874120478030158861428e-01"
) parse(
BigFloat,
"1.56201280884756982682943371886992814122114774084644096569064861429360" *
"4911417519974755533345683426005892258380140770187119103500416063502187" *
"62108173727835651313560285183113520016693809333328865950931129e-01"
) parse(
BigFloat,
"1.56222628133679476828094400088679262064376012064889578957970156325400" *
"7112512428181878769073748546585254932253365622070442398641116034122724" *
"11539359641176938587660196905844519879807491068017376821955777e-01"
) parse(
BigFloat,
"1.56241626831308501772929664448425008783439508778770676317173384405716" *
"2197160624938072581209825119199127923903814090474945258521554033579535" *
"50855311136328830232044378801165159702132019707405795427944820e-01"
) parse(
BigFloat,
"1.56255384600619006692596066539397004198603250385222417816529751146014" *
"5404897932263461815539086357217248239867935228701470377118673663245077" *
"29676885548607073613344783049428768069397638629272905197640287e-01"
) parse(
BigFloat,
"1.56261806947583837626394616560226885337281504096951029475198896250834" *
"1534196120169362398210288963791792169705487985386634404271559964167435" *
"49559267178765122782045828652470322841460575507965515397224239e-01"
) parse(
BigFloat,
"1.56259916127944459098128799464578352500477272965985608020879432271104" *
"3060003051585276175948108101726504711823333880098159088236906817822859" *
"98905573223301797833005447446995517979310256148449379197613353e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195570401359661580659961692209868408172563108226834514" *
"7372718218103519199009482960023303481194149298992096186957993033628387" *
"45098711614730902486352829354188518587693094896372432596626523e-01"
) parse(
BigFloat,
"1.71869886682612923027169928139848154068568111706793358542147828456997" *
"3838561900181750634141852871279759359198646825382381798993048614277683" *
"01552321894918940165643441184653946279116048621875198203008259e-01"
) parse(
BigFloat,
"1.71859378379130778030652470593018222076140384222249936189685886050649" *
"3692940206715146780475693534828050276056802009141245061940141138906157" *
"32155563784143004790648386134429450203445260752216053637941488e-01"
) parse(
BigFloat,
"1.71845447149869885383956925862815428869214180246042427430633917861395" *
"7274212953531111821127939662061841956369892039146521452612294200453159" *
"33888865031300536685701212440783502290065263093676992200247505e-01"
) parse(
BigFloat,
"1.71830213898198631289938541469537622841705629506407863969261879051252" *
"8992226537096074263287067308514000652004682354451636113245395788103060" *
"78072448890563874402155315953043449067208149862492328617801535e-01"
) parse(
BigFloat,
"1.71815997748594674239301045360962919225519394021193574178032246493620" *
"0263425126188851941140098586380173525968605540038226871828087482015749" *
"31587759089480232779900684098657211849291428301542869146734214e-01"
) parse(
BigFloat,
"1.71804962980965855879563453408729691836679213742826488815224004907198" *
"5913460504045950186768231670704835916030716293706570593430969600286805" *
"08474874446672868426264092906115059169566677589718751943514696e-01"
) parse(
BigFloat,
"1.71798789538653269654945019759160612391081085898889182917075947909556" *
"6966516438775966944667919349631790383393952108524892284049990632272737" *
"91797383338656098267459748583011634352797452268740454059748587e-01"
) parse(
BigFloat,
"1.71798417272286289874111884631431087473780805116501298305531916938854" *
"9440936864608447730655592358957227105596494662119785128922036996188698" *
"29789332076984731422522234826013873051943642311436945107721783e-01"
) parse(
BigFloat,
"1.71803902856044205865863718621696831192700251785011795222114120587897" *
"0747906821933543481372772652092775770266429931793859422019668561818258" *
"77510402700204548266993784669478347813432570110693918767792546e-01"
) parse(
BigFloat,
"1.71814411159526459259999566801879534095820251661440978085846957622922" *
"4478107813528816910431869126688855197485639442799886567712107877131556" *
"69744183512572795727491780449878884449463457441913361814303615e-01"
) parse(
BigFloat,
"1.71828342388785861755556766040465069519759292422392111753767055678698" *
"7445714210614548329923933168048386591124571903887656238431395589483797" *
"34867823556834893656985123353111499423931389167064442998574272e-01"
) parse(
BigFloat,
"1.71843575640454900060006925899891738311475893906804199101256600857275" *
"3273997470102601727766231986549144755832883469735027768557703031387701" *
"60926284377933526205385403250487996122512420201467548968899708e-01"
) parse(
BigFloat,
"1.71857791790057213662124019539933203886978905957957353230938059150534" *
"7802313300153560326771333396475627171710190449416686038556411180480062" *
"19440405896666883450608774527503234409740538539020316550891181e-01"
) parse(
BigFloat,
"1.71868826557685923624243220858813662556526834013640866244793703876032" *
"1174263137178776680751680739704937373830921267243976685724548795169080" *
"66383562804460429812472725983042145766541987046996769240187217e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195570401359661580659961692209868408172563108226834514" *
"7372718218103519199009482960023303481194149298992096186957993033628387" *
"45098711614730902486352829354188518587693094896372432596626523e-01"
) parse(
BigFloat,
"1.71869886682612923027169928139848154068568111706793358542147828456997" *
"3838561900181750634141852871279759359198646825382381798993048614277683" *
"01552321894918940165643441184653946279116048621875198203008259e-01"
) parse(
BigFloat,
"1.71859378379130778030652470593018222076140384222249936189685886050649" *
"3692940206715146780475693534828050276056802009141245061940141138906157" *
"32155563784143004790648386134429450203445260752216053637941488e-01"
) parse(
BigFloat,
"1.71845447149869885383956925862815428869214180246042427430633917861395" *
"7274212953531111821127939662061841956369892039146521452612294200453159" *
"33888865031300536685701212440783502290065263093676992200247505e-01"
) parse(
BigFloat,
"1.71830213898198631289938541469537622841705629506407863969261879051252" *
"8992226537096074263287067308514000652004682354451636113245395788103060" *
"78072448890563874402155315953043449067208149862492328617801535e-01"
) parse(
BigFloat,
"1.71815997748594674239301045360962919225519394021193574178032246493620" *
"0263425126188851941140098586380173525968605540038226871828087482015749" *
"31587759089480232779900684098657211849291428301542869146734214e-01"
) parse(
BigFloat,
"1.71804962980965855879563453408729691836679213742826488815224004907198" *
"5913460504045950186768231670704835916030716293706570593430969600286805" *
"08474874446672868426264092906115059169566677589718751943514696e-01"
) parse(
BigFloat,
"1.71798789538653269654945019759160612391081085898889182917075947909556" *
"6966516438775966944667919349631790383393952108524892284049990632272737" *
"91797383338656098267459748583011634352797452268740454059748587e-01"
) parse(
BigFloat,
"1.71798417272286289874111884631431087473780805116501298305531916938854" *
"9440936864608447730655592358957227105596494662119785128922036996188698" *
"29789332076984731422522234826013873051943642311436945107721783e-01"
) parse(
BigFloat,
"1.71803902856044205865863718621696831192700251785011795222114120587897" *
"0747906821933543481372772652092775770266429931793859422019668561818258" *
"77510402700204548266993784669478347813432570110693918767792546e-01"
) parse(
BigFloat,
"1.71814411159526459259999566801879534095820251661440978085846957622922" *
"4478107813528816910431869126688855197485639442799886567712107877131556" *
"69744183512572795727491780449878884449463457441913361814303615e-01"
) parse(
BigFloat,
"1.71828342388785861755556766040465069519759292422392111753767055678698" *
"7445714210614548329923933168048386591124571903887656238431395589483797" *
"34867823556834893656985123353111499423931389167064442998574272e-01"
) parse(
BigFloat,
"1.71843575640454900060006925899891738311475893906804199101256600857275" *
"3273997470102601727766231986549144755832883469735027768557703031387701" *
"60926284377933526205385403250487996122512420201467548968899708e-01"
) parse(
BigFloat,
"1.71857791790057213662124019539933203886978905957957353230938059150534" *
"7802313300153560326771333396475627171710190449416686038556411180480062" *
"19440405896666883450608774527503234409740538539020316550891181e-01"
) parse(
BigFloat,
"1.71868826557685923624243220858813662556526834013640866244793703876032" *
"1174263137178776680751680739704937373830921267243976685724548795169080" *
"66383562804460429812472725983042145766541987046996769240187217e-01"
)
]
tab_u0[ :, :, 8, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609806998055092406857517672138651775556246062734984" *
"8447170112886026194695377683535253465647466552311010904148234896680143" *
"64376703528602262431773808256715564392721490060499374863647088e-01"
) parse(
BigFloat,
"1.24979819887414000118684995442546562904696757557592982123636187668669" *
"1767049129419002864216153774989884652211833234632458781401302999711781" *
"56941207481367518590404259769748121021226782324559858528998319e-01"
) parse(
BigFloat,
"1.24981710719056295498789493544996900710871669643664372501462228275111" *
"5780442738045184691953609976054632626655630496989296897041549515296133" *
"80437648570707319740406656076940863599774135893598882576091294e-01"
) parse(
BigFloat,
"1.24991626864266491851725311171417293291476139550181549881694926098708" *
"6698736670642594952720284394797975927920564700679887770915800868101032" *
"72961794302246704493213471153859063479043670364893987453715631e-01"
) parse(
BigFloat,
"1.25008058679674556777889991414983586865596309857950900179474959663562" *
"8997691210082654235605772357455125137592750064877136890212060683477074" *
"33065263323257527758666657306726546123790748745988263163522213e-01"
) parse(
BigFloat,
"1.25028504568488746214350111935410551728018581689362899676266020148422" *
"9418732092493816433174513600768250515472825463327551549239711913350062" *
"36729082740029567026344316628501865273908616953369807293035319e-01"
) parse(
BigFloat,
"1.25049851827014198106349239948499766125557946375313792545691320657655" *
"6375619771297903611283137493813776761462965733844829260274030650417098" *
"68124878955187932673122712346432006437203706439859401898671733e-01"
) parse(
BigFloat,
"1.25068850527017911766391737792646843925604931644511170907372478961339" *
"0659301213160032386111605172816486739742920773743311215100620942322649" *
"96054319477875343486119593430419536141509153450625856672454228e-01"
) parse(
BigFloat,
"1.25082608288799826368738823136122378753874092037359971912308681075151" *
"8507035352306888716771523522408528657342224987945744395990356629719188" *
"34958582937903514729384163323743953584455873912006205278043644e-01"
) parse(
BigFloat,
"1.25089030619693710305045702051537328831767807075000056245083242900547" *
"0302343519924524922443708997807166219000598634668436393459912241341158" *
"01935727154090666050745023237553321821485082576026690779314504e-01"
) parse(
BigFloat,
"1.25087139780504889622396081419234088084916237874945764134350404084238" *
"8279264727854733356325480621839905720640663455578063363941997809223908" *
"98753243958092506265227589729645961070980998057844085648088700e-01"
) parse(
BigFloat,
"1.25077223635995243392624350865256075967871315314009534621881365677870" *
"2860915275126233665830561048535142781521290300794451870200315314651253" *
"77711815805779066438950391947958037335093908747787461313607806e-01"
) parse(
BigFloat,
"1.25060791829124431254305587223146537185676786890390293994263998416033" *
"9360701935250977233859439683785355781985636771317751945607663322791899" *
"03897007574332233979562876910183274324197764598257791643038439e-01"
) parse(
BigFloat,
"1.25040345951683190372660590399874545762851171360868233527266569725666" *
"1660973475890499948788131795599986711757344751916519241125917952852275" *
"62452948023147140849146691899226348934881164987575235671751218e-01"
) parse(
BigFloat,
"1.25018998700704263783206584916613537828275989373249556159403136274483" *
"7620125528932337132790617446422315396300039796898783164227688724724767" *
"21173566136452709356779284116878124474023661696784892641773913e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609806998055092406857517672138651775556246062734984" *
"8447170112886026194695377683535253465647466552311010904148234896680143" *
"64376703528602262431773808256715564392721490060499374863647088e-01"
) parse(
BigFloat,
"1.24979819887414000118684995442546562904696757557592982123636187668669" *
"1767049129419002864216153774989884652211833234632458781401302999711781" *
"56941207481367518590404259769748121021226782324559858528998319e-01"
) parse(
BigFloat,
"1.24981710719056295498789493544996900710871669643664372501462228275111" *
"5780442738045184691953609976054632626655630496989296897041549515296133" *
"80437648570707319740406656076940863599774135893598882576091294e-01"
) parse(
BigFloat,
"1.24991626864266491851725311171417293291476139550181549881694926098708" *
"6698736670642594952720284394797975927920564700679887770915800868101032" *
"72961794302246704493213471153859063479043670364893987453715631e-01"
) parse(
BigFloat,
"1.25008058679674556777889991414983586865596309857950900179474959663562" *
"8997691210082654235605772357455125137592750064877136890212060683477074" *
"33065263323257527758666657306726546123790748745988263163522213e-01"
) parse(
BigFloat,
"1.25028504568488746214350111935410551728018581689362899676266020148422" *
"9418732092493816433174513600768250515472825463327551549239711913350062" *
"36729082740029567026344316628501865273908616953369807293035319e-01"
) parse(
BigFloat,
"1.25049851827014198106349239948499766125557946375313792545691320657655" *
"6375619771297903611283137493813776761462965733844829260274030650417098" *
"68124878955187932673122712346432006437203706439859401898671733e-01"
) parse(
BigFloat,
"1.25068850527017911766391737792646843925604931644511170907372478961339" *
"0659301213160032386111605172816486739742920773743311215100620942322649" *
"96054319477875343486119593430419536141509153450625856672454228e-01"
) parse(
BigFloat,
"1.25082608288799826368738823136122378753874092037359971912308681075151" *
"8507035352306888716771523522408528657342224987945744395990356629719188" *
"34958582937903514729384163323743953584455873912006205278043644e-01"
) parse(
BigFloat,
"1.25089030619693710305045702051537328831767807075000056245083242900547" *
"0302343519924524922443708997807166219000598634668436393459912241341158" *
"01935727154090666050745023237553321821485082576026690779314504e-01"
) parse(
BigFloat,
"1.25087139780504889622396081419234088084916237874945764134350404084238" *
"8279264727854733356325480621839905720640663455578063363941997809223908" *
"98753243958092506265227589729645961070980998057844085648088700e-01"
) parse(
BigFloat,
"1.25077223635995243392624350865256075967871315314009534621881365677870" *
"2860915275126233665830561048535142781521290300794451870200315314651253" *
"77711815805779066438950391947958037335093908747787461313607806e-01"
) parse(
BigFloat,
"1.25060791829124431254305587223146537185676786890390293994263998416033" *
"9360701935250977233859439683785355781985636771317751945607663322791899" *
"03897007574332233979562876910183274324197764598257791643038439e-01"
) parse(
BigFloat,
"1.25040345951683190372660590399874545762851171360868233527266569725666" *
"1660973475890499948788131795599986711757344751916519241125917952852275" *
"62452948023147140849146691899226348934881164987575235671751218e-01"
) parse(
BigFloat,
"1.25018998700704263783206584916613537828275989373249556159403136274483" *
"7620125528932337132790617446422315396300039796898783164227688724724767" *
"21173566136452709356779284116878124474023661696784892641773913e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658131129955115821887965143233442382157842862628087" *
"8389482252841866718051712740268947289955961133051053249961869777613692" *
"77900164903561361558977510190392370132747967153792635931388453e-01"
) parse(
BigFloat,
"1.40625057486830574055642422739428256685416360834644545375815812354874" *
"4437614976759934806913904430668753170844923097070599131255747607430084" *
"68161397304263639534760380857842594019672840508005410097315849e-01"
) parse(
BigFloat,
"1.40625079027362146426162885982275553434822350659133927732998491138280" *
"6699681808862746970631978273097352607664584818790992453859919313756858" *
"19060850812165384906777610745781716880940082148621377063867328e-01"
) parse(
BigFloat,
"1.40625091078355429812422108070390440007888332556466597918719564663112" *
"2915484998585000455489301217157797296298242848732559189037128820988944" *
"45949621467160856496828426487233934466238749828824138103340213e-01"
) parse(
BigFloat,
"1.40625091805155938997293419218794903075076306268542119439017475111918" *
"0395445521537693823372951597598112886082633047058327146064595911054360" *
"19582966980003012540299054974341151325604687106833674391523536e-01"
) parse(
BigFloat,
"1.40625081097114884897465563905666527288373074103575180971729088342902" *
"0929558840642437322123447454028756182139844929196388412465839858985561" *
"59574173857421101875441617921943348806683150821771478374505670e-01"
) parse(
BigFloat,
"1.40625060584434449681042133559789084662775415422205781384470106775467" *
"4901969610290976883190982825315926341454489403378703484059416213877163" *
"13148345075618197537073782663573384049361491013718951211463308e-01"
) parse(
BigFloat,
"1.40625033389984282167342778670162783060674978134874727893497679265049" *
"6224579126169851441336416853317209926302299774739549051216059183682326" *
"78476487206444426543798081855190219322952700403383138655999219e-01"
) parse(
BigFloat,
"1.40625003653872902403401304388809532971525620217030321054740234713374" *
"1265307907691516751294787826840975653909899924054955991785805581950024" *
"17074944327472345837562184471611253858514888676552363161489895e-01"
) parse(
BigFloat,
"1.40624975903153709460308564792693752824146313943151514214369293341012" *
"9145917095007775963698678502129394093900210065481196622676205305928934" *
"61133761498057095148723559458667201654352792779158297485498295e-01"
) parse(
BigFloat,
"1.40624954362622139252456889161886292685674597488757431700894816146777" *
"2060727651120346400521807780874123464771759800395550714837676592595410" *
"98919962210577432810969246193794288742231947002261019501481248e-01"
) parse(
BigFloat,
"1.40624942311628857470254644247500099738061221051710808464959332265698" *
"3674540133921504846384247512130877452442697733664682093707043030726757" *
"83112359920246058207472009749635453009571020193750860290312476e-01"
) parse(
BigFloat,
"1.40624941584828348391193677425333064872162340738085773210043653769804" *
"0987323653163290001992584766721923344527556904771919123803849189825039" *
"04974348983837781284191344507594383445970441627228204998776569e-01"
) parse(
BigFloat,
"1.40624952292869401036602979550264786007724149644880877573193368450209" *
"2692785504795300136501029677245478172978475065330391653240293636096937" *
"90540305358837585825788779708941477326052732533437256515573093e-01"
) parse(
BigFloat,
"1.40624972805549834090357622284102392022282656242106515732276498399149" *
"5320542270373367423390219835960904706539808482713863989225184863166999" *
"36286523319195247156962122292365680170152482339322353262554477e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658131129955115821887965143233442382157842862628087" *
"8389482252841866718051712740268947289955961133051053249961869777613692" *
"77900164903561361558977510190392370132747967153792635931388453e-01"
) parse(
BigFloat,
"1.40625057486830574055642422739428256685416360834644545375815812354874" *
"4437614976759934806913904430668753170844923097070599131255747607430084" *
"68161397304263639534760380857842594019672840508005410097315849e-01"
) parse(
BigFloat,
"1.40625079027362146426162885982275553434822350659133927732998491138280" *
"6699681808862746970631978273097352607664584818790992453859919313756858" *
"19060850812165384906777610745781716880940082148621377063867328e-01"
) parse(
BigFloat,
"1.40625091078355429812422108070390440007888332556466597918719564663112" *
"2915484998585000455489301217157797296298242848732559189037128820988944" *
"45949621467160856496828426487233934466238749828824138103340213e-01"
) parse(
BigFloat,
"1.40625091805155938997293419218794903075076306268542119439017475111918" *
"0395445521537693823372951597598112886082633047058327146064595911054360" *
"19582966980003012540299054974341151325604687106833674391523536e-01"
) parse(
BigFloat,
"1.40625081097114884897465563905666527288373074103575180971729088342902" *
"0929558840642437322123447454028756182139844929196388412465839858985561" *
"59574173857421101875441617921943348806683150821771478374505670e-01"
) parse(
BigFloat,
"1.40625060584434449681042133559789084662775415422205781384470106775467" *
"4901969610290976883190982825315926341454489403378703484059416213877163" *
"13148345075618197537073782663573384049361491013718951211463308e-01"
) parse(
BigFloat,
"1.40625033389984282167342778670162783060674978134874727893497679265049" *
"6224579126169851441336416853317209926302299774739549051216059183682326" *
"78476487206444426543798081855190219322952700403383138655999219e-01"
) parse(
BigFloat,
"1.40625003653872902403401304388809532971525620217030321054740234713374" *
"1265307907691516751294787826840975653909899924054955991785805581950024" *
"17074944327472345837562184471611253858514888676552363161489895e-01"
) parse(
BigFloat,
"1.40624975903153709460308564792693752824146313943151514214369293341012" *
"9145917095007775963698678502129394093900210065481196622676205305928934" *
"61133761498057095148723559458667201654352792779158297485498295e-01"
) parse(
BigFloat,
"1.40624954362622139252456889161886292685674597488757431700894816146777" *
"2060727651120346400521807780874123464771759800395550714837676592595410" *
"98919962210577432810969246193794288742231947002261019501481248e-01"
) parse(
BigFloat,
"1.40624942311628857470254644247500099738061221051710808464959332265698" *
"3674540133921504846384247512130877452442697733664682093707043030726757" *
"83112359920246058207472009749635453009571020193750860290312476e-01"
) parse(
BigFloat,
"1.40624941584828348391193677425333064872162340738085773210043653769804" *
"0987323653163290001992584766721923344527556904771919123803849189825039" *
"04974348983837781284191344507594383445970441627228204998776569e-01"
) parse(
BigFloat,
"1.40624952292869401036602979550264786007724149644880877573193368450209" *
"2692785504795300136501029677245478172978475065330391653240293636096937" *
"90540305358837585825788779708941477326052732533437256515573093e-01"
) parse(
BigFloat,
"1.40624972805549834090357622284102392022282656242106515732276498399149" *
"5320542270373367423390219835960904706539808482713863989225184863166999" *
"36286523319195247156962122292365680170152482339322353262554477e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239656286926005272642807096617016755594945401563592" *
"5959953355716325506615442618364255496427234202837151997989366762574382" *
"30415924521134466443579603887000144867572037117767937109125396e-01"
) parse(
BigFloat,
"1.56213122324242734372429411959149356144830824764991800257547835109486" *
"6750231896488628468418578822469952896273595661800387153037291697854081" *
"78464244235617384113987135495125726818045966095668034789064455e-01"
) parse(
BigFloat,
"1.56191775066782987438062521516712259190462917062331484773923480418186" *
"4745262053215900990352691596158589860475238219757927672165364569709641" *
"53543311250731232512298668740717152643829741707576112821990835e-01"
) parse(
BigFloat,
"1.56172776357781013927494566330527608408937522333054990134215543985320" *
"6951875885050840539744270683887555182180271354031977387340625280170906" *
"69579012209863422616805194417185222554265888276618278131334440e-01"
) parse(
BigFloat,
"1.56159018580923983686399277815345822497641302676315596642665175144703" *
"7564753389894063093138469438266737682801951712530368286751542921440615" *
"02039425838798253267149554392010354738523710804466250800416130e-01"
) parse(
BigFloat,
"1.56152596234659702851821853976433401255731933125712492937395434847908" *
"1646041724760538295704969403616268222231895113099070957886711238704226" *
"30151316152895634997294936581044481050121391933664086664802079e-01"
) parse(
BigFloat,
"1.56154487062836334142702835211151220009918303015930407030779127605449" *
"5262559710113624892121447057772828141411877682584723650553889892580802" *
"68935889300731163025834465565671876305969417280875249451666779e-01"
) parse(
BigFloat,
"1.56164403202153741773115745989483890031687141792794048199662235603234" *
"4926655927896458937793000409913130738311574216540843601764394330672406" *
"89839545557084391706609641757520183779268605682284306557945632e-01"
) parse(
BigFloat,
"1.56180835007825531836748661910970136944658948409929630537693908097879" *
"8881217692333249597732490661594025831788804381722658792828031511181267" *
"73174386383949401708907999048939949438808968198993436109294243e-01"
) parse(
BigFloat,
"1.56201280884756982582065116205809238226120609925181924626120067841519" *
"6727413974720735313179700906904211632678815214344340665053795467397660" *
"68343932361670518306434966542613427891866164334358987098164442e-01"
) parse(
BigFloat,
"1.56222628133679476729614961755323821220799967791560615587627602212745" *
"7546943074338122476848360313334615011886992456018353507734810785735838" *
"59000421838649066281324392178334826267879063815669555411469584e-01"
) parse(
BigFloat,
"1.56241626831308501685569171168044544911985654696788702297129916292149" *
"6790520444678020922034881781763474067510584919298397402164276050284841" *
"86184740380631010465706831124776994621053367258912493673958064e-01"
) parse(
BigFloat,
"1.56255384600619006623375256835710731702832764329669857329995946904651" *
"0808240059566650461141050216557052532141225936595857162560551123287374" *
"22691209412307057748060843890638547634763978813836579783143881e-01"
) parse(
BigFloat,
"1.56261806947583837579863101346664664638968066986230252215562827540488" *
"7439088807697149747775840360925829006183951406285055466994448427564154" *
"51712057748009742659706027776144038417901000468569166831626794e-01"
) parse(
BigFloat,
"1.56259916127944459075799165004893439409140453721999863170003219272899" *
"0462899326114435206701290467432317188437363293353031563657984926138356" *
"64474280099471463879389205991097223235175466310890232259789056e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239656286926005272642807096617016755594945401563592" *
"5959953355716325506615442618364255496427234202837151997989366762574382" *
"30415924521134466443579603887000144867572037117767937109125396e-01"
) parse(
BigFloat,
"1.56213122324242734372429411959149356144830824764991800257547835109486" *
"6750231896488628468418578822469952896273595661800387153037291697854081" *
"78464244235617384113987135495125726818045966095668034789064455e-01"
) parse(
BigFloat,
"1.56191775066782987438062521516712259190462917062331484773923480418186" *
"4745262053215900990352691596158589860475238219757927672165364569709641" *
"53543311250731232512298668740717152643829741707576112821990835e-01"
) parse(
BigFloat,
"1.56172776357781013927494566330527608408937522333054990134215543985320" *
"6951875885050840539744270683887555182180271354031977387340625280170906" *
"69579012209863422616805194417185222554265888276618278131334440e-01"
) parse(
BigFloat,
"1.56159018580923983686399277815345822497641302676315596642665175144703" *
"7564753389894063093138469438266737682801951712530368286751542921440615" *
"02039425838798253267149554392010354738523710804466250800416130e-01"
) parse(
BigFloat,
"1.56152596234659702851821853976433401255731933125712492937395434847908" *
"1646041724760538295704969403616268222231895113099070957886711238704226" *
"30151316152895634997294936581044481050121391933664086664802079e-01"
) parse(
BigFloat,
"1.56154487062836334142702835211151220009918303015930407030779127605449" *
"5262559710113624892121447057772828141411877682584723650553889892580802" *
"68935889300731163025834465565671876305969417280875249451666779e-01"
) parse(
BigFloat,
"1.56164403202153741773115745989483890031687141792794048199662235603234" *
"4926655927896458937793000409913130738311574216540843601764394330672406" *
"89839545557084391706609641757520183779268605682284306557945632e-01"
) parse(
BigFloat,
"1.56180835007825531836748661910970136944658948409929630537693908097879" *
"8881217692333249597732490661594025831788804381722658792828031511181267" *
"73174386383949401708907999048939949438808968198993436109294243e-01"
) parse(
BigFloat,
"1.56201280884756982582065116205809238226120609925181924626120067841519" *
"6727413974720735313179700906904211632678815214344340665053795467397660" *
"68343932361670518306434966542613427891866164334358987098164442e-01"
) parse(
BigFloat,
"1.56222628133679476729614961755323821220799967791560615587627602212745" *
"7546943074338122476848360313334615011886992456018353507734810785735838" *
"59000421838649066281324392178334826267879063815669555411469584e-01"
) parse(
BigFloat,
"1.56241626831308501685569171168044544911985654696788702297129916292149" *
"6790520444678020922034881781763474067510584919298397402164276050284841" *
"86184740380631010465706831124776994621053367258912493673958064e-01"
) parse(
BigFloat,
"1.56255384600619006623375256835710731702832764329669857329995946904651" *
"0808240059566650461141050216557052532141225936595857162560551123287374" *
"22691209412307057748060843890638547634763978813836579783143881e-01"
) parse(
BigFloat,
"1.56261806947583837579863101346664664638968066986230252215562827540488" *
"7439088807697149747775840360925829006183951406285055466994448427564154" *
"51712057748009742659706027776144038417901000468569166831626794e-01"
) parse(
BigFloat,
"1.56259916127944459075799165004893439409140453721999863170003219272899" *
"0462899326114435206701290467432317188437363293353031563657984926138356" *
"64474280099471463879389205991097223235175466310890232259789056e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581465646665003139866651385664478792040645839647612" *
"8041105428960395494335888281619760861599413291824364211180775384399034" *
"09586810017240530363305182680185022662171198582004316918342845e-01"
) parse(
BigFloat,
"1.71869886682612923049044404808914986785917672501930023309448276237922" *
"0783418934587961912325963136690574856499598739516967295730120277933127" *
"10314519206185896387086508448303332026669964155345222117740819e-01"
) parse(
BigFloat,
"1.71859378379130778061499142380161354509603572666794485627183934772782" *
"5461874197317715715990973459591637064257008818898055691316712951119646" *
"10355363647394821574499398045419030894564237028842035260332541e-01"
) parse(
BigFloat,
"1.71845447149869885420612805731597107269647807545013856980427632847204" *
"3924920056344483251270545499505970638214341216659638011025094857556587" *
"96919323939475228128496101861292567336442319227877553509580596e-01"
) parse(
BigFloat,
"1.71830213898198631328352292488192050703898501718843161665302698390661" *
"1450205992345358903154562818320806276930567209608540624554981837646086" *
"23854579308343291773095773346160371085168184878166908197195491e-01"
) parse(
BigFloat,
"1.71815997748594674275107179259409236699028369622593132605467427163013" *
"4312222770370910556812209310539149746752418051124455655303837013014557" *
"11207658391223315361142526662345293717401537476883598790432320e-01"
) parse(
BigFloat,
"1.71804962980965855908731608591678017966890912105812138481862082937719" *
"5022210806506500574383106620829297545793035289843549818402238052147691" *
"40564244198701490067759662913967763719166378296476200714426359e-01"
) parse(
BigFloat,
"1.71798789538653269674414453599311839799968262846163918986585919620831" *
"0626386831736983876762666470483655397820402066357343441976720841993316" *
"47067498974230445388091221258851221395695407710930504817187926e-01"
) parse(
BigFloat,
"1.71798417272286289882302342921524621801551920001842129150081251100659" *
"0960451218605027107824297041964167097414688109983291121728020781895006" *
"25675015077296009588025919714266040728937698592082171485661953e-01"
) parse(
BigFloat,
"1.71803902856044205862958607033065029970790538833231046528969574034566" *
"7354308142206279891421793169377056481238813261225261881775600806496485" *
"20413220626442402987717195570865652778854216313217906956130181e-01"
) parse(
BigFloat,
"1.71814411159526459247933360074034596903657857009821784772247211746829" *
"6383033241009943878671942658016756346559781076032866700138491228976129" *
"11339113018563112840978987592065895644931064943791213355456793e-01"
) parse(
BigFloat,
"1.71828342388785861737699586472238289870365288432320030673595734234039" *
"0693163466164240163727117188641139913473436134111079853002446776705610" *
"76814128552474577347225531599739966477285137184184562846950816e-01"
) parse(
BigFloat,
"1.71843575640454900040606563728427420853979358537315450646281796421991" *
"5381465161317535355721888877048617979576143197115736255523645274099370" *
"85168908647924313123381673280904706496295488031457336249494477e-01"
) parse(
BigFloat,
"1.71857791790057213645616654701757979406123433269551566044579720871358" *
"6532661048797511617390383684672871737882768294846209145247625625606168" *
"44681636681880339342117653349368711995716223545791743523580407e-01"
) parse(
BigFloat,
"1.71868826557685923614562734757273267195607865345895632745469469990679" *
"1526735204145894239628018702519375599751140770534550861216580689022889" *
"00873952456448635610830141177797914496830555261410910380692606e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581465646665003139866651385664478792040645839647612" *
"8041105428960395494335888281619760861599413291824364211180775384399034" *
"09586810017240530363305182680185022662171198582004316918342845e-01"
) parse(
BigFloat,
"1.71869886682612923049044404808914986785917672501930023309448276237922" *
"0783418934587961912325963136690574856499598739516967295730120277933127" *
"10314519206185896387086508448303332026669964155345222117740819e-01"
) parse(
BigFloat,
"1.71859378379130778061499142380161354509603572666794485627183934772782" *
"5461874197317715715990973459591637064257008818898055691316712951119646" *
"10355363647394821574499398045419030894564237028842035260332541e-01"
) parse(
BigFloat,
"1.71845447149869885420612805731597107269647807545013856980427632847204" *
"3924920056344483251270545499505970638214341216659638011025094857556587" *
"96919323939475228128496101861292567336442319227877553509580596e-01"
) parse(
BigFloat,
"1.71830213898198631328352292488192050703898501718843161665302698390661" *
"1450205992345358903154562818320806276930567209608540624554981837646086" *
"23854579308343291773095773346160371085168184878166908197195491e-01"
) parse(
BigFloat,
"1.71815997748594674275107179259409236699028369622593132605467427163013" *
"4312222770370910556812209310539149746752418051124455655303837013014557" *
"11207658391223315361142526662345293717401537476883598790432320e-01"
) parse(
BigFloat,
"1.71804962980965855908731608591678017966890912105812138481862082937719" *
"5022210806506500574383106620829297545793035289843549818402238052147691" *
"40564244198701490067759662913967763719166378296476200714426359e-01"
) parse(
BigFloat,
"1.71798789538653269674414453599311839799968262846163918986585919620831" *
"0626386831736983876762666470483655397820402066357343441976720841993316" *
"47067498974230445388091221258851221395695407710930504817187926e-01"
) parse(
BigFloat,
"1.71798417272286289882302342921524621801551920001842129150081251100659" *
"0960451218605027107824297041964167097414688109983291121728020781895006" *
"25675015077296009588025919714266040728937698592082171485661953e-01"
) parse(
BigFloat,
"1.71803902856044205862958607033065029970790538833231046528969574034566" *
"7354308142206279891421793169377056481238813261225261881775600806496485" *
"20413220626442402987717195570865652778854216313217906956130181e-01"
) parse(
BigFloat,
"1.71814411159526459247933360074034596903657857009821784772247211746829" *
"6383033241009943878671942658016756346559781076032866700138491228976129" *
"11339113018563112840978987592065895644931064943791213355456793e-01"
) parse(
BigFloat,
"1.71828342388785861737699586472238289870365288432320030673595734234039" *
"0693163466164240163727117188641139913473436134111079853002446776705610" *
"76814128552474577347225531599739966477285137184184562846950816e-01"
) parse(
BigFloat,
"1.71843575640454900040606563728427420853979358537315450646281796421991" *
"5381465161317535355721888877048617979576143197115736255523645274099370" *
"85168908647924313123381673280904706496295488031457336249494477e-01"
) parse(
BigFloat,
"1.71857791790057213645616654701757979406123433269551566044579720871358" *
"6532661048797511617390383684672871737882768294846209145247625625606168" *
"44681636681880339342117653349368711995716223545791743523580407e-01"
) parse(
BigFloat,
"1.71868826557685923614562734757273267195607865345895632745469469990679" *
"1526735204145894239628018702519375599751140770534550861216580689022889" *
"00873952456448635610830141177797914496830555261410910380692606e-01"
)
]
tab_u0[ :, :, 9, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861143294416027737833719486311733139040564469362" *
"7676494532038870849827009120911680556487557662044373413307706275255938" *
"63989887963024458978299605526827153379767623993813432498470843e-01"
) parse(
BigFloat,
"1.24979819887414000118822480252963809176613703468368974814549135605133" *
"1276176147402238211880681974847275223587866399324049888014694851142734" *
"75022529037007975666144135561298391337747224167045124320580933e-01"
) parse(
BigFloat,
"1.24981710719056295499024984075625673729214181568449877065702360715911" *
"3762578053204434548156910747115963792312571181694649243297809005027485" *
"27818065163041765863918828894354245461485469361967976478971939e-01"
) parse(
BigFloat,
"1.24991626864266491852054940038817295209897786369323813874345132492504" *
"9760085465453396562597758417924668823836592368888548685501136301206701" *
"15365348814358491430602007318356948513690147790905694783608578e-01"
) parse(
BigFloat,
"1.25008058679674556778292289335906206963194461485906017774133271465077" *
"8244309967366966976430969375046445995332669304048368114711908011062522" *
"05081592523748445232773888571576915709800848551797653984601540e-01"
) parse(
BigFloat,
"1.25028504568488746214791532454152659271350602044519851005460474245830" *
"6622679420734544235435991286325665850195456718677210765224036161666674" *
"98125249505343524583385234041253623113771246729298557594656583e-01"
) parse(
BigFloat,
"1.25049851827014198106792116091771376582968170086702530472869161429578" *
"9940534158586331543567964704034045190842855968978685653368346357511144" *
"54459983658240877529141199603960019509205897181536652468196301e-01"
) parse(
BigFloat,
"1.25068850527017911766801792547088064286391707592849812366367197964685" *
"0117943094867442287858627680748794777565384193568075043804814374500832" *
"23930530150169334218083278356283352360992919758966171333599025e-01"
) parse(
BigFloat,
"1.25082608288799826369090050247646201648632949294948580976761940426380" *
"9880883619178137164047685534507698233748967226755304186477483960731974" *
"47858739509851253035220652146810861755578651986547340121353151e-01"
) parse(
BigFloat,
"1.25089030619693710305322069608973359432366006488242913976701823262854" *
"2008511071540221428257139970564020559909034260045755838275029340404548" *
"24109214414436414757153221312464198945782955069252848686766719e-01"
) parse(
BigFloat,
"1.25087139780504889622591118215111197812049916581766591982419070616328" *
"2617189637785737459961510313189449055438573688703886272393096566777822" *
"62635170169363223960238203295845357700991709067687924793975227e-01"
) parse(
BigFloat,
"1.25077223635995243392740351260034622591982524924757529527228929361226" *
"3533505997383332690298104517183469342472394568737620763072795270045874" *
"06238572694700698297311500289123082569234727884641488938333592e-01"
) parse(
BigFloat,
"1.25060791829124431254353600967996204142586228442872267187513136312058" *
"2952161202463339692760689937312192970965863477750715096001610344320282" *
"67108795754014142531183894106091919608467756625562424810488913e-01"
) parse(
BigFloat,
"1.25040345951683190372661001529898855922681478559113953409619597518254" *
"3768981134120146097020587701472053610533414146057046091196006377902560" *
"15948305055494008125356836695286952787280169946738078065228139e-01"
) parse(
BigFloat,
"1.25018998700704263783188865463455777274804182500219250375832785015790" *
"2013731160877503278596151816948472392971084145322325095530552156182755" *
"29787514930226279947259941428600076503201434577934558566715653e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861143294416027737833719486311733139040564469362" *
"7676494532038870849827009120911680556487557662044373413307706275255938" *
"63989887963024458978299605526827153379767623993813432498470843e-01"
) parse(
BigFloat,
"1.24979819887414000118822480252963809176613703468368974814549135605133" *
"1276176147402238211880681974847275223587866399324049888014694851142734" *
"75022529037007975666144135561298391337747224167045124320580933e-01"
) parse(
BigFloat,
"1.24981710719056295499024984075625673729214181568449877065702360715911" *
"3762578053204434548156910747115963792312571181694649243297809005027485" *
"27818065163041765863918828894354245461485469361967976478971939e-01"
) parse(
BigFloat,
"1.24991626864266491852054940038817295209897786369323813874345132492504" *
"9760085465453396562597758417924668823836592368888548685501136301206701" *
"15365348814358491430602007318356948513690147790905694783608578e-01"
) parse(
BigFloat,
"1.25008058679674556778292289335906206963194461485906017774133271465077" *
"8244309967366966976430969375046445995332669304048368114711908011062522" *
"05081592523748445232773888571576915709800848551797653984601540e-01"
) parse(
BigFloat,
"1.25028504568488746214791532454152659271350602044519851005460474245830" *
"6622679420734544235435991286325665850195456718677210765224036161666674" *
"98125249505343524583385234041253623113771246729298557594656583e-01"
) parse(
BigFloat,
"1.25049851827014198106792116091771376582968170086702530472869161429578" *
"9940534158586331543567964704034045190842855968978685653368346357511144" *
"54459983658240877529141199603960019509205897181536652468196301e-01"
) parse(
BigFloat,
"1.25068850527017911766801792547088064286391707592849812366367197964685" *
"0117943094867442287858627680748794777565384193568075043804814374500832" *
"23930530150169334218083278356283352360992919758966171333599025e-01"
) parse(
BigFloat,
"1.25082608288799826369090050247646201648632949294948580976761940426380" *
"9880883619178137164047685534507698233748967226755304186477483960731974" *
"47858739509851253035220652146810861755578651986547340121353151e-01"
) parse(
BigFloat,
"1.25089030619693710305322069608973359432366006488242913976701823262854" *
"2008511071540221428257139970564020559909034260045755838275029340404548" *
"24109214414436414757153221312464198945782955069252848686766719e-01"
) parse(
BigFloat,
"1.25087139780504889622591118215111197812049916581766591982419070616328" *
"2617189637785737459961510313189449055438573688703886272393096566777822" *
"62635170169363223960238203295845357700991709067687924793975227e-01"
) parse(
BigFloat,
"1.25077223635995243392740351260034622591982524924757529527228929361226" *
"3533505997383332690298104517183469342472394568737620763072795270045874" *
"06238572694700698297311500289123082569234727884641488938333592e-01"
) parse(
BigFloat,
"1.25060791829124431254353600967996204142586228442872267187513136312058" *
"2952161202463339692760689937312192970965863477750715096001610344320282" *
"67108795754014142531183894106091919608467756625562424810488913e-01"
) parse(
BigFloat,
"1.25040345951683190372661001529898855922681478559113953409619597518254" *
"3768981134120146097020587701472053610533414146057046091196006377902560" *
"15948305055494008125356836695286952787280169946738078065228139e-01"
) parse(
BigFloat,
"1.25018998700704263783188865463455777274804182500219250375832785015790" *
"2013731160877503278596151816948472392971084145322325095530552156182755" *
"29787514930226279947259941428600076503201434577934558566715653e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658119971695324610509714998604650844542803582615907" *
"1916341043800983111120981063917644836415477033378045205803573478410119" *
"53534552790120938086500815871463367628112493457083352390918508e-01"
) parse(
BigFloat,
"1.40625057486830574055642788387835421356743875058552059270879937922185" *
"0146180888404906309058825444263263151592263667233099808242233854358096" *
"11376481102204932551964985343444060316580588651892087862519535e-01"
) parse(
BigFloat,
"1.40625079027362146426195704483355277008679059810591321959334871334275" *
"1675025964811666542671335369658982693790409242586646026317009487194704" *
"72427684789101829309763321554019173860607889109078532466711893e-01"
) parse(
BigFloat,
"1.40625091078355429812503425190561237335635876389220271179082004137444" *
"2333285752940732475287768854849855699193226850539411621115820070573848" *
"26155902986554473562303192326873999281670356444080608334680472e-01"
) parse(
BigFloat,
"1.40625091805155938997431977345646587218559519283291440573944317020810" *
"3178773501601726894960601441763582481220848701567959925964050899296027" *
"21918847403053415692998307046948440520671420206484435482435171e-01"
) parse(
BigFloat,
"1.40625081097114884897661446804000027171518617559217650778018726090347" *
"2801089438094800207931969867502384556787303910070213632286080969432341" *
"13874559233642815300842416894665086479214126847420254620422981e-01"
) parse(
BigFloat,
"1.40625060584434449681286696636896858979870645440578910359384248351473" *
"0914415844398102037172621944922969352130002642952761613755160446585850" *
"38406619574389453786136714267588708838220699809414342229472062e-01"
) parse(
BigFloat,
"1.40625033389984282167619908743317509409603205575148125388986108408079" *
"8598976689548230214235000103100102270541222565404173563818293395193267" *
"16316566005261691440002198423606206529066172745886546053116685e-01"
) parse(
BigFloat,
"1.40625003653872902403689850143101559005715084430163169814625919889991" *
"4486220716149595207110193638290672102430556562460304650530368269291511" *
"25663033333984906378365188459743263360438235174320278338408164e-01"
) parse(
BigFloat,
"1.40624975903153709460585581172599214839697521556554268889205041167479" *
"7312645909332633536315405119324334332475468723530670479484678045304762" *
"17627615928864913318858670526157046114205820134115060509410724e-01"
) parse(
BigFloat,
"1.40624954362622139252701187537415637582752647800615684112766530674056" *
"6990616761097316234807253433777975872106590104790743646406419091259370" *
"78639677298567756360255612613087514054532393512094266515635484e-01"
) parse(
BigFloat,
"1.40624942311628857470450074488991300490928335753916069931530322645368" *
"5022841898002458895586009967154611014304635479289776797698670717455387" *
"65284920005476304368802618285722874560266215813071787842995249e-01"
) parse(
BigFloat,
"1.40624941584828348391331609238797290502355605944214448012001892347021" *
"4121964528659010475484708502766487511241268765057943393992149650043360" *
"82891051129103200966406209961790565452858569406615659086668333e-01"
) parse(
BigFloat,
"1.40624952292869401036683592058435383866572354180006052831150290618168" *
"1941270156446595648585389044060868026749027784280075602802261813049294" *
"80301243680663726562011543340930181429833812972258199074067427e-01"
) parse(
BigFloat,
"1.40624972805549834090389819765202273663052224758508678893991068755537" *
"4872932372251956783672673005157104202307995927553017042679307543286052" *
"57455822624347356524359455366758420995395392933633677786963457e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658119971695324610509714998604650844542803582615907" *
"1916341043800983111120981063917644836415477033378045205803573478410119" *
"53534552790120938086500815871463367628112493457083352390918508e-01"
) parse(
BigFloat,
"1.40625057486830574055642788387835421356743875058552059270879937922185" *
"0146180888404906309058825444263263151592263667233099808242233854358096" *
"11376481102204932551964985343444060316580588651892087862519535e-01"
) parse(
BigFloat,
"1.40625079027362146426195704483355277008679059810591321959334871334275" *
"1675025964811666542671335369658982693790409242586646026317009487194704" *
"72427684789101829309763321554019173860607889109078532466711893e-01"
) parse(
BigFloat,
"1.40625091078355429812503425190561237335635876389220271179082004137444" *
"2333285752940732475287768854849855699193226850539411621115820070573848" *
"26155902986554473562303192326873999281670356444080608334680472e-01"
) parse(
BigFloat,
"1.40625091805155938997431977345646587218559519283291440573944317020810" *
"3178773501601726894960601441763582481220848701567959925964050899296027" *
"21918847403053415692998307046948440520671420206484435482435171e-01"
) parse(
BigFloat,
"1.40625081097114884897661446804000027171518617559217650778018726090347" *
"2801089438094800207931969867502384556787303910070213632286080969432341" *
"13874559233642815300842416894665086479214126847420254620422981e-01"
) parse(
BigFloat,
"1.40625060584434449681286696636896858979870645440578910359384248351473" *
"0914415844398102037172621944922969352130002642952761613755160446585850" *
"38406619574389453786136714267588708838220699809414342229472062e-01"
) parse(
BigFloat,
"1.40625033389984282167619908743317509409603205575148125388986108408079" *
"8598976689548230214235000103100102270541222565404173563818293395193267" *
"16316566005261691440002198423606206529066172745886546053116685e-01"
) parse(
BigFloat,
"1.40625003653872902403689850143101559005715084430163169814625919889991" *
"4486220716149595207110193638290672102430556562460304650530368269291511" *
"25663033333984906378365188459743263360438235174320278338408164e-01"
) parse(
BigFloat,
"1.40624975903153709460585581172599214839697521556554268889205041167479" *
"7312645909332633536315405119324334332475468723530670479484678045304762" *
"17627615928864913318858670526157046114205820134115060509410724e-01"
) parse(
BigFloat,
"1.40624954362622139252701187537415637582752647800615684112766530674056" *
"6990616761097316234807253433777975872106590104790743646406419091259370" *
"78639677298567756360255612613087514054532393512094266515635484e-01"
) parse(
BigFloat,
"1.40624942311628857470450074488991300490928335753916069931530322645368" *
"5022841898002458895586009967154611014304635479289776797698670717455387" *
"65284920005476304368802618285722874560266215813071787842995249e-01"
) parse(
BigFloat,
"1.40624941584828348391331609238797290502355605944214448012001892347021" *
"4121964528659010475484708502766487511241268765057943393992149650043360" *
"82891051129103200966406209961790565452858569406615659086668333e-01"
) parse(
BigFloat,
"1.40624952292869401036683592058435383866572354180006052831150290618168" *
"1941270156446595648585389044060868026749027784280075602802261813049294" *
"80301243680663726562011543340930181429833812972258199074067427e-01"
) parse(
BigFloat,
"1.40624972805549834090389819765202273663052224758508678893991068755537" *
"4872932372251956783672673005157104202307995927553017042679307543286052" *
"57455822624347356524359455366758420995395392933633677786963457e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552163528993154910240081142517875677350158796350" *
"7760706932895508807469778723712366750989763293791178563770124237009415" *
"50708823104765713307301419570722943702217443956891362935547349e-01"
) parse(
BigFloat,
"1.56213122324242734372244325191134725944268527891358684559267018297506" *
"8351468086652125460714215985684415648919160807698428762028171131432216" *
"22931337495062508610407198482706635758620730844676868047854794e-01"
) parse(
BigFloat,
"1.56191775066782987437835227445544092537561135969215035263450177213796" *
"0890218099965569606177750300052213689946406284794585739973392040459840" *
"51956659584932496932723055679049711222381451392526698963621742e-01"
) parse(
BigFloat,
"1.56172776357781013927271255869181490014488695180300931646713830025418" *
"7830334264018891483615055094868631881330341426711531747362577254566586" *
"26735688794875405338277221471965283674826537841419431610348323e-01"
) parse(
BigFloat,
"1.56159018580923983686223694500404457715479980884451949933411563135283" *
"9698029417050964543674003198626370512180597527140134305194296239736456" *
"41509278494710955310041184144299688586107139939478624515307970e-01"
) parse(
BigFloat,
"1.56152596234659702851726862513750894297120019779405517875375667331395" *
"0924598861337930157524313492990798676173452082531466232427437268969854" *
"56676014750157264266068849228803163080488318149419380828341684e-01"
) parse(
BigFloat,
"1.56154487062836334142705760383580056931389791376420812258770355339050" *
"0408875183293182829586206038080249254523896047360331655789525493454507" *
"83223220585446385103111831749868722306994041284660210990097559e-01"
) parse(
BigFloat,
"1.56164403202153741773217991756284586446597003810857953753363548886615" *
"6165362799931949833257023037425755109553431073141125841857912946705282" *
"30932528509163387196264918591559315069829832729166920437456842e-01"
) parse(
BigFloat,
"1.56180835007825531836938349294621467552849678729297290748352838327706" *
"2178504644339214863432262958932984160233976822285288591987254359439053" *
"48060053217141588602714032377600225092898447003535262990525558e-01"
) parse(
BigFloat,
"1.56201280884756982582320669140959808482564085285957539254714937941749" *
"5314347100905817832815892642836708922001619917393286121003662878115040" *
"62443303185891560450496961339652614913203552027213375785512473e-01"
) parse(
BigFloat,
"1.56222628133679476729908052232685648944296596284988179377406801802267" *
"0704282261188050327255664298539680611965618079003788200984754326443271" *
"61327594560206589411630269738301818948106660121561445949121838e-01"
) parse(
BigFloat,
"1.56241626831308501685866771815830011727287736005766203320426617396696" *
"0628060246429232185399707487477022553423498500649042848549507183132970" *
"08941508012843031837584587920024304039792921977732212275169414e-01"
) parse(
BigFloat,
"1.56255384600619006623641812117252964699038459279055563404551347234985" *
"6044506700543690986102057625609344869410837805120174715938892920599678" *
"28990581563271501349608718421662576633396820430933297984552953e-01"
) parse(
BigFloat,
"1.56261806947583837580064162595451274557629673681446018560946320368374" *
"7540816460313985728363011038843030802064231489790717110464193723230350" *
"49934879452577094880629748370153951263367225232074096483639175e-01"
) parse(
BigFloat,
"1.56259916127944459075906979379510948179100017969146142307514698398316" *
"9069864580313750717991495636573153744214639438420116890055222769010076" *
"92819049090095022562598973723359581308027114672115381139547736e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552163528993154910240081142517875677350158796350" *
"7760706932895508807469778723712366750989763293791178563770124237009415" *
"50708823104765713307301419570722943702217443956891362935547349e-01"
) parse(
BigFloat,
"1.56213122324242734372244325191134725944268527891358684559267018297506" *
"8351468086652125460714215985684415648919160807698428762028171131432216" *
"22931337495062508610407198482706635758620730844676868047854794e-01"
) parse(
BigFloat,
"1.56191775066782987437835227445544092537561135969215035263450177213796" *
"0890218099965569606177750300052213689946406284794585739973392040459840" *
"51956659584932496932723055679049711222381451392526698963621742e-01"
) parse(
BigFloat,
"1.56172776357781013927271255869181490014488695180300931646713830025418" *
"7830334264018891483615055094868631881330341426711531747362577254566586" *
"26735688794875405338277221471965283674826537841419431610348323e-01"
) parse(
BigFloat,
"1.56159018580923983686223694500404457715479980884451949933411563135283" *
"9698029417050964543674003198626370512180597527140134305194296239736456" *
"41509278494710955310041184144299688586107139939478624515307970e-01"
) parse(
BigFloat,
"1.56152596234659702851726862513750894297120019779405517875375667331395" *
"0924598861337930157524313492990798676173452082531466232427437268969854" *
"56676014750157264266068849228803163080488318149419380828341684e-01"
) parse(
BigFloat,
"1.56154487062836334142705760383580056931389791376420812258770355339050" *
"0408875183293182829586206038080249254523896047360331655789525493454507" *
"83223220585446385103111831749868722306994041284660210990097559e-01"
) parse(
BigFloat,
"1.56164403202153741773217991756284586446597003810857953753363548886615" *
"6165362799931949833257023037425755109553431073141125841857912946705282" *
"30932528509163387196264918591559315069829832729166920437456842e-01"
) parse(
BigFloat,
"1.56180835007825531836938349294621467552849678729297290748352838327706" *
"2178504644339214863432262958932984160233976822285288591987254359439053" *
"48060053217141588602714032377600225092898447003535262990525558e-01"
) parse(
BigFloat,
"1.56201280884756982582320669140959808482564085285957539254714937941749" *
"5314347100905817832815892642836708922001619917393286121003662878115040" *
"62443303185891560450496961339652614913203552027213375785512473e-01"
) parse(
BigFloat,
"1.56222628133679476729908052232685648944296596284988179377406801802267" *
"0704282261188050327255664298539680611965618079003788200984754326443271" *
"61327594560206589411630269738301818948106660121561445949121838e-01"
) parse(
BigFloat,
"1.56241626831308501685866771815830011727287736005766203320426617396696" *
"0628060246429232185399707487477022553423498500649042848549507183132970" *
"08941508012843031837584587920024304039792921977732212275169414e-01"
) parse(
BigFloat,
"1.56255384600619006623641812117252964699038459279055563404551347234985" *
"6044506700543690986102057625609344869410837805120174715938892920599678" *
"28990581563271501349608718421662576633396820430933297984552953e-01"
) parse(
BigFloat,
"1.56261806947583837580064162595451274557629673681446018560946320368374" *
"7540816460313985728363011038843030802064231489790717110464193723230350" *
"49934879452577094880629748370153951263367225232074096483639175e-01"
) parse(
BigFloat,
"1.56259916127944459075906979379510948179100017969146142307514698398316" *
"9069864580313750717991495636573153744214639438420116890055222769010076" *
"92819049090095022562598973723359581308027114672115381139547736e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294281003540267648254174801540692595983486696836" *
"8060066789863825521900095086427565720566205758050890092495729093864896" *
"86005743159683651572134864134086351466210210325775687420444602e-01"
) parse(
BigFloat,
"1.71869886682612923048724873889774995341106081323441024837054625113432" *
"8510437312423105393450185928094082358733563805525530381760507205278775" *
"75831873058226200266503684235648644422377013571979434822128332e-01"
) parse(
BigFloat,
"1.71859378379130778061077028375120930434124587567750978275727533360006" *
"4794863686433775827213167034278542936692882656588206591369444956829573" *
"67477436354146731003600434447854257090798741675028269479545929e-01"
) parse(
BigFloat,
"1.71845447149869885420149049720081883308113954847911429301029718669072" *
"6413508732556563153699875942468296764377092740693623966968631246963056" *
"63484610061088797666458119213187697133660006340573942773452614e-01"
) parse(
BigFloat,
"1.71830213898198631327913984711959043292928127919194413707389311828578" *
"7583845887168045979432340448497772593496339398142834245205767163765085" *
"93160731399785583842824294608085158522791444489292044181969983e-01"
) parse(
BigFloat,
"1.71815997748594674274757524797491517884679547457350424120069954345191" *
"5185151935850072138151609671257211932858676683258916171447192312090378" *
"57108401490405490923358536814102590959057129566988753145549681e-01"
) parse(
BigFloat,
"1.71804962980965855908520490926753164456198750638364419322897984258950" *
"8502363907646950820977847567987236491228304443090409507012904354364374" *
"67192389254172157617104420514008115104005883261885558652046137e-01"
) parse(
BigFloat,
"1.71798789538653269674370923736017496698687532270590825047798579096504" *
"8146587683979294410471171774240420875155238204943373420907850788020963" *
"37555617002574337164962495135137299783410954022555967258869734e-01"
) parse(
BigFloat,
"1.71798417272286289882430128621835229351861733383072766632646956789968" *
"0924118344410881540543331317569308464252269028919539461527264488833921" *
"11362970160491987675523689169024912382956819787972869578913139e-01"
) parse(
BigFloat,
"1.71803902856044205863235365680112876557867036634469939411817896663962" *
"2934339211391106482954398758493846004361547282247319554432530807555021" *
"07525657007216540367245545281977683483450121053646131490829292e-01"
) parse(
BigFloat,
"1.71814411159526459248313894149663799517381081195259743389989882746580" *
"8916956424353925889279648359749679904792420515257314481737222457030581" *
"28003934832995519192575162154842523898788237587553351268945634e-01"
) parse(
BigFloat,
"1.71828342388785861738122641092472530566935884047953863855703370245142" *
"5759616348720864392986782215886253288301297855496811478796655615398007" *
"01135453321618300954850985614678144070965978347628509330891065e-01"
) parse(
BigFloat,
"1.71843575640454900041004220211237366347189834871295610848186707506332" *
"3742807161419097037644730392052965255381988052614803195278645388758907" *
"24919021192168721332423147254264508401750087130236157450452318e-01"
) parse(
BigFloat,
"1.71857791790057213645924850181192516470809889858707692221602269277451" *
"9257103316337165773664462085065281983441127866739950525921177293028844" *
"14098687067649540728542983717386078470605692225883365682506228e-01"
) parse(
BigFloat,
"1.71868826557685923614731201097034015780261636063946574022254550223504" *
"3681722339961669128387326168942321840818134586241527925607567364887705" *
"78618072655334855835736337729952311456225470871512166471909204e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294281003540267648254174801540692595983486696836" *
"8060066789863825521900095086427565720566205758050890092495729093864896" *
"86005743159683651572134864134086351466210210325775687420444602e-01"
) parse(
BigFloat,
"1.71869886682612923048724873889774995341106081323441024837054625113432" *
"8510437312423105393450185928094082358733563805525530381760507205278775" *
"75831873058226200266503684235648644422377013571979434822128332e-01"
) parse(
BigFloat,
"1.71859378379130778061077028375120930434124587567750978275727533360006" *
"4794863686433775827213167034278542936692882656588206591369444956829573" *
"67477436354146731003600434447854257090798741675028269479545929e-01"
) parse(
BigFloat,
"1.71845447149869885420149049720081883308113954847911429301029718669072" *
"6413508732556563153699875942468296764377092740693623966968631246963056" *
"63484610061088797666458119213187697133660006340573942773452614e-01"
) parse(
BigFloat,
"1.71830213898198631327913984711959043292928127919194413707389311828578" *
"7583845887168045979432340448497772593496339398142834245205767163765085" *
"93160731399785583842824294608085158522791444489292044181969983e-01"
) parse(
BigFloat,
"1.71815997748594674274757524797491517884679547457350424120069954345191" *
"5185151935850072138151609671257211932858676683258916171447192312090378" *
"57108401490405490923358536814102590959057129566988753145549681e-01"
) parse(
BigFloat,
"1.71804962980965855908520490926753164456198750638364419322897984258950" *
"8502363907646950820977847567987236491228304443090409507012904354364374" *
"67192389254172157617104420514008115104005883261885558652046137e-01"
) parse(
BigFloat,
"1.71798789538653269674370923736017496698687532270590825047798579096504" *
"8146587683979294410471171774240420875155238204943373420907850788020963" *
"37555617002574337164962495135137299783410954022555967258869734e-01"
) parse(
BigFloat,
"1.71798417272286289882430128621835229351861733383072766632646956789968" *
"0924118344410881540543331317569308464252269028919539461527264488833921" *
"11362970160491987675523689169024912382956819787972869578913139e-01"
) parse(
BigFloat,
"1.71803902856044205863235365680112876557867036634469939411817896663962" *
"2934339211391106482954398758493846004361547282247319554432530807555021" *
"07525657007216540367245545281977683483450121053646131490829292e-01"
) parse(
BigFloat,
"1.71814411159526459248313894149663799517381081195259743389989882746580" *
"8916956424353925889279648359749679904792420515257314481737222457030581" *
"28003934832995519192575162154842523898788237587553351268945634e-01"
) parse(
BigFloat,
"1.71828342388785861738122641092472530566935884047953863855703370245142" *
"5759616348720864392986782215886253288301297855496811478796655615398007" *
"01135453321618300954850985614678144070965978347628509330891065e-01"
) parse(
BigFloat,
"1.71843575640454900041004220211237366347189834871295610848186707506332" *
"3742807161419097037644730392052965255381988052614803195278645388758907" *
"24919021192168721332423147254264508401750087130236157450452318e-01"
) parse(
BigFloat,
"1.71857791790057213645924850181192516470809889858707692221602269277451" *
"9257103316337165773664462085065281983441127866739950525921177293028844" *
"14098687067649540728542983717386078470605692225883365682506228e-01"
) parse(
BigFloat,
"1.71868826557685923614731201097034015780261636063946574022254550223504" *
"3681722339961669128387326168942321840818134586241527925607567364887705" *
"78618072655334855835736337729952311456225470871512166471909204e-01"
)
]
tab_u0[ :, :, 10, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861082794366593456949585290044502096583078813239" *
"0738575755811625016382827686548000130969298723606780424783073682121154" *
"38233656838871279050979843375716128403174276984435561109457043e-01"
) parse(
BigFloat,
"1.24979819887414000118822183667885186141573368408976005991750532866160" *
"1938621676876444197165012706169251781802894905566867852824833643521421" *
"53822009158325542887910074227952497632214558001889602292249600e-01"
) parse(
BigFloat,
"1.24981710719056295499024310959710218391764127744435284682894904860466" *
"4108831053738014384755338677358511346793771923389535922262746851169744" *
"17826233052862377506969248937467696770573112323429650119270074e-01"
) parse(
BigFloat,
"1.24991626864266491852053810842179236785519924302846108214308543575364" *
"1192691541952168434725931622914957870336072448659500742644760117461654" *
"82450844448903019797692542912985954917856679557366309999300557e-01"
) parse(
BigFloat,
"1.25008058679674556778290699808836540116895942340448685844955997399861" *
"7669776385785522444795924236328001946545513716367605825258687490634284" *
"72443485028234146817219679881417347867650356000626047431162271e-01"
) parse(
BigFloat,
"1.25028504568488746214789553164495482766719912044546700497201962624877" *
"5338095088110557693983157163965413724430291326591637241632181063620900" *
"89237267196452181368831136847020844941916838293386352744510593e-01"
) parse(
BigFloat,
"1.25049851827014198106789877776435382342093438331121701031323655136918" *
"6915712115441478984780297665243290061164207439126014896372480768555289" *
"67575359173735076300114301996364086966166449770560698190024632e-01"
) parse(
BigFloat,
"1.25068850527017911766799461802508251673064178161001652664865763290209" *
"9522441751747803377893734362202271281372332789480990605560721273190887" *
"54754079191388000998817913724706617206479848375557189398466675e-01"
) parse(
BigFloat,
"1.25082608288799826369087801845402625525231592683742498806253138067344" *
"1450383602105915819719564955287163237042524710248108357756169735076907" *
"37776839891078440205556156090142422025364467172739571591126645e-01"
) parse(
BigFloat,
"1.25089030619693710305320061027395885878177406982997347397206628522703" *
"1620128169123227589807966282690511062522360883826116261092724744537770" *
"09605153163716634457446043745616214307945855987124404216086135e-01"
) parse(
BigFloat,
"1.25087139780504889622589469605071606190361896905436653153932640974204" *
"9606115272848802145446330581487022744781610908387659812459787102014447" *
"27226117146622628969287809924719907017524520058920452118332185e-01"
) parse(
BigFloat,
"1.25077223635995243392739131576696110512333630101089666137996230776884" *
"0149053717778178896118650755241109880622427985453971352520550817433179" *
"06315109779866765308983027831758076070647778638592473378487733e-01"
) parse(
BigFloat,
"1.25060791829124431254352819772803275066345130926805261523935561031851" *
"7065353666207692601857832727400639423944819097793984709802882623976853" *
"19423452204535547995793169119527081838816623528303621732481065e-01"
) parse(
BigFloat,
"1.25040345951683190372660606361657280396624108679646509519919767638293" *
"7685990566799007438362408921362959704793006089900175678032548821842498" *
"21862342013961119600305109074516702810670016313156030960385570e-01"
) parse(
BigFloat,
"1.25018998700704263783188745880191193064370814459069403283370453010605" *
"9892274660448336230318745284893846414637639910559569785612492228059631" *
"37541661616673767574065639039202236998461769328056760697632946e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861082794366593456949585290044502096583078813239" *
"0738575755811625016382827686548000130969298723606780424783073682121154" *
"38233656838871279050979843375716128403174276984435561109457043e-01"
) parse(
BigFloat,
"1.24979819887414000118822183667885186141573368408976005991750532866160" *
"1938621676876444197165012706169251781802894905566867852824833643521421" *
"53822009158325542887910074227952497632214558001889602292249600e-01"
) parse(
BigFloat,
"1.24981710719056295499024310959710218391764127744435284682894904860466" *
"4108831053738014384755338677358511346793771923389535922262746851169744" *
"17826233052862377506969248937467696770573112323429650119270074e-01"
) parse(
BigFloat,
"1.24991626864266491852053810842179236785519924302846108214308543575364" *
"1192691541952168434725931622914957870336072448659500742644760117461654" *
"82450844448903019797692542912985954917856679557366309999300557e-01"
) parse(
BigFloat,
"1.25008058679674556778290699808836540116895942340448685844955997399861" *
"7669776385785522444795924236328001946545513716367605825258687490634284" *
"72443485028234146817219679881417347867650356000626047431162271e-01"
) parse(
BigFloat,
"1.25028504568488746214789553164495482766719912044546700497201962624877" *
"5338095088110557693983157163965413724430291326591637241632181063620900" *
"89237267196452181368831136847020844941916838293386352744510593e-01"
) parse(
BigFloat,
"1.25049851827014198106789877776435382342093438331121701031323655136918" *
"6915712115441478984780297665243290061164207439126014896372480768555289" *
"67575359173735076300114301996364086966166449770560698190024632e-01"
) parse(
BigFloat,
"1.25068850527017911766799461802508251673064178161001652664865763290209" *
"9522441751747803377893734362202271281372332789480990605560721273190887" *
"54754079191388000998817913724706617206479848375557189398466675e-01"
) parse(
BigFloat,
"1.25082608288799826369087801845402625525231592683742498806253138067344" *
"1450383602105915819719564955287163237042524710248108357756169735076907" *
"37776839891078440205556156090142422025364467172739571591126645e-01"
) parse(
BigFloat,
"1.25089030619693710305320061027395885878177406982997347397206628522703" *
"1620128169123227589807966282690511062522360883826116261092724744537770" *
"09605153163716634457446043745616214307945855987124404216086135e-01"
) parse(
BigFloat,
"1.25087139780504889622589469605071606190361896905436653153932640974204" *
"9606115272848802145446330581487022744781610908387659812459787102014447" *
"27226117146622628969287809924719907017524520058920452118332185e-01"
) parse(
BigFloat,
"1.25077223635995243392739131576696110512333630101089666137996230776884" *
"0149053717778178896118650755241109880622427985453971352520550817433179" *
"06315109779866765308983027831758076070647778638592473378487733e-01"
) parse(
BigFloat,
"1.25060791829124431254352819772803275066345130926805261523935561031851" *
"7065353666207692601857832727400639423944819097793984709802882623976853" *
"19423452204535547995793169119527081838816623528303621732481065e-01"
) parse(
BigFloat,
"1.25040345951683190372660606361657280396624108679646509519919767638293" *
"7685990566799007438362408921362959704793006089900175678032548821842498" *
"21862342013961119600305109074516702810670016313156030960385570e-01"
) parse(
BigFloat,
"1.25018998700704263783188745880191193064370814459069403283370453010605" *
"9892274660448336230318745284893846414637639910559569785612492228059631" *
"37541661616673767574065639039202236998461769328056760697632946e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120128404211452053763074851607630797924476936797" *
"3636386778801623930286157386603278081603929296869577359776126944098448" *
"09229078731233506116698007714521811169891384436537767971767708e-01"
) parse(
BigFloat,
"1.40625057486830574055642694171764130307675242823288055029166399869347" *
"8489701944094671527932132914234598015616197996923102015618292577154794" *
"09905423853583657018007192195232891111166696155132321743633769e-01"
) parse(
BigFloat,
"1.40625079027362146426194990162803883219920532676797219796387277922949" *
"7041192526287318658984359368726587571197013404009378141286643885283589" *
"50605480995834076515643269541498374510695512004852613658313035e-01"
) parse(
BigFloat,
"1.40625091078355429812501816000903260758862034070288687226928191685871" *
"2210094653221776052441920690357690615329903748126844052194405207280091" *
"40863660283181011050784338624587127972931882098380969116558639e-01"
) parse(
BigFloat,
"1.40625091805155938997429334518270243017653003612737109400221010676349" *
"7847882430059534196433835036081325426760948337943869242371934014597040" *
"05388946502946837508519432574213760356290708286825756857834119e-01"
) parse(
BigFloat,
"1.40625081097114884897657788583659374162764169651122020972254514216086" *
"2496972893347824441104749373854467232447349100460073556372997581043592" *
"27333463723491906571578052653382135186733039146441939798735956e-01"
) parse(
BigFloat,
"1.40625060584434449681282195599409139894248800587607996503924799221879" *
"9455181629587697650648076865882703625824328198194908383345323926145281" *
"04609705359102576619088617286971050790007367413489057219202273e-01"
) parse(
BigFloat,
"1.40625033389984282167614865766157874189896620652217838308356866124977" *
"9297166117687706706459020724591420250682628423049439762204615941677052" *
"52570221151790005732870500477611379080608638792494585069008820e-01"
) parse(
BigFloat,
"1.40625003653872902403684648848878352006421526960442038974791360092043" *
"6379432922287476104734163511293462535564867302065622399008456607411112" *
"66957941077177538656305864987046555053551355058653019029083413e-01"
) parse(
BigFloat,
"1.40624975903153709460580629634895916220867586025186130313934461021520" *
"4285604342619784150425867034863075091195579300050368733924659370589522" *
"93810517962296672074342741065691071416489718326665034773210496e-01"
) parse(
BigFloat,
"1.40624954362622139252696856059947988462557753153371779264050509233123" *
"8280533195986450706073581994741668996972141166872382179434307240129605" *
"15887131352664595427505321305301782829808823398320181728423513e-01"
) parse(
BigFloat,
"1.40624942311628857470446638986497352538127240422379769561635108828460" *
"0745128370997300336971709071353744486439750950362384606077438738070036" *
"94929091869957789156114772286069947876072875359290275448287537e-01"
) parse(
BigFloat,
"1.40624941584828348391329208982198440409236564905461961069181557153686" *
"6617434477882577597782682205914124394269897340151382419331991821822515" *
"48955489874992720268359393739154011657605370421668238547982271e-01"
) parse(
BigFloat,
"1.40624952292869401036682208363239066793847512183910907864731433587392" *
"5364667474089940164346518165878742692136645641787195822340762606791519" *
"78824270087223027828754569845478391882092859653741557142084376e-01"
) parse(
BigFloat,
"1.40624972805549834090389278931397475908239149080367673470525984096825" *
"3631291835166324534739061605890587751654930114652288424178387583119017" *
"96602875037572218320332259999345598158245188511800048078913262e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120128404211452053763074851607630797924476936797" *
"3636386778801623930286157386603278081603929296869577359776126944098448" *
"09229078731233506116698007714521811169891384436537767971767708e-01"
) parse(
BigFloat,
"1.40625057486830574055642694171764130307675242823288055029166399869347" *
"8489701944094671527932132914234598015616197996923102015618292577154794" *
"09905423853583657018007192195232891111166696155132321743633769e-01"
) parse(
BigFloat,
"1.40625079027362146426194990162803883219920532676797219796387277922949" *
"7041192526287318658984359368726587571197013404009378141286643885283589" *
"50605480995834076515643269541498374510695512004852613658313035e-01"
) parse(
BigFloat,
"1.40625091078355429812501816000903260758862034070288687226928191685871" *
"2210094653221776052441920690357690615329903748126844052194405207280091" *
"40863660283181011050784338624587127972931882098380969116558639e-01"
) parse(
BigFloat,
"1.40625091805155938997429334518270243017653003612737109400221010676349" *
"7847882430059534196433835036081325426760948337943869242371934014597040" *
"05388946502946837508519432574213760356290708286825756857834119e-01"
) parse(
BigFloat,
"1.40625081097114884897657788583659374162764169651122020972254514216086" *
"2496972893347824441104749373854467232447349100460073556372997581043592" *
"27333463723491906571578052653382135186733039146441939798735956e-01"
) parse(
BigFloat,
"1.40625060584434449681282195599409139894248800587607996503924799221879" *
"9455181629587697650648076865882703625824328198194908383345323926145281" *
"04609705359102576619088617286971050790007367413489057219202273e-01"
) parse(
BigFloat,
"1.40625033389984282167614865766157874189896620652217838308356866124977" *
"9297166117687706706459020724591420250682628423049439762204615941677052" *
"52570221151790005732870500477611379080608638792494585069008820e-01"
) parse(
BigFloat,
"1.40625003653872902403684648848878352006421526960442038974791360092043" *
"6379432922287476104734163511293462535564867302065622399008456607411112" *
"66957941077177538656305864987046555053551355058653019029083413e-01"
) parse(
BigFloat,
"1.40624975903153709460580629634895916220867586025186130313934461021520" *
"4285604342619784150425867034863075091195579300050368733924659370589522" *
"93810517962296672074342741065691071416489718326665034773210496e-01"
) parse(
BigFloat,
"1.40624954362622139252696856059947988462557753153371779264050509233123" *
"8280533195986450706073581994741668996972141166872382179434307240129605" *
"15887131352664595427505321305301782829808823398320181728423513e-01"
) parse(
BigFloat,
"1.40624942311628857470446638986497352538127240422379769561635108828460" *
"0745128370997300336971709071353744486439750950362384606077438738070036" *
"94929091869957789156114772286069947876072875359290275448287537e-01"
) parse(
BigFloat,
"1.40624941584828348391329208982198440409236564905461961069181557153686" *
"6617434477882577597782682205914124394269897340151382419331991821822515" *
"48955489874992720268359393739154011657605370421668238547982271e-01"
) parse(
BigFloat,
"1.40624952292869401036682208363239066793847512183910907864731433587392" *
"5364667474089940164346518165878742692136645641787195822340762606791519" *
"78824270087223027828754569845478391882092859653741557142084376e-01"
) parse(
BigFloat,
"1.40624972805549834090389278931397475908239149080367673470525984096825" *
"3631291835166324534739061605890587751654930114652288424178387583119017" *
"96602875037572218320332259999345598158245188511800048078913262e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552652708003946545987142733661318747231987614637" *
"6982224436568028421735665404566037685858751146771273352637347783517578" *
"20955334440489435293697994608712035192112425881958688655475346e-01"
) parse(
BigFloat,
"1.56213122324242734372245266302595843580281374423431367420158747294663" *
"5348478862043014343903320680118061943563353332748170258104338505824732" *
"21570799486688037867816946116872295527939940471918185924197289e-01"
) parse(
BigFloat,
"1.56191775066782987437836508587904530925969333348437508006798246588369" *
"5635354730490129026641841825078286809458245452808198689100446035335452" *
"48672634555879440537291281363810884005760490215935389448190992e-01"
) parse(
BigFloat,
"1.56172776357781013927272708674814487542750966586122654832802788050230" *
"3692168275035683021420909125352463343552355513612205978582653210806087" *
"28548385722377752007037425529616309205298287769930575480176204e-01"
) parse(
BigFloat,
"1.56159018580923983686225123664232245139631201985724830890494672459565" *
"2033636629805538408186084821642443777580589698284458952451010503294186" *
"34589810728865397725719935013151980755709788706554760069701800e-01"
) parse(
BigFloat,
"1.56152596234659702851728079899963811288223704609748973894436574158413" *
"8450748133272134997798490876139650212186338109807223918752256653844386" *
"84099946949870090175501179731418387780948178587572939617337292e-01"
) parse(
BigFloat,
"1.56154487062836334142706615964270949504917399178545931952426624576985" *
"4349465433834683007329690116135458762512532809460625433196440420451287" *
"00828039211168047410391549825395826623327427588055231373103343e-01"
) parse(
BigFloat,
"1.56164403202153741773218395316518757864806206444506540319016092382455" *
"9935412530145432282277560766647718011954585561961717395182390872938133" *
"05915816358970697826141281708317672786909493846421471531509933e-01"
) parse(
BigFloat,
"1.56180835007825531836938280248868111952035823197387938299816488697533" *
"4208722934046070273322164601903757867093698518766606652993397753483611" *
"60841341450060204910612546104429350321005547034384428610944245e-01"
) parse(
BigFloat,
"1.56201280884756982582320175259479811681543804878633500091989748644955" *
"3317294132277483614152804768189522545647366794225690207856462859229263" *
"51808615997702827235162337195863862222517167150390843398227318e-01"
) parse(
BigFloat,
"1.56222628133679476729907240067836648420816959299568240928919828030062" *
"0710903995947515203521190353349851139846891343497693136264219021013453" *
"99690853665756746491685518391182512019718161570856448025430610e-01"
) parse(
BigFloat,
"1.56241626831308501685865791646636553947992655372464435093306723468741" *
"9867447143842436266258940731518805512612155946779375150944789152160298" *
"18065861143260784472436385874880788744504928699616603183342127e-01"
) parse(
BigFloat,
"1.56255384600619006623640839016840694700222229090437161268942180496014" *
"4885012703385706205731781948098647594085849361952151300315181782437672" *
"37334537893272348587781245536456652583256388776407219994489360e-01"
) parse(
BigFloat,
"1.56261806947583837580063374175930966982330670434435590181672461291759" *
"1588605034120281751316543490543183247069014288645576779358103430482254" *
"14803836712614010736440276522547545294308873332517382903220705e-01"
) parse(
BigFloat,
"1.56259916127944459075906531017983105698349293915580131738753106828052" *
"3394833246658795730660151367734921180148611216238952171822951385751913" *
"21900710425992579363355761836377620061536640084215835860675171e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552652708003946545987142733661318747231987614637" *
"6982224436568028421735665404566037685858751146771273352637347783517578" *
"20955334440489435293697994608712035192112425881958688655475346e-01"
) parse(
BigFloat,
"1.56213122324242734372245266302595843580281374423431367420158747294663" *
"5348478862043014343903320680118061943563353332748170258104338505824732" *
"21570799486688037867816946116872295527939940471918185924197289e-01"
) parse(
BigFloat,
"1.56191775066782987437836508587904530925969333348437508006798246588369" *
"5635354730490129026641841825078286809458245452808198689100446035335452" *
"48672634555879440537291281363810884005760490215935389448190992e-01"
) parse(
BigFloat,
"1.56172776357781013927272708674814487542750966586122654832802788050230" *
"3692168275035683021420909125352463343552355513612205978582653210806087" *
"28548385722377752007037425529616309205298287769930575480176204e-01"
) parse(
BigFloat,
"1.56159018580923983686225123664232245139631201985724830890494672459565" *
"2033636629805538408186084821642443777580589698284458952451010503294186" *
"34589810728865397725719935013151980755709788706554760069701800e-01"
) parse(
BigFloat,
"1.56152596234659702851728079899963811288223704609748973894436574158413" *
"8450748133272134997798490876139650212186338109807223918752256653844386" *
"84099946949870090175501179731418387780948178587572939617337292e-01"
) parse(
BigFloat,
"1.56154487062836334142706615964270949504917399178545931952426624576985" *
"4349465433834683007329690116135458762512532809460625433196440420451287" *
"00828039211168047410391549825395826623327427588055231373103343e-01"
) parse(
BigFloat,
"1.56164403202153741773218395316518757864806206444506540319016092382455" *
"9935412530145432282277560766647718011954585561961717395182390872938133" *
"05915816358970697826141281708317672786909493846421471531509933e-01"
) parse(
BigFloat,
"1.56180835007825531836938280248868111952035823197387938299816488697533" *
"4208722934046070273322164601903757867093698518766606652993397753483611" *
"60841341450060204910612546104429350321005547034384428610944245e-01"
) parse(
BigFloat,
"1.56201280884756982582320175259479811681543804878633500091989748644955" *
"3317294132277483614152804768189522545647366794225690207856462859229263" *
"51808615997702827235162337195863862222517167150390843398227318e-01"
) parse(
BigFloat,
"1.56222628133679476729907240067836648420816959299568240928919828030062" *
"0710903995947515203521190353349851139846891343497693136264219021013453" *
"99690853665756746491685518391182512019718161570856448025430610e-01"
) parse(
BigFloat,
"1.56241626831308501685865791646636553947992655372464435093306723468741" *
"9867447143842436266258940731518805512612155946779375150944789152160298" *
"18065861143260784472436385874880788744504928699616603183342127e-01"
) parse(
BigFloat,
"1.56255384600619006623640839016840694700222229090437161268942180496014" *
"4885012703385706205731781948098647594085849361952151300315181782437672" *
"37334537893272348587781245536456652583256388776407219994489360e-01"
) parse(
BigFloat,
"1.56261806947583837580063374175930966982330670434435590181672461291759" *
"1588605034120281751316543490543183247069014288645576779358103430482254" *
"14803836712614010736440276522547545294308873332517382903220705e-01"
) parse(
BigFloat,
"1.56259916127944459075906531017983105698349293915580131738753106828052" *
"3394833246658795730660151367734921180148611216238952171822951385751913" *
"21900710425992579363355761836377620061536640084215835860675171e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294605830473969139117653939464329885479243111432" *
"9864591050437563748371409994577065749998724300879177508371606664269750" *
"09418756343432277007956020214431435080205386168101877265730035e-01"
) parse(
BigFloat,
"1.71869886682612923048725448766514690162327908138997268861950148966709" *
"4159498702428698278873525340244971314183788548983679464574975290791663" *
"73966681920515203156673181909697431116030629395532258056300393e-01"
) parse(
BigFloat,
"1.71859378379130778061077742693968322723043698748482362714334202407380" *
"3632469494410068123719493189465097236324921872621743815135593817895413" *
"33263483510766270745967919059589942266534687549096916412672238e-01"
) parse(
BigFloat,
"1.71845447149869885420149774290234074717058508755215082376649012698015" *
"8653411424862930514274577783637872064540137934519683224447411872409783" *
"70449023028520355052288400770774137409031731275538575143026638e-01"
) parse(
BigFloat,
"1.71830213898198631327914590286464333619799062700965361714606350259477" *
"9096672454423508514764233392303219154013656373138466998893584002618512" *
"80414654716165077554659321009328990452489815893072180662165806e-01"
) parse(
BigFloat,
"1.71815997748594674274757899727569268875625441040779958039413051400670" *
"8172623002569177037694817300696473545747668981553927756331953390196766" *
"92652138314609991636901890949433082709417644273646323885122125e-01"
) parse(
BigFloat,
"1.71804962980965855908520556440212028011257799148547015849715148351162" *
"7779872001827015436411124291839248878494792268367379347583271806287576" *
"15786683441953634294516358861009925379050745492559636473617279e-01"
) parse(
BigFloat,
"1.71798789538653269674370645520670960383258467625119943822278813860004" *
"1105255820764103682344365992028931807991487676242186134510404756360984" *
"10634152073545048411616460659878843003897456235631947714323092e-01"
) parse(
BigFloat,
"1.71798417272286289882429523190123962072476463035024542580663060602216" *
"5520227928677523424783114323606282413498811564524141835946186134385220" *
"75117590376314595296412920891010450834650949884232546235576878e-01"
) parse(
BigFloat,
"1.71803902856044205863234499877875641592109043904117400247403686445893" *
"4997311088946387703655397017781481603220889129786861169639450671645643" *
"34177843722934964581116814599549330676092784960821791918234389e-01"
) parse(
BigFloat,
"1.71814411159526459248312876699047735367692044687128500712160657272484" *
"7615757641207991368699555610628258747549979049256334011428842938746912" *
"78975579177836459988761975010900601953574521381039227943460319e-01"
) parse(
BigFloat,
"1.71828342388785861738121606448997461178916768507870560278140276988426" *
"1285825509834682072975971723517202143902056898973422683055190261890580" *
"32579811842614435529815087669106507032009143591316786527046285e-01"
) parse(
BigFloat,
"1.71843575640454900041003306952840227517118017969566414669621025008945" *
"5675143186304258904001122534259972444779165952409448062583579927019038" *
"23912788009308320174044235054742852118281076255362093186905381e-01"
) parse(
BigFloat,
"1.71857791790057213645924177887942891332888515689333601544965770563379" *
"5364882634227775681236868800175734131151417083245775477820300687298226" *
"13496970530266730820820122088577748413979111179892478006521993e-01"
) parse(
BigFloat,
"1.71868826557685923614730850426674409791679913432255287044221073909998" *
"4554074426345825450305470621403521986077394872108844330437021639371224" *
"11067085857230094126913208546002882275671318288915683070446979e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294605830473969139117653939464329885479243111432" *
"9864591050437563748371409994577065749998724300879177508371606664269750" *
"09418756343432277007956020214431435080205386168101877265730035e-01"
) parse(
BigFloat,
"1.71869886682612923048725448766514690162327908138997268861950148966709" *
"4159498702428698278873525340244971314183788548983679464574975290791663" *
"73966681920515203156673181909697431116030629395532258056300393e-01"
) parse(
BigFloat,
"1.71859378379130778061077742693968322723043698748482362714334202407380" *
"3632469494410068123719493189465097236324921872621743815135593817895413" *
"33263483510766270745967919059589942266534687549096916412672238e-01"
) parse(
BigFloat,
"1.71845447149869885420149774290234074717058508755215082376649012698015" *
"8653411424862930514274577783637872064540137934519683224447411872409783" *
"70449023028520355052288400770774137409031731275538575143026638e-01"
) parse(
BigFloat,
"1.71830213898198631327914590286464333619799062700965361714606350259477" *
"9096672454423508514764233392303219154013656373138466998893584002618512" *
"80414654716165077554659321009328990452489815893072180662165806e-01"
) parse(
BigFloat,
"1.71815997748594674274757899727569268875625441040779958039413051400670" *
"8172623002569177037694817300696473545747668981553927756331953390196766" *
"92652138314609991636901890949433082709417644273646323885122125e-01"
) parse(
BigFloat,
"1.71804962980965855908520556440212028011257799148547015849715148351162" *
"7779872001827015436411124291839248878494792268367379347583271806287576" *
"15786683441953634294516358861009925379050745492559636473617279e-01"
) parse(
BigFloat,
"1.71798789538653269674370645520670960383258467625119943822278813860004" *
"1105255820764103682344365992028931807991487676242186134510404756360984" *
"10634152073545048411616460659878843003897456235631947714323092e-01"
) parse(
BigFloat,
"1.71798417272286289882429523190123962072476463035024542580663060602216" *
"5520227928677523424783114323606282413498811564524141835946186134385220" *
"75117590376314595296412920891010450834650949884232546235576878e-01"
) parse(
BigFloat,
"1.71803902856044205863234499877875641592109043904117400247403686445893" *
"4997311088946387703655397017781481603220889129786861169639450671645643" *
"34177843722934964581116814599549330676092784960821791918234389e-01"
) parse(
BigFloat,
"1.71814411159526459248312876699047735367692044687128500712160657272484" *
"7615757641207991368699555610628258747549979049256334011428842938746912" *
"78975579177836459988761975010900601953574521381039227943460319e-01"
) parse(
BigFloat,
"1.71828342388785861738121606448997461178916768507870560278140276988426" *
"1285825509834682072975971723517202143902056898973422683055190261890580" *
"32579811842614435529815087669106507032009143591316786527046285e-01"
) parse(
BigFloat,
"1.71843575640454900041003306952840227517118017969566414669621025008945" *
"5675143186304258904001122534259972444779165952409448062583579927019038" *
"23912788009308320174044235054742852118281076255362093186905381e-01"
) parse(
BigFloat,
"1.71857791790057213645924177887942891332888515689333601544965770563379" *
"5364882634227775681236868800175734131151417083245775477820300687298226" *
"13496970530266730820820122088577748413979111179892478006521993e-01"
) parse(
BigFloat,
"1.71868826557685923614730850426674409791679913432255287044221073909998" *
"4554074426345825450305470621403521986077394872108844330437021639371224" *
"11067085857230094126913208546002882275671318288915683070446979e-01"
)
]
tab_u0[ :, :, 11, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084340005437263776652638160756342517497752159" *
"7073248504595882625641568459778661879810963166405512386991754949900217" *
"36643800215830621827943582587487910975434444688243244365224032e-01"
) parse(
BigFloat,
"1.24979819887414000118822188174957723492419031668205473068848752763335" *
"7250559938561913226384721638215983383235195806066473421848082524857869" *
"05246980196706030971025884170044104683474761598462024550751800e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407214091328577599067024901715317004590146" *
"6824332714835569155545692573025783726648746147694613384361643284276116" *
"52667778072893584060170697714410992745350566828344633475028140e-01"
) parse(
BigFloat,
"1.24991626864266491852053823529386980001492841302910953272556947954740" *
"2546052507867130618370429659350149269915623224618494161346352462962806" *
"44516654770074533220304163557912180294923490240388889552217570e-01"
) parse(
BigFloat,
"1.25008058679674556778290716262608575704802777024061844619217060678012" *
"8511682405005169295577491506241631818238934733516207260551552908131759" *
"25560682110171391383292529829156491834271228771197496278709389e-01"
) parse(
BigFloat,
"1.25028504568488746214789572238492573770906546427760712034410674577745" *
"8715202895921701263705672086636965404319742430203653543461266725301353" *
"24726258643593462255119200086043683271396928149341883355366393e-01"
) parse(
BigFloat,
"1.25049851827014198106789897911223044904753501798320009066295432811904" *
"1167875643531868325598255359054295780189644324474794009657428422421119" *
"95012048523621187291255188437740587382588893828245292130756812e-01"
) parse(
BigFloat,
"1.25068850527017911766799481356892535641950482658920761674220165154070" *
"8946616688898381927103747043419714596858375973320459175801256698251959" *
"46643817483702271423867785594217634064877561910179693424734331e-01"
) parse(
BigFloat,
"1.25082608288799826369087819393570028225948816834747360463617560553410" *
"2396037133080748783365562820267301507987509830116151062789591552653072" *
"01908522735296263648426718005877208295934058044018930423740989e-01"
) parse(
BigFloat,
"1.25089030619693710305320075548878231505084897462613620623184053328230" *
"9671138500779028653683708550367731438704598590641815791099069659527899" *
"30342941734894525703068853040368309955547259882948519716132242e-01"
) parse(
BigFloat,
"1.25087139780504889622589480554421293903991108963591501112878188967388" *
"3155037993707533935631006158320347133169479495506298707794554327437826" *
"53797700988694792845421722147059409530748020897502962897370099e-01"
) parse(
BigFloat,
"1.25077223635995243392739138872446272872424231234816689189271108339666" *
"0031989165833233252010355922127374650664340931246321515109709550421087" *
"29734715021367016814998305767000438545547097117606659752686658e-01"
) parse(
BigFloat,
"1.25060791829124431254352823762567177462908484333895482882098865577494" *
"6049016028626017355255396081744380093389529276096573193479923082224294" *
"53124607221025017483010037071238513001377009735034069657396062e-01"
) parse(
BigFloat,
"1.25040345951683190372660607796447485987335292538902624584452660440420" *
"2852106725906219019821830545693200654345101094212634617030361811022099" *
"61185197825764230754675162317272284725930233471580328695196874e-01"
) parse(
BigFloat,
"1.25018998700704263783188745885892154476854382634328978245002751627693" *
"4836436000384818484465492487378717458608171076499702220069650905300668" *
"23681425808569212603538878739887521775993109577921369818860345e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084340005437263776652638160756342517497752159" *
"7073248504595882625641568459778661879810963166405512386991754949900217" *
"36643800215830621827943582587487910975434444688243244365224032e-01"
) parse(
BigFloat,
"1.24979819887414000118822188174957723492419031668205473068848752763335" *
"7250559938561913226384721638215983383235195806066473421848082524857869" *
"05246980196706030971025884170044104683474761598462024550751800e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407214091328577599067024901715317004590146" *
"6824332714835569155545692573025783726648746147694613384361643284276116" *
"52667778072893584060170697714410992745350566828344633475028140e-01"
) parse(
BigFloat,
"1.24991626864266491852053823529386980001492841302910953272556947954740" *
"2546052507867130618370429659350149269915623224618494161346352462962806" *
"44516654770074533220304163557912180294923490240388889552217570e-01"
) parse(
BigFloat,
"1.25008058679674556778290716262608575704802777024061844619217060678012" *
"8511682405005169295577491506241631818238934733516207260551552908131759" *
"25560682110171391383292529829156491834271228771197496278709389e-01"
) parse(
BigFloat,
"1.25028504568488746214789572238492573770906546427760712034410674577745" *
"8715202895921701263705672086636965404319742430203653543461266725301353" *
"24726258643593462255119200086043683271396928149341883355366393e-01"
) parse(
BigFloat,
"1.25049851827014198106789897911223044904753501798320009066295432811904" *
"1167875643531868325598255359054295780189644324474794009657428422421119" *
"95012048523621187291255188437740587382588893828245292130756812e-01"
) parse(
BigFloat,
"1.25068850527017911766799481356892535641950482658920761674220165154070" *
"8946616688898381927103747043419714596858375973320459175801256698251959" *
"46643817483702271423867785594217634064877561910179693424734331e-01"
) parse(
BigFloat,
"1.25082608288799826369087819393570028225948816834747360463617560553410" *
"2396037133080748783365562820267301507987509830116151062789591552653072" *
"01908522735296263648426718005877208295934058044018930423740989e-01"
) parse(
BigFloat,
"1.25089030619693710305320075548878231505084897462613620623184053328230" *
"9671138500779028653683708550367731438704598590641815791099069659527899" *
"30342941734894525703068853040368309955547259882948519716132242e-01"
) parse(
BigFloat,
"1.25087139780504889622589480554421293903991108963591501112878188967388" *
"3155037993707533935631006158320347133169479495506298707794554327437826" *
"53797700988694792845421722147059409530748020897502962897370099e-01"
) parse(
BigFloat,
"1.25077223635995243392739138872446272872424231234816689189271108339666" *
"0031989165833233252010355922127374650664340931246321515109709550421087" *
"29734715021367016814998305767000438545547097117606659752686658e-01"
) parse(
BigFloat,
"1.25060791829124431254352823762567177462908484333895482882098865577494" *
"6049016028626017355255396081744380093389529276096573193479923082224294" *
"53124607221025017483010037071238513001377009735034069657396062e-01"
) parse(
BigFloat,
"1.25040345951683190372660607796447485987335292538902624584452660440420" *
"2852106725906219019821830545693200654345101094212634617030361811022099" *
"61185197825764230754675162317272284725930233471580328695196874e-01"
) parse(
BigFloat,
"1.25018998700704263783188745885892154476854382634328978245002751627693" *
"4836436000384818484465492487378717458608171076499702220069650905300668" *
"23681425808569212603538878739887521775993109577921369818860345e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129368246468792226753484774570143404438666656" *
"3619451247211674641847711385015318121519944442382082760322058957501410" *
"37524963912942013652506016517486870492073884093087941423091161e-01"
) parse(
BigFloat,
"1.40625057486830574055642697031413218684280338871601873137331496843226" *
"1664012813149108838231924100934240238057232199031495579609059516908592" *
"60055773187808769264581785900248024183185718112366257340620457e-01"
) parse(
BigFloat,
"1.40625079027362146426194995558794456568244090967105385324394291092227" *
"7847500838516770199858841482768329003714990765018801208202177002119003" *
"87736107234801062551805298616211918264333881754803124948590706e-01"
) parse(
BigFloat,
"1.40625091078355429812501824188361108367897872023462799057701424470398" *
"6483297257340724615410770357148814611204756215947653948743322898033876" *
"63919101243639858384797442835922038110232196883035269110108194e-01"
) parse(
BigFloat,
"1.40625091805155938997429345330361401872812491821862328133837509399994" *
"1450566811312438827502015300169356550112966093578683663245922228671166" *
"30793305265238961076560017672164435174448189251699339900084688e-01"
) parse(
BigFloat,
"1.40625081097114884897657801457705022833205014463982462491797080814049" *
"5800518520160676465369328039691696909978914197900863639197654492423033" *
"32138718863847768400534501322467388854486175198080497374917434e-01"
) parse(
BigFloat,
"1.40625060584434449681282209661078401239214544602776107925750980268900" *
"4386795028838335281605651386820973760971865343950575506594055155799679" *
"85308432287781888675618884124708665465112924625111146597358086e-01"
) parse(
BigFloat,
"1.40625033389984282167614879959781868099529786520590169489132849801689" *
"6739772579860463354583552615809842407395353146448834485729694389509567" *
"19791514724163001097960463242866611935645348642972737557679069e-01"
) parse(
BigFloat,
"1.40625003653872902403684662095683440850962812199103500612556806850543" *
"3765708131277670712418758403642502775194479390329494871202836568658280" *
"84532746143229644685069494190853962011905392873461650963949764e-01"
) parse(
BigFloat,
"1.40624975903153709460580640996520977811534929975246380423068265180412" *
"6804311540429128565797805212485494095848167602477006992316654208474959" *
"88540693438629533960867749365925878434513719742255216450883975e-01"
) parse(
BigFloat,
"1.40624954362622139252696864882771420486767729471852623679303448709357" *
"2275983257121273756992440720308064360801152944264653067656631318216878" *
"51720367572519996762817936247983131479082749944940473561501610e-01"
) parse(
BigFloat,
"1.40624942311628857470446645003940296066078764475699917587049071454806" *
"3165391022971874764866181727612944891725119235542990735596626852425576" *
"46090699876775634951912140808488224955557864314219758437902944e-01"
) parse(
BigFloat,
"1.40624941584828348391329212357791961017692534835406902495181695571362" *
"3152396189796320212844611031333368103698580529442501965485724295123986" *
"08229956596963676753922895280170648353879587605096514830183261e-01"
) parse(
BigFloat,
"1.40624952292869401036682209666444053202756066225521628650793679774070" *
"3264508618669736407874998302765790383672792510598699323994684129026360" *
"00285407071923596167912013923659376080091066310026355348586371e-01"
) parse(
BigFloat,
"1.40624972805549834090389279049438994237361815173223812522444697779611" *
"7423410848507229379064530646390910861868355598980751662478290960711560" *
"24976029393310918070265554749997911312875479054755899395939166e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129368246468792226753484774570143404438666656" *
"3619451247211674641847711385015318121519944442382082760322058957501410" *
"37524963912942013652506016517486870492073884093087941423091161e-01"
) parse(
BigFloat,
"1.40625057486830574055642697031413218684280338871601873137331496843226" *
"1664012813149108838231924100934240238057232199031495579609059516908592" *
"60055773187808769264581785900248024183185718112366257340620457e-01"
) parse(
BigFloat,
"1.40625079027362146426194995558794456568244090967105385324394291092227" *
"7847500838516770199858841482768329003714990765018801208202177002119003" *
"87736107234801062551805298616211918264333881754803124948590706e-01"
) parse(
BigFloat,
"1.40625091078355429812501824188361108367897872023462799057701424470398" *
"6483297257340724615410770357148814611204756215947653948743322898033876" *
"63919101243639858384797442835922038110232196883035269110108194e-01"
) parse(
BigFloat,
"1.40625091805155938997429345330361401872812491821862328133837509399994" *
"1450566811312438827502015300169356550112966093578683663245922228671166" *
"30793305265238961076560017672164435174448189251699339900084688e-01"
) parse(
BigFloat,
"1.40625081097114884897657801457705022833205014463982462491797080814049" *
"5800518520160676465369328039691696909978914197900863639197654492423033" *
"32138718863847768400534501322467388854486175198080497374917434e-01"
) parse(
BigFloat,
"1.40625060584434449681282209661078401239214544602776107925750980268900" *
"4386795028838335281605651386820973760971865343950575506594055155799679" *
"85308432287781888675618884124708665465112924625111146597358086e-01"
) parse(
BigFloat,
"1.40625033389984282167614879959781868099529786520590169489132849801689" *
"6739772579860463354583552615809842407395353146448834485729694389509567" *
"19791514724163001097960463242866611935645348642972737557679069e-01"
) parse(
BigFloat,
"1.40625003653872902403684662095683440850962812199103500612556806850543" *
"3765708131277670712418758403642502775194479390329494871202836568658280" *
"84532746143229644685069494190853962011905392873461650963949764e-01"
) parse(
BigFloat,
"1.40624975903153709460580640996520977811534929975246380423068265180412" *
"6804311540429128565797805212485494095848167602477006992316654208474959" *
"88540693438629533960867749365925878434513719742255216450883975e-01"
) parse(
BigFloat,
"1.40624954362622139252696864882771420486767729471852623679303448709357" *
"2275983257121273756992440720308064360801152944264653067656631318216878" *
"51720367572519996762817936247983131479082749944940473561501610e-01"
) parse(
BigFloat,
"1.40624942311628857470446645003940296066078764475699917587049071454806" *
"3165391022971874764866181727612944891725119235542990735596626852425576" *
"46090699876775634951912140808488224955557864314219758437902944e-01"
) parse(
BigFloat,
"1.40624941584828348391329212357791961017692534835406902495181695571362" *
"3152396189796320212844611031333368103698580529442501965485724295123986" *
"08229956596963676753922895280170648353879587605096514830183261e-01"
) parse(
BigFloat,
"1.40624952292869401036682209666444053202756066225521628650793679774070" *
"3264508618669736407874998302765790383672792510598699323994684129026360" *
"00285407071923596167912013923659376080091066310026355348586371e-01"
) parse(
BigFloat,
"1.40624972805549834090389279049438994237361815173223812522444697779611" *
"7423410848507229379064530646390910861868355598980751662478290960711560" *
"24976029393310918070265554749997911312875479054755899395939166e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648581080278418951010259579796452666282278378" *
"5974443949329641138298580604499254204930623774794755632239740430588731" *
"12275506689084390349186854255256558233616096772425958061670060e-01"
) parse(
BigFloat,
"1.56213122324242734372245258488896407036418283185764291943809229866137" *
"3970764200803628742583626428099551783206538013415432623334879615373320" *
"25893990008120808718595955512218136940361025863287691631675028e-01"
) parse(
BigFloat,
"1.56191775066782987437836498215873112952124176711460247820864718046989" *
"9475109077730725027221496714331328114531773028321665499086040167316514" *
"65484852818788433271757399691762890348842725787604413378963524e-01"
) parse(
BigFloat,
"1.56172776357781013927272697362059081019724014832026068521184413314659" *
"9741375838044518217075751979928870435320846461323806235688828386692022" *
"83248338215254005058822574403878923445532011371977101279834933e-01"
) parse(
BigFloat,
"1.56159018580923983686225113185595985796309456923677258630611494285486" *
"3596936823096448312499826551506497401702707010357063591658905670180183" *
"78659375984250121215393147173793778508562135506367519935490616e-01"
) parse(
BigFloat,
"1.56152596234659702851728071823467340518039303740014561163104695954289" *
"9803049903934617593982519995995599295741862007860350512994063606146320" *
"18659921711287020774796792192726173894061585513613946462888915e-01"
) parse(
BigFloat,
"1.56154487062836334142706611365258678451885427613650067791125232742510" *
"6097512081912661606317688860797354709310380826809189495519045554294380" *
"81335984814104777852654389737272380716368726475548535949315722e-01"
) parse(
BigFloat,
"1.56164403202153741773218394641130511006616021845253992162617581117419" *
"0222831148211505921145010486902213608436236678778429148648927678768650" *
"93433553638014955944937458752378882745903915837119629780696269e-01"
) parse(
BigFloat,
"1.56180835007825531836938283331761105604788613259642718528979709810532" *
"8695181707307850704350345431866372444319803586485597602732423764803557" *
"04656357845926644873151024793919096435549728322009489775955852e-01"
) parse(
BigFloat,
"1.56201280884756982582320181442992271150208811198581140248722048839027" *
"6984372041478558482330029645601618431946728269535023259606596708099478" *
"86965555530744400491130190899272633812531670301890979544787450e-01"
) parse(
BigFloat,
"1.56222628133679476729907248349373327699840531859997296694612731823808" *
"9668994555064722498103164673648316111800170739975251407352343748996308" *
"56540332326732130696339657682951764050754322493927235113676166e-01"
) parse(
BigFloat,
"1.56241626831308501685865800804080048507554867263557913854497952767434" *
"3711490343111288993479042831217612556279329794844808710661591008388638" *
"94495452463154019699677293381338265305569780155045367418951611e-01"
) parse(
BigFloat,
"1.56255384600619006623640847708807474615535886962301106271688324100592" *
"2414131941822104085433647679666939422609058476267313667533468462266635" *
"45364212138998905855737106832750552009310212947111853558692609e-01"
) parse(
BigFloat,
"1.56261806947583837580063381051914255872486363993422409375742280032951" *
"7370266600386469112254704078263555577466026738227870208838194602212884" *
"46444454762928549755859994435040822680370988444921315485200889e-01"
) parse(
BigFloat,
"1.56259916127944459075906534876789951571612562468311885079129708803620" *
"5881839939706433690625934929692959279193050520974883803651113807235005" *
"04824643711618356329600679409146818521327029182861025830270546e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648581080278418951010259579796452666282278378" *
"5974443949329641138298580604499254204930623774794755632239740430588731" *
"12275506689084390349186854255256558233616096772425958061670060e-01"
) parse(
BigFloat,
"1.56213122324242734372245258488896407036418283185764291943809229866137" *
"3970764200803628742583626428099551783206538013415432623334879615373320" *
"25893990008120808718595955512218136940361025863287691631675028e-01"
) parse(
BigFloat,
"1.56191775066782987437836498215873112952124176711460247820864718046989" *
"9475109077730725027221496714331328114531773028321665499086040167316514" *
"65484852818788433271757399691762890348842725787604413378963524e-01"
) parse(
BigFloat,
"1.56172776357781013927272697362059081019724014832026068521184413314659" *
"9741375838044518217075751979928870435320846461323806235688828386692022" *
"83248338215254005058822574403878923445532011371977101279834933e-01"
) parse(
BigFloat,
"1.56159018580923983686225113185595985796309456923677258630611494285486" *
"3596936823096448312499826551506497401702707010357063591658905670180183" *
"78659375984250121215393147173793778508562135506367519935490616e-01"
) parse(
BigFloat,
"1.56152596234659702851728071823467340518039303740014561163104695954289" *
"9803049903934617593982519995995599295741862007860350512994063606146320" *
"18659921711287020774796792192726173894061585513613946462888915e-01"
) parse(
BigFloat,
"1.56154487062836334142706611365258678451885427613650067791125232742510" *
"6097512081912661606317688860797354709310380826809189495519045554294380" *
"81335984814104777852654389737272380716368726475548535949315722e-01"
) parse(
BigFloat,
"1.56164403202153741773218394641130511006616021845253992162617581117419" *
"0222831148211505921145010486902213608436236678778429148648927678768650" *
"93433553638014955944937458752378882745903915837119629780696269e-01"
) parse(
BigFloat,
"1.56180835007825531836938283331761105604788613259642718528979709810532" *
"8695181707307850704350345431866372444319803586485597602732423764803557" *
"04656357845926644873151024793919096435549728322009489775955852e-01"
) parse(
BigFloat,
"1.56201280884756982582320181442992271150208811198581140248722048839027" *
"6984372041478558482330029645601618431946728269535023259606596708099478" *
"86965555530744400491130190899272633812531670301890979544787450e-01"
) parse(
BigFloat,
"1.56222628133679476729907248349373327699840531859997296694612731823808" *
"9668994555064722498103164673648316111800170739975251407352343748996308" *
"56540332326732130696339657682951764050754322493927235113676166e-01"
) parse(
BigFloat,
"1.56241626831308501685865800804080048507554867263557913854497952767434" *
"3711490343111288993479042831217612556279329794844808710661591008388638" *
"94495452463154019699677293381338265305569780155045367418951611e-01"
) parse(
BigFloat,
"1.56255384600619006623640847708807474615535886962301106271688324100592" *
"2414131941822104085433647679666939422609058476267313667533468462266635" *
"45364212138998905855737106832750552009310212947111853558692609e-01"
) parse(
BigFloat,
"1.56261806947583837580063381051914255872486363993422409375742280032951" *
"7370266600386469112254704078263555577466026738227870208838194602212884" *
"46444454762928549755859994435040822680370988444921315485200889e-01"
) parse(
BigFloat,
"1.56259916127944459075906534876789951571612562468311885079129708803620" *
"5881839939706433690625934929692959279193050520974883803651113807235005" *
"04824643711618356329600679409146818521327029182861025830270546e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601477315718268738914324207441764391873361239" *
"3334212277708850007785840494412456034229940079722841302952991026306062" *
"96742318088052246058405957232635123418756282446887499377074074e-01"
) parse(
BigFloat,
"1.71869886682612923048725439346025790173953594605604525910781999793672" *
"2619092399912382880198527430616472161997993276505572166626259921186803" *
"38600681747440063800564899079940833794586972385924478554959690e-01"
) parse(
BigFloat,
"1.71859378379130778061077728259093647845799382348489538984240398982813" *
"9468203565180715391796710120334233106651439005047964949134917386874638" *
"93402544833512408952997005721659911647102485218300583685432560e-01"
) parse(
BigFloat,
"1.71845447149869885420149755650118583429746415772358437871634413202183" *
"5758230508547779780374119894572113537072449827154693209316296558154036" *
"87314609245910158190138163758017453481611114129468300879548068e-01"
) parse(
BigFloat,
"1.71830213898198631327914568884624300098476740645212510421995844755624" *
"9267529320167571171862045581826705143458834170549997837423473283451654" *
"57088013210181114036417955562667531905225805560453958865464321e-01"
) parse(
BigFloat,
"1.71815997748594674274757877426905592638649725659974858690884283229665" *
"0704828367586856133834426956443690800462205933234222539394692821515845" *
"08952905422160533525548545568254850136470745668632911238129923e-01"
) parse(
BigFloat,
"1.71804962980965855908520535244799629061289877354860866057154153433658" *
"8035694316780128355873521673205705505246571488638091737122450425063743" *
"59717380040309603182299390120944773415784503596453025281205808e-01"
) parse(
BigFloat,
"1.71798789538653269674370627273517057570348864184355431077458126091575" *
"0028632158137021879813793726959223683466914213319013398835225579181775" *
"31916479453977488748709515509395748605616416474013588474723201e-01"
) parse(
BigFloat,
"1.71798417272286289882429509291231838233283369029069133959308038548336" *
"2310649850314528251215994302102096574088551672635225633653154700617318" *
"23292375746323026842594389882512101205399188000248611774725165e-01"
) parse(
BigFloat,
"1.71803902856044205863234491066328411112354727193820534968934383899906" *
"1314212947791209358436162553624993590748343651168324061543337413756593" *
"86510336330317381072573772739980821900269232765250925721240862e-01"
) parse(
BigFloat,
"1.71814411159526459248312872935087167322811396886315677152016150791219" *
"7502940669832941092687073223866769012093928810504483837456986975642568" *
"73577019158304873925578611434416126286821636874084334045653347e-01"
) parse(
BigFloat,
"1.71828342388785861738121606917216610728176308205605564170402620164918" *
"1385596975303397262874027715409712472107584126729428323184862977297962" *
"04691444100084817215727194863716195010125562141896222958679197e-01"
) parse(
BigFloat,
"1.71843575640454900041003310187680391161883113495016976068869817944489" *
"5933463404620021900028420685213494706603420665582106520934254537173827" *
"12627292997370468894728062393488945208916987274967612873761188e-01"
) parse(
BigFloat,
"1.71857791790057213645924182001592453448406275614154366669660754772677" *
"0257648910375224224964911631731745630195405158562981270290537333959911" *
"44970074811917610335436390283885123018349959821383124310052592e-01"
) parse(
BigFloat,
"1.71868826557685923614730853401871807109353117152701574951780303337214" *
"6215548863049115349246363828396491793678210293993523150512984269923113" *
"86509587037754310995677109454866512859023114415173926234017071e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601477315718268738914324207441764391873361239" *
"3334212277708850007785840494412456034229940079722841302952991026306062" *
"96742318088052246058405957232635123418756282446887499377074074e-01"
) parse(
BigFloat,
"1.71869886682612923048725439346025790173953594605604525910781999793672" *
"2619092399912382880198527430616472161997993276505572166626259921186803" *
"38600681747440063800564899079940833794586972385924478554959690e-01"
) parse(
BigFloat,
"1.71859378379130778061077728259093647845799382348489538984240398982813" *
"9468203565180715391796710120334233106651439005047964949134917386874638" *
"93402544833512408952997005721659911647102485218300583685432560e-01"
) parse(
BigFloat,
"1.71845447149869885420149755650118583429746415772358437871634413202183" *
"5758230508547779780374119894572113537072449827154693209316296558154036" *
"87314609245910158190138163758017453481611114129468300879548068e-01"
) parse(
BigFloat,
"1.71830213898198631327914568884624300098476740645212510421995844755624" *
"9267529320167571171862045581826705143458834170549997837423473283451654" *
"57088013210181114036417955562667531905225805560453958865464321e-01"
) parse(
BigFloat,
"1.71815997748594674274757877426905592638649725659974858690884283229665" *
"0704828367586856133834426956443690800462205933234222539394692821515845" *
"08952905422160533525548545568254850136470745668632911238129923e-01"
) parse(
BigFloat,
"1.71804962980965855908520535244799629061289877354860866057154153433658" *
"8035694316780128355873521673205705505246571488638091737122450425063743" *
"59717380040309603182299390120944773415784503596453025281205808e-01"
) parse(
BigFloat,
"1.71798789538653269674370627273517057570348864184355431077458126091575" *
"0028632158137021879813793726959223683466914213319013398835225579181775" *
"31916479453977488748709515509395748605616416474013588474723201e-01"
) parse(
BigFloat,
"1.71798417272286289882429509291231838233283369029069133959308038548336" *
"2310649850314528251215994302102096574088551672635225633653154700617318" *
"23292375746323026842594389882512101205399188000248611774725165e-01"
) parse(
BigFloat,
"1.71803902856044205863234491066328411112354727193820534968934383899906" *
"1314212947791209358436162553624993590748343651168324061543337413756593" *
"86510336330317381072573772739980821900269232765250925721240862e-01"
) parse(
BigFloat,
"1.71814411159526459248312872935087167322811396886315677152016150791219" *
"7502940669832941092687073223866769012093928810504483837456986975642568" *
"73577019158304873925578611434416126286821636874084334045653347e-01"
) parse(
BigFloat,
"1.71828342388785861738121606917216610728176308205605564170402620164918" *
"1385596975303397262874027715409712472107584126729428323184862977297962" *
"04691444100084817215727194863716195010125562141896222958679197e-01"
) parse(
BigFloat,
"1.71843575640454900041003310187680391161883113495016976068869817944489" *
"5933463404620021900028420685213494706603420665582106520934254537173827" *
"12627292997370468894728062393488945208916987274967612873761188e-01"
) parse(
BigFloat,
"1.71857791790057213645924182001592453448406275614154366669660754772677" *
"0257648910375224224964911631731745630195405158562981270290537333959911" *
"44970074811917610335436390283885123018349959821383124310052592e-01"
) parse(
BigFloat,
"1.71868826557685923614730853401871807109353117152701574951780303337214" *
"6215548863049115349246363828396491793678210293993523150512984269923113" *
"86509587037754310995677109454866512859023114415173926234017071e-01"
)
]
tab_u0[ :, :, 12, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343428149740853172046863598028260257711847" *
"5024797310873915028430036647795453874703167371190353784395161894096477" *
"07288885581346430587133887583098026328814145249796319664981257e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178378391968598643030210661341164159851751" *
"1926582300928609202872439254612805851153655701482887764125325549148513" *
"61287766530037275064955354922139395474191862429121024983349317e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407389132306927483829653323980178613709184" *
"0611738841332391971288062238391416254246159863103649017589346287931950" *
"18588035422527156578583875446565980971845224602315043639401292e-01"
) parse(
BigFloat,
"1.24991626864266491852053823523897383790566930672642783052097562474783" *
"5644776120848302455038984139461604409660051939056911589924804714381534" *
"88197899650983224378659890112131773336120096003662628422670576e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250184338724408483049836847546121106008500" *
"6341421563297803573874205494193400464566145511203910815121776744891246" *
"17320072630078097263649159317914405334454024778010298699026794e-01"
) parse(
BigFloat,
"1.25028504568488746214789572218995018496222312921045074342796204810634" *
"1808159590784539107669471353867494227112887836088267396006285634487024" *
"23127952707642621037579759449786377945451609029022908426206161e-01"
) parse(
BigFloat,
"1.25049851827014198106789897885411026893141290303620379340647004297252" *
"6018974570655605725740910746125414321282763591639861649049397256829192" *
"21506135469924097207463225080201987334686072967053101194435142e-01"
) parse(
BigFloat,
"1.25068850527017911766799481326156647161717001369744060117838369063969" *
"6972201126792475030031153858576043384996505442647347851079743562771912" *
"11677994190658167790927815872781000548913394079075320778666380e-01"
) parse(
BigFloat,
"1.25082608288799826369087819359762981961203934170140498422993967756760" *
"1836790638271987631073479940774479453167657529517827331789267060965282" *
"27392309019138383399859220899789215956998436936306287364103798e-01"
) parse(
BigFloat,
"1.25089030619693710305320075514243160907960981618815574844719048013551" *
"3091810711918765987341825072955116560516961547828256143805316459180744" *
"76376630260362377284315579550963693184656232459656216455112690e-01"
) parse(
BigFloat,
"1.25087139780504889622589480521506402177285797891494029266698497201171" *
"7368412471798531955678241808050712418111637683104661021127859760163605" *
"98027077655137389597528919867687437776099655518854417278831453e-01"
) parse(
BigFloat,
"1.25077223635995243392739138843868776519890297857560176760763215955686" *
"5446863769679606953394197045096093459272497203167853696261752585987225" *
"92884645331345217734200526520334781141799287943605689402880167e-01"
) parse(
BigFloat,
"1.25060791829124431254352823740572767172015442262915155647505834572399" *
"3042000101079454003009202018731520122966917107664902804257570218284475" *
"57947638628520426223355012928302163358732569326545889395870392e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782356462380902985736982381787867774895898" *
"7964984468433907345922118006678351628247803826388648885810827946362207" *
"41542826015068000596874733068977174263112663035444043103094782e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879641042250023549652476880014841053809159" *
"2611242592076516193176049837185112611915914839235006903683677229156933" *
"47025560279424903029940358373554978832615015600706474335329945e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343428149740853172046863598028260257711847" *
"5024797310873915028430036647795453874703167371190353784395161894096477" *
"07288885581346430587133887583098026328814145249796319664981257e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178378391968598643030210661341164159851751" *
"1926582300928609202872439254612805851153655701482887764125325549148513" *
"61287766530037275064955354922139395474191862429121024983349317e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407389132306927483829653323980178613709184" *
"0611738841332391971288062238391416254246159863103649017589346287931950" *
"18588035422527156578583875446565980971845224602315043639401292e-01"
) parse(
BigFloat,
"1.24991626864266491852053823523897383790566930672642783052097562474783" *
"5644776120848302455038984139461604409660051939056911589924804714381534" *
"88197899650983224378659890112131773336120096003662628422670576e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250184338724408483049836847546121106008500" *
"6341421563297803573874205494193400464566145511203910815121776744891246" *
"17320072630078097263649159317914405334454024778010298699026794e-01"
) parse(
BigFloat,
"1.25028504568488746214789572218995018496222312921045074342796204810634" *
"1808159590784539107669471353867494227112887836088267396006285634487024" *
"23127952707642621037579759449786377945451609029022908426206161e-01"
) parse(
BigFloat,
"1.25049851827014198106789897885411026893141290303620379340647004297252" *
"6018974570655605725740910746125414321282763591639861649049397256829192" *
"21506135469924097207463225080201987334686072967053101194435142e-01"
) parse(
BigFloat,
"1.25068850527017911766799481326156647161717001369744060117838369063969" *
"6972201126792475030031153858576043384996505442647347851079743562771912" *
"11677994190658167790927815872781000548913394079075320778666380e-01"
) parse(
BigFloat,
"1.25082608288799826369087819359762981961203934170140498422993967756760" *
"1836790638271987631073479940774479453167657529517827331789267060965282" *
"27392309019138383399859220899789215956998436936306287364103798e-01"
) parse(
BigFloat,
"1.25089030619693710305320075514243160907960981618815574844719048013551" *
"3091810711918765987341825072955116560516961547828256143805316459180744" *
"76376630260362377284315579550963693184656232459656216455112690e-01"
) parse(
BigFloat,
"1.25087139780504889622589480521506402177285797891494029266698497201171" *
"7368412471798531955678241808050712418111637683104661021127859760163605" *
"98027077655137389597528919867687437776099655518854417278831453e-01"
) parse(
BigFloat,
"1.25077223635995243392739138843868776519890297857560176760763215955686" *
"5446863769679606953394197045096093459272497203167853696261752585987225" *
"92884645331345217734200526520334781141799287943605689402880167e-01"
) parse(
BigFloat,
"1.25060791829124431254352823740572767172015442262915155647505834572399" *
"3042000101079454003009202018731520122966917107664902804257570218284475" *
"57947638628520426223355012928302163358732569326545889395870392e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782356462380902985736982381787867774895898" *
"7964984468433907345922118006678351628247803826388648885810827946362207" *
"41542826015068000596874733068977174263112663035444043103094782e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879641042250023549652476880014841053809159" *
"2611242592076516193176049837185112611915914839235006903683677229156933" *
"47025560279424903029940358373554978832615015600706474335329945e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395601670633067931153020615575730177122780" *
"9189477287686786686744667293758755161275305350101285252761327448373838" *
"82129118780821654737330229733361240570399339528174126314814515e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075101427574185234200632343936562861798910" *
"0855608866371953472013198553144787536954970170845136108300830365120943" *
"60993728210854288076072500167819780447035640365058255657871318e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605316133313969604608715752079084087919776" *
"1533883798172826536368315311340506739655676109523138180323258246552956" *
"80278019790701460017209663886640050598913956263976929618235962e-01"
) parse(
BigFloat,
"1.40625091078355429812501824223787066554868864069588013062390970344524" *
"4301898430409422785160433892223113642292121313922529328885331290135269" *
"44861542747441492621161723963380377306650318133265362649877106e-01"
) parse(
BigFloat,
"1.40625091805155938997429345342444906042273864970172196939161903789750" *
"2862348438912035771023619554053457786465817020558642997322329402924895" *
"61147115870696421970475826440047983054444646610376285003479422e-01"
) parse(
BigFloat,
"1.40625081097114884897657801437741714436324624423740067164374632781285" *
"9533735532489739060855161679188881394942128372418568004240902931235381" *
"76620947795058067908995630682355844401052921981336976415217885e-01"
) parse(
BigFloat,
"1.40625060584434449681282209605233548317101314515755395525465026613649" *
"4222275366469663007275591259778811851121921591896885407762918984501900" *
"35741267076693897331486201237730961765216295936740296616589746e-01"
) parse(
BigFloat,
"1.40625033389984282167614879869681653924443526165336700210504404965266" *
"7073091622307402133168457136553090804894345946993403726363565396254982" *
"10357311435606093343746419233771106007366780166940600559446929e-01"
) parse(
BigFloat,
"1.40625003653872902403684661978175889194503488273455888711879312378900" *
"9179716607328234783924126710089770555227351791279472051057512684814373" *
"87764166997014469174928952847463053923961619201023327242392038e-01"
) parse(
BigFloat,
"1.40624975903153709460580640862637933831598183587673438062651473272104" *
"5442449890643857586524347140297401184563426080222182515078870115938718" *
"61395647287975299024851610737997737305047810590805034611680034e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746046961040277389179728786371483081552001" *
"0752722709154654455184860919480389129223121677244465263530936403380361" *
"00753094325935935702746170916026192260984922361504918991957933e-01"
) parse(
BigFloat,
"1.40624942311628857470446644878342800833870808654197253000849766253151" *
"2927995503962303307052669483530802912826777166451505738776898123978932" *
"84886779075259376168922809760319770037122726278847459962067424e-01"
) parse(
BigFloat,
"1.40624941584828348391329212255589055443527772570108643689661434357497" *
"4817712017126156814173333401647897761815072186416046191249691216523578" *
"28468701808183348044908283671814915817014881844039908418421748e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596330445469329599890232365573399094048295" *
"7232827590969710805549150713543062745793973334561716914962006890443733" *
"75847243046128689142947107961456123048243341862997901700778786e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015214878639899475720442902118268179729182" *
"4809471212304031095628904148331551237483476658395106992600430726036057" *
"38681714948276119307612473774016340561583877633415799351048118e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395601670633067931153020615575730177122780" *
"9189477287686786686744667293758755161275305350101285252761327448373838" *
"82129118780821654737330229733361240570399339528174126314814515e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075101427574185234200632343936562861798910" *
"0855608866371953472013198553144787536954970170845136108300830365120943" *
"60993728210854288076072500167819780447035640365058255657871318e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605316133313969604608715752079084087919776" *
"1533883798172826536368315311340506739655676109523138180323258246552956" *
"80278019790701460017209663886640050598913956263976929618235962e-01"
) parse(
BigFloat,
"1.40625091078355429812501824223787066554868864069588013062390970344524" *
"4301898430409422785160433892223113642292121313922529328885331290135269" *
"44861542747441492621161723963380377306650318133265362649877106e-01"
) parse(
BigFloat,
"1.40625091805155938997429345342444906042273864970172196939161903789750" *
"2862348438912035771023619554053457786465817020558642997322329402924895" *
"61147115870696421970475826440047983054444646610376285003479422e-01"
) parse(
BigFloat,
"1.40625081097114884897657801437741714436324624423740067164374632781285" *
"9533735532489739060855161679188881394942128372418568004240902931235381" *
"76620947795058067908995630682355844401052921981336976415217885e-01"
) parse(
BigFloat,
"1.40625060584434449681282209605233548317101314515755395525465026613649" *
"4222275366469663007275591259778811851121921591896885407762918984501900" *
"35741267076693897331486201237730961765216295936740296616589746e-01"
) parse(
BigFloat,
"1.40625033389984282167614879869681653924443526165336700210504404965266" *
"7073091622307402133168457136553090804894345946993403726363565396254982" *
"10357311435606093343746419233771106007366780166940600559446929e-01"
) parse(
BigFloat,
"1.40625003653872902403684661978175889194503488273455888711879312378900" *
"9179716607328234783924126710089770555227351791279472051057512684814373" *
"87764166997014469174928952847463053923961619201023327242392038e-01"
) parse(
BigFloat,
"1.40624975903153709460580640862637933831598183587673438062651473272104" *
"5442449890643857586524347140297401184563426080222182515078870115938718" *
"61395647287975299024851610737997737305047810590805034611680034e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746046961040277389179728786371483081552001" *
"0752722709154654455184860919480389129223121677244465263530936403380361" *
"00753094325935935702746170916026192260984922361504918991957933e-01"
) parse(
BigFloat,
"1.40624942311628857470446644878342800833870808654197253000849766253151" *
"2927995503962303307052669483530802912826777166451505738776898123978932" *
"84886779075259376168922809760319770037122726278847459962067424e-01"
) parse(
BigFloat,
"1.40624941584828348391329212255589055443527772570108643689661434357497" *
"4817712017126156814173333401647897761815072186416046191249691216523578" *
"28468701808183348044908283671814915817014881844039908418421748e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596330445469329599890232365573399094048295" *
"7232827590969710805549150713543062745793973334561716914962006890443733" *
"75847243046128689142947107961456123048243341862997901700778786e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015214878639899475720442902118268179729182" *
"4809471212304031095628904148331551237483476658395106992600430726036057" *
"38681714948276119307612473774016340561583877633415799351048118e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591710791980077643264780899108813961836689" *
"2972349801381659460900805607947697696957557752163890127359586026857121" *
"71119476624859986373108748595690534158825669659981688900427281e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511513253817151769553096051723008654138533" *
"9851484953861153951091223452742470388619226078432708783040928010613758" *
"05622793930795105216449377368946279367301894966503970445854306e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249720192533064631096064887022987442796349" *
"0261204395942496900139058167925100838056232867221442098419808702162564" *
"84402643528549899694381598899228843370465858518953081800832002e-01"
) parse(
BigFloat,
"1.56172776357781013927272697404596209817642042695948110793402153813479" *
"8594726941403026632914027862391700450109284173500916352473329123623761" *
"94927355436325182242923426194369628096638001346742836899939929e-01"
) parse(
BigFloat,
"1.56159018580923983686225113233141207493667132759179210330229867551971" *
"4119769258048277796299170236378297489716457099192658390012822910781213" *
"90885483265653357066729684248506267668628021394347739021996089e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871906771710439495242740356964055355908971" *
"2821352985261176480634499068894778065203234830657303764338856420432009" *
"56169228184760081399524645546918222834296213789823326058912252e-01"
) parse(
BigFloat,
"1.56154487062836334142706611410629105106072612433871711178714922329284" *
"6899206227617475078077987018317520449452446203355885430034299259172032" *
"67473166896457060156967360374207372011122123951306128371002026e-01"
) parse(
BigFloat,
"1.56164403202153741773218394680011641155396671876798451176810478710731" *
"5151308120987550081634329664397036301910964829866559597467026929453737" *
"89647050980625573680824444434134012312320417730136140318603995e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361540684348589830859692102027903347976462" *
"6258195518143263218513112560775231044117487545527004493546806564069882" *
"73174402780380006174956975278975296822270354715330347570544374e-01"
) parse(
BigFloat,
"1.56201280884756982582320181462112852566689518507096873589579122112818" *
"2811475773866618002336675164884676673330425940294182625968739849683294" *
"74903437504036010308540833260221732483582713409424841796339696e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357611850591455138596860797452530135748492" *
"2362945575883622041139346253618463250073864175629166408611987585221786" *
"41932595300482989806621986321958664894956278560072232712150114e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802793579031931299123834239078237197177045" *
"4728182536553477938604986358160256476698776106773192370861734641715554" *
"11913858859822396810105916107638009437525768477963119975728891e-01"
) parse(
BigFloat,
"1.56255384600619006623640847700983950027430615907693841419825285181650" *
"5282716607313319678826618967290495768213686792466914602757061120026728" *
"52703029047613204757641003127033066955841857872304603653447604e-01"
) parse(
BigFloat,
"1.56261806947583837580063381041869185881789860399564578465936678561834" *
"7346175461523591877114642768877783452127499397073064560273191614918272" *
"16534338161174514707045136620774962825465633784207161900034367e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869465711900683052480935213250024677002515" *
"3148319389126480790434285528095895271411678921040966503681434422149057" *
"68027265613542360335006422687402801475020478832505575365013944e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591710791980077643264780899108813961836689" *
"2972349801381659460900805607947697696957557752163890127359586026857121" *
"71119476624859986373108748595690534158825669659981688900427281e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511513253817151769553096051723008654138533" *
"9851484953861153951091223452742470388619226078432708783040928010613758" *
"05622793930795105216449377368946279367301894966503970445854306e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249720192533064631096064887022987442796349" *
"0261204395942496900139058167925100838056232867221442098419808702162564" *
"84402643528549899694381598899228843370465858518953081800832002e-01"
) parse(
BigFloat,
"1.56172776357781013927272697404596209817642042695948110793402153813479" *
"8594726941403026632914027862391700450109284173500916352473329123623761" *
"94927355436325182242923426194369628096638001346742836899939929e-01"
) parse(
BigFloat,
"1.56159018580923983686225113233141207493667132759179210330229867551971" *
"4119769258048277796299170236378297489716457099192658390012822910781213" *
"90885483265653357066729684248506267668628021394347739021996089e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871906771710439495242740356964055355908971" *
"2821352985261176480634499068894778065203234830657303764338856420432009" *
"56169228184760081399524645546918222834296213789823326058912252e-01"
) parse(
BigFloat,
"1.56154487062836334142706611410629105106072612433871711178714922329284" *
"6899206227617475078077987018317520449452446203355885430034299259172032" *
"67473166896457060156967360374207372011122123951306128371002026e-01"
) parse(
BigFloat,
"1.56164403202153741773218394680011641155396671876798451176810478710731" *
"5151308120987550081634329664397036301910964829866559597467026929453737" *
"89647050980625573680824444434134012312320417730136140318603995e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361540684348589830859692102027903347976462" *
"6258195518143263218513112560775231044117487545527004493546806564069882" *
"73174402780380006174956975278975296822270354715330347570544374e-01"
) parse(
BigFloat,
"1.56201280884756982582320181462112852566689518507096873589579122112818" *
"2811475773866618002336675164884676673330425940294182625968739849683294" *
"74903437504036010308540833260221732483582713409424841796339696e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357611850591455138596860797452530135748492" *
"2362945575883622041139346253618463250073864175629166408611987585221786" *
"41932595300482989806621986321958664894956278560072232712150114e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802793579031931299123834239078237197177045" *
"4728182536553477938604986358160256476698776106773192370861734641715554" *
"11913858859822396810105916107638009437525768477963119975728891e-01"
) parse(
BigFloat,
"1.56255384600619006623640847700983950027430615907693841419825285181650" *
"5282716607313319678826618967290495768213686792466914602757061120026728" *
"52703029047613204757641003127033066955841857872304603653447604e-01"
) parse(
BigFloat,
"1.56261806947583837580063381041869185881789860399564578465936678561834" *
"7346175461523591877114642768877783452127499397073064560273191614918272" *
"16534338161174514707045136620774962825465633784207161900034367e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869465711900683052480935213250024677002515" *
"3148319389126480790434285528095895271411678921040966503681434422149057" *
"68027265613542360335006422687402801475020478832505575365013944e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503662500847931526509095706196934331355942" *
"1737575811097502507411523535924353297749307907663254741179144338192051" *
"80508432779274566986420059100122541860603838844967918986063707e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393767162417873158112108467022466822786816" *
"0874464290390424372716819895667118006508309012746556506958606476057267" *
"71850981208167527671111759223553313530354896146115467746404294e-01"
) parse(
BigFloat,
"1.71859378379130778061077728320061490055413088409440222467840773802450" *
"4466679740676215785701085144152707921659208960870402761362316331700822" *
"08909684782098467649214776559214129031151589751081711919776136e-01"
) parse(
BigFloat,
"1.71845447149869885420149755714237640010155488083626753998547300099580" *
"5273815680490538315081001462092277321155428247955771799802695176229659" *
"12127237815091173549654587890970162941607272778934005982229734e-01"
) parse(
BigFloat,
"1.71830213898198631327914568941448948776719352056150217010785220905534" *
"4610483121468367467170460206397232360926993402847697271692781225516664" *
"57974299280390658705336728847674795478998097525748091079272986e-01"
) parse(
BigFloat,
"1.71815997748594674274757877467148933976414614894170531263569432172733" *
"7023288695397875825936774845286619210570625910760067668830935040938724" *
"41025001095473772608882919990565103336994403615182059898693569e-01"
) parse(
BigFloat,
"1.71804962980965855908520535261657927002001239224247647300167647801564" *
"3373176966086419188549707589811252675108767184350146848475540627117978" *
"32378881505872491247153373147602639389222802770923481270748476e-01"
) parse(
BigFloat,
"1.71798789538653269674370627263640262634307851519959811638763330121007" *
"1730866824309132833610757497619181137789433202118917114071128209105555" *
"37810622926322880695921836083748655214598265759353717717687092e-01"
) parse(
BigFloat,
"1.71798417272286289882429509255230684106563057201900412714623255233373" *
"3016520545047605478001084126374042507877191876112944196967958087738356" *
"91097546682718193688368323814500796560557077246235339444590073e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008742601376776139319098909281070452257517" *
"3199562132549214392378858911967778974458980919371698678474217727725005" *
"97277324021428937351551556921498556728624152381385285791982005e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863783670397070966607584230430819143243863" *
"3149827459344886198311317783505104926923440382799306679303463430283938" *
"30917012466827698487768638389754199971154303388529420221591753e-01"
) parse(
BigFloat,
"1.71828342388785861738121606842257279315049539473038725595296891564473" *
"8891235408015811175976596098226192629924916466367937853228168825754425" *
"95512920870784843591381353408797116850943148547845911535053629e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119793044262679880576638503610794055382319" *
"5122618962849113956642767283476959537327709289270558605562004206852210" *
"28737993537933942273085897621539681219888268544568885550401313e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950476479833838422860694692235434419513906" *
"5619755192060333901466110844169250686588383325688396539768767290587517" *
"46737421399999289084258227994658882978843697932101383380079997e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374632094116036103677640951303184220790987" *
"7136105616643220235378973885386764739423458081095035056591310498996133" *
"71817658302152405515414444033383008070389859088862983579685876e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503662500847931526509095706196934331355942" *
"1737575811097502507411523535924353297749307907663254741179144338192051" *
"80508432779274566986420059100122541860603838844967918986063707e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393767162417873158112108467022466822786816" *
"0874464290390424372716819895667118006508309012746556506958606476057267" *
"71850981208167527671111759223553313530354896146115467746404294e-01"
) parse(
BigFloat,
"1.71859378379130778061077728320061490055413088409440222467840773802450" *
"4466679740676215785701085144152707921659208960870402761362316331700822" *
"08909684782098467649214776559214129031151589751081711919776136e-01"
) parse(
BigFloat,
"1.71845447149869885420149755714237640010155488083626753998547300099580" *
"5273815680490538315081001462092277321155428247955771799802695176229659" *
"12127237815091173549654587890970162941607272778934005982229734e-01"
) parse(
BigFloat,
"1.71830213898198631327914568941448948776719352056150217010785220905534" *
"4610483121468367467170460206397232360926993402847697271692781225516664" *
"57974299280390658705336728847674795478998097525748091079272986e-01"
) parse(
BigFloat,
"1.71815997748594674274757877467148933976414614894170531263569432172733" *
"7023288695397875825936774845286619210570625910760067668830935040938724" *
"41025001095473772608882919990565103336994403615182059898693569e-01"
) parse(
BigFloat,
"1.71804962980965855908520535261657927002001239224247647300167647801564" *
"3373176966086419188549707589811252675108767184350146848475540627117978" *
"32378881505872491247153373147602639389222802770923481270748476e-01"
) parse(
BigFloat,
"1.71798789538653269674370627263640262634307851519959811638763330121007" *
"1730866824309132833610757497619181137789433202118917114071128209105555" *
"37810622926322880695921836083748655214598265759353717717687092e-01"
) parse(
BigFloat,
"1.71798417272286289882429509255230684106563057201900412714623255233373" *
"3016520545047605478001084126374042507877191876112944196967958087738356" *
"91097546682718193688368323814500796560557077246235339444590073e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008742601376776139319098909281070452257517" *
"3199562132549214392378858911967778974458980919371698678474217727725005" *
"97277324021428937351551556921498556728624152381385285791982005e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863783670397070966607584230430819143243863" *
"3149827459344886198311317783505104926923440382799306679303463430283938" *
"30917012466827698487768638389754199971154303388529420221591753e-01"
) parse(
BigFloat,
"1.71828342388785861738121606842257279315049539473038725595296891564473" *
"8891235408015811175976596098226192629924916466367937853228168825754425" *
"95512920870784843591381353408797116850943148547845911535053629e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119793044262679880576638503610794055382319" *
"5122618962849113956642767283476959537327709289270558605562004206852210" *
"28737993537933942273085897621539681219888268544568885550401313e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950476479833838422860694692235434419513906" *
"5619755192060333901466110844169250686588383325688396539768767290587517" *
"46737421399999289084258227994658882978843697932101383380079997e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374632094116036103677640951303184220790987" *
"7136105616643220235378973885386764739423458081095035056591310498996133" *
"71817658302152405515414444033383008070389859088862983579685876e-01"
)
]
tab_u0[ :, :, 13, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394395546693665500216567935467748549957" *
"9153085643769161819459426327591913542155499169044187674679575627761078" *
"15138402179745291172483592783980559285531253134771306431045423e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178393159192970470474082577373866116252742" *
"9699270466333947933285252696947124228205644766428154289022080158450606" *
"10084639834383462728958007165519770388354550213211905381836441e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407530726795746650283202100042443144323392" *
"2915937880581820628706802288260457296531193458948538339862694596272599" *
"41793971396648508315967885617826966286214002432847298796016489e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524225148056171144024883127699735498492066" *
"4632366772406068760456633078234607822774497948676203539524165755476189" *
"28524675983550121712531587798817319691719217985590905463613111e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250726343460338923970534636668374472366879" *
"5851573313049203412737098867161971945342030136367763712014178807677598" *
"57278819296835688096712878781898477535715992671605349841828459e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219742228702501853020375166706618147231708" *
"5865292745252074763118334433013108836737586447064975526787769387407574" *
"65696367311049501748656021379174855941195623334861128733374076e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886319745137329282942926524448411098754538" *
"4045914106721127510826613385777170691381294767217716423620142808589872" *
"14099000762477456114990535993574311779589843236308971360355035e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327158239046762014618480623320321692083777" *
"1317722140849212579371468569010907360150866370409594237706022431968979" *
"69421712058127396432865183544705616917896327668677309205135023e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777604702494581812191687554619914702605" *
"8480637817149801539614522755523127012606077368034534954563051122855830" *
"64980163829661621428339925027240780605990308371632412711582079e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193482520963671070846482200446626039270" *
"4697285546608219585590255615740932067566620022255238816595544609711137" *
"38911490953911164460739195708144578804287609866732515531560036e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328303984549695437330482275975006240992" *
"5724284900455379904107947915985359249588284642483205977036600767797711" *
"76121175404008047111110061109277278314131420486693061889077745e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518036066656355373638745447932226911369" *
"9656872585847460790338669937202101388525925515648414520665691579959277" *
"60521483069525847112740754635794536309169815729628292115157457e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028509586402512053544879897635884688187" *
"8381582603426738439064916724562553597538798461983154484882028053293459" *
"19523796907690092086922213907689347524010180446270646895603971e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782622779034212782561635824407658664441380" *
"5162337986120475131380955406897013265989423358572077592082043871137808" *
"10593474300313696865863483699679005266294773271831428679709704e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747443406682979143995668333651701825761" *
"6478131978264226289024241472183241634807386424975556955725046009863422" *
"94818513733794486735827140710347961987734917290404437184876648e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394395546693665500216567935467748549957" *
"9153085643769161819459426327591913542155499169044187674679575627761078" *
"15138402179745291172483592783980559285531253134771306431045423e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178393159192970470474082577373866116252742" *
"9699270466333947933285252696947124228205644766428154289022080158450606" *
"10084639834383462728958007165519770388354550213211905381836441e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407530726795746650283202100042443144323392" *
"2915937880581820628706802288260457296531193458948538339862694596272599" *
"41793971396648508315967885617826966286214002432847298796016489e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524225148056171144024883127699735498492066" *
"4632366772406068760456633078234607822774497948676203539524165755476189" *
"28524675983550121712531587798817319691719217985590905463613111e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250726343460338923970534636668374472366879" *
"5851573313049203412737098867161971945342030136367763712014178807677598" *
"57278819296835688096712878781898477535715992671605349841828459e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219742228702501853020375166706618147231708" *
"5865292745252074763118334433013108836737586447064975526787769387407574" *
"65696367311049501748656021379174855941195623334861128733374076e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886319745137329282942926524448411098754538" *
"4045914106721127510826613385777170691381294767217716423620142808589872" *
"14099000762477456114990535993574311779589843236308971360355035e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327158239046762014618480623320321692083777" *
"1317722140849212579371468569010907360150866370409594237706022431968979" *
"69421712058127396432865183544705616917896327668677309205135023e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777604702494581812191687554619914702605" *
"8480637817149801539614522755523127012606077368034534954563051122855830" *
"64980163829661621428339925027240780605990308371632412711582079e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193482520963671070846482200446626039270" *
"4697285546608219585590255615740932067566620022255238816595544609711137" *
"38911490953911164460739195708144578804287609866732515531560036e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328303984549695437330482275975006240992" *
"5724284900455379904107947915985359249588284642483205977036600767797711" *
"76121175404008047111110061109277278314131420486693061889077745e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518036066656355373638745447932226911369" *
"9656872585847460790338669937202101388525925515648414520665691579959277" *
"60521483069525847112740754635794536309169815729628292115157457e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028509586402512053544879897635884688187" *
"8381582603426738439064916724562553597538798461983154484882028053293459" *
"19523796907690092086922213907689347524010180446270646895603971e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782622779034212782561635824407658664441380" *
"5162337986120475131380955406897013265989423358572077592082043871137808" *
"10593474300313696865863483699679005266294773271831428679709704e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747443406682979143995668333651701825761" *
"6478131978264226289024241472183241634807386424975556955725046009863422" *
"94818513733794486735827140710347961987734917290404437184876648e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395625676353355940464103709449512822170416" *
"0613476435076180181268564383160358056348357212133960260865976450690982" *
"84186941945972362576540431196379140671985846251667184038428516e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075241275871377686382540109103609181947145" *
"6944249603912778671330395371074816047982440861772638074674085896226530" *
"03124990727988577347117916996391138990065198728080729252637157e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605645860581649811667817662657164825534688" *
"8130001657798849364735188117479724678443766617436417508591799977691487" *
"34908474357522989292881419257197184688531342717240823432025718e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224351723170501530238413279631089996353861" *
"8762107379812582136133659892232004340237491342935404237227237290864250" *
"40359685345226048294592316993006370129766921945373568413222782e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343253829748422144248020206699630425500597" *
"7196309160694861538633696975872555066467078485834557712347831292373906" *
"61864364201637669815633448776421951604937864482957801966762005e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438767209468574867930595520253242137401530" *
"8264847981430506386935442531760136304358675910249124063044716229245886" *
"35508580626236828237164803650402969901331381857917474370591595e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606415112375957001985526507227412919871332" *
"4222793304942319344769831563653833582080445804822574857907194335192714" *
"30379374685125243118351619913525989247855202459874145529428735e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870935103293334341735775017492479403803980" *
"9034129306934813081622565513792567046712861291567096776773614142825768" *
"49034740229849103128039637922084762157595214975889194653551510e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406043046295616310323387753019134293943" *
"4246230553547548386263888169815496381102038083228067027077149786635071" *
"41391990556429007859078944475532141064886418193151173984257332e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863753003917630057664251766892948113868533" *
"0934492314740616836513876486258257451563594707739865168382706185317425" *
"14522218989253525240793510006023136766983226322679030491658850e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746972515073643478378403826691446268789032" *
"1877354093722102661455147360205494585760127546751718744887392595618791" *
"59636165317815254318023315174225477057369461089368638271438211e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879033179951446096969637304699736153867106" *
"0236512652997986746571680582408525441501710880275839499468321049699346" *
"98670386477373139659891268488932157776666043097555260245971357e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256034457267398112224046232022537157145244" *
"7114305984145130764161974036234298735466710815177525376677914302593491" *
"54914659369915133966755660584719624514050546586319497914293842e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596558517155953927863667866604104449792267" *
"1900845159072440975712681043993984918719961589540218763176897876597988" *
"14687219797548881235885115363872379009994481621180677412447167e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015286518382096403506639332176485883729170" *
"2676713208974732593532010815098530465408212018695365094392319929980749" *
"88625851759058442196219730042711405882785786768096669703446057e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395625676353355940464103709449512822170416" *
"0613476435076180181268564383160358056348357212133960260865976450690982" *
"84186941945972362576540431196379140671985846251667184038428516e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075241275871377686382540109103609181947145" *
"6944249603912778671330395371074816047982440861772638074674085896226530" *
"03124990727988577347117916996391138990065198728080729252637157e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605645860581649811667817662657164825534688" *
"8130001657798849364735188117479724678443766617436417508591799977691487" *
"34908474357522989292881419257197184688531342717240823432025718e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224351723170501530238413279631089996353861" *
"8762107379812582136133659892232004340237491342935404237227237290864250" *
"40359685345226048294592316993006370129766921945373568413222782e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343253829748422144248020206699630425500597" *
"7196309160694861538633696975872555066467078485834557712347831292373906" *
"61864364201637669815633448776421951604937864482957801966762005e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438767209468574867930595520253242137401530" *
"8264847981430506386935442531760136304358675910249124063044716229245886" *
"35508580626236828237164803650402969901331381857917474370591595e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606415112375957001985526507227412919871332" *
"4222793304942319344769831563653833582080445804822574857907194335192714" *
"30379374685125243118351619913525989247855202459874145529428735e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870935103293334341735775017492479403803980" *
"9034129306934813081622565513792567046712861291567096776773614142825768" *
"49034740229849103128039637922084762157595214975889194653551510e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406043046295616310323387753019134293943" *
"4246230553547548386263888169815496381102038083228067027077149786635071" *
"41391990556429007859078944475532141064886418193151173984257332e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863753003917630057664251766892948113868533" *
"0934492314740616836513876486258257451563594707739865168382706185317425" *
"14522218989253525240793510006023136766983226322679030491658850e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746972515073643478378403826691446268789032" *
"1877354093722102661455147360205494585760127546751718744887392595618791" *
"59636165317815254318023315174225477057369461089368638271438211e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879033179951446096969637304699736153867106" *
"0236512652997986746571680582408525441501710880275839499468321049699346" *
"98670386477373139659891268488932157776666043097555260245971357e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256034457267398112224046232022537157145244" *
"7114305984145130764161974036234298735466710815177525376677914302593491" *
"54914659369915133966755660584719624514050546586319497914293842e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596558517155953927863667866604104449792267" *
"1900845159072440975712681043993984918719961589540218763176897876597988" *
"14687219797548881235885115363872379009994481621180677412447167e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015286518382096403506639332176485883729170" *
"2676713208974732593532010815098530465408212018695365094392319929980749" *
"88625851759058442196219730042711405882785786768096669703446057e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525202668211475429389356069485078777184" *
"8893241318103801547887082078456718029623265056393440080961237240036988" *
"47032195309859922369379461185523440099351490450764076477096417e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511122661071074403421555698952938047273393" *
"0420449824185890844996117967750776166095079775771932574566795112776238" *
"43340030634822003084580530242753116345617590249221371529220535e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249139324374057914032471815788383187298294" *
"6554383599809328296317326746404514920018967543918311572588416732669782" *
"11345239071709011475930363388942500135379637243295465457164328e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403873248837165855528620487681354499466336" *
"3557090811955111023709616041223151817077838172453176418797213009312245" *
"50969448709323559989581521145244052821193473995781634588248497e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232349384123304922626348346708973911482480" *
"1949046373847438028531353940856716664872997917476112047204985673667102" *
"22591447064309505139653070285878617270018649253747141000825365e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871130144481151633485000048939518442500182" *
"6412354344062448166879688484061030526824345278830274529945412837039301" *
"65836869120493733032155721674554790318562202430031692952847278e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409946489127477416735009319151721786193524" *
"0552344093092785075953855629958202940652536919588724281891987166118500" *
"47737559671084976605560712032375332086639634534243935330904352e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483048954788712100783874009365549750200" *
"7614065829803783903584950556321654095958566546114706188652275220305674" *
"50564776661876851859538545249300389219908218294553143592691438e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199259380047497969938593325302821131180" *
"8392441668453625341419701231144603216126540054250671586857263572595182" *
"09070861903674543101088044073747796520713122434459848630421095e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962898988899276070522852734397509174870" *
"4069734517099090539430335476935807682657738796973412221126125342053371" *
"27352589672864524883381699751463380964320517704524638024058863e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631457306984702078867623057980308807178" *
"7177048114231906414707662758928887011701847438845845549861050664390734" *
"29568105091091842253060688099156272916839653025994650820127239e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802939515009634244435483101355818108279544" *
"0201968188520633945602223458862099477197822816197094439062394162008413" *
"42839230773653809901639193166157227639791718737459531423944840e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701197170475304922201861948490823611446204" *
"0863722662435015112658982632957553147292472415653261704053985455989078" *
"35127738303637840581800026912238981039532457665413887194313228e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080742232082292437918705200054801799982" *
"0980903030960747396888513819677596256365172312082506049924649925604493" *
"48191106157654313305157711149442182399873536394830223816411935e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603972119407566405997766280776253108461" *
"8874338716613806003615480786124920091887936352296735598655939103632370" *
"26620905315321154529562556401052199640792613198483231016571363e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525202668211475429389356069485078777184" *
"8893241318103801547887082078456718029623265056393440080961237240036988" *
"47032195309859922369379461185523440099351490450764076477096417e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511122661071074403421555698952938047273393" *
"0420449824185890844996117967750776166095079775771932574566795112776238" *
"43340030634822003084580530242753116345617590249221371529220535e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249139324374057914032471815788383187298294" *
"6554383599809328296317326746404514920018967543918311572588416732669782" *
"11345239071709011475930363388942500135379637243295465457164328e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403873248837165855528620487681354499466336" *
"3557090811955111023709616041223151817077838172453176418797213009312245" *
"50969448709323559989581521145244052821193473995781634588248497e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232349384123304922626348346708973911482480" *
"1949046373847438028531353940856716664872997917476112047204985673667102" *
"22591447064309505139653070285878617270018649253747141000825365e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871130144481151633485000048939518442500182" *
"6412354344062448166879688484061030526824345278830274529945412837039301" *
"65836869120493733032155721674554790318562202430031692952847278e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409946489127477416735009319151721786193524" *
"0552344093092785075953855629958202940652536919588724281891987166118500" *
"47737559671084976605560712032375332086639634534243935330904352e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483048954788712100783874009365549750200" *
"7614065829803783903584950556321654095958566546114706188652275220305674" *
"50564776661876851859538545249300389219908218294553143592691438e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199259380047497969938593325302821131180" *
"8392441668453625341419701231144603216126540054250671586857263572595182" *
"09070861903674543101088044073747796520713122434459848630421095e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962898988899276070522852734397509174870" *
"4069734517099090539430335476935807682657738796973412221126125342053371" *
"27352589672864524883381699751463380964320517704524638024058863e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631457306984702078867623057980308807178" *
"7177048114231906414707662758928887011701847438845845549861050664390734" *
"29568105091091842253060688099156272916839653025994650820127239e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802939515009634244435483101355818108279544" *
"0201968188520633945602223458862099477197822816197094439062394162008413" *
"42839230773653809901639193166157227639791718737459531423944840e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701197170475304922201861948490823611446204" *
"0863722662435015112658982632957553147292472415653261704053985455989078" *
"35127738303637840581800026912238981039532457665413887194313228e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080742232082292437918705200054801799982" *
"0980903030960747396888513819677596256365172312082506049924649925604493" *
"48191106157654313305157711149442182399873536394830223816411935e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603972119407566405997766280776253108461" *
"8874338716613806003615480786124920091887936352296735598655939103632370" *
"26620905315321154529562556401052199640792613198483231016571363e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503628114587301774576424419918165188261818" *
"9006057482016246118580091409666641165779264232235399136753873011746481" *
"30078490293869818583040661157302195985008850417927440739070276e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393644421529949573932567861625253891953023" *
"5489513179032534577904405321135392619676410983414625473029090607083686" *
"79399699022450882086278500665325202595451624757259478262168831e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319809541220609806924583819804968823051541" *
"1861024150543488908307212892435110059311161451158347113980684184228503" *
"23637098551069445457551986004823599476334110971941070151264223e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713834838005893718471707987441963043229066" *
"0858267950857323882827007421877832337656987768452367024671971926632762" *
"86651265503424323571818192347963317253502183794918574471530858e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940896296216173605744229378784843757173838" *
"0768693573772524018980110949699239127161388123622670756118978063122289" *
"13625892760081841278218690556993359823261839013629741229834611e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466470259432801427499582111597736333748653" *
"3681613407442273687618890897340039090388061986628431891156159778043652" *
"12050976841280147420719874886606938530754085413707790667065020e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260896580724403921366491807933837344522131" *
"7591533378942321082307262413873929255798183924703817755833955453644097" *
"24098265995791726772926799904563909766628245036146147724978541e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262852643537918712114963033155134113814644" *
"5229539604189949805091890121265027927046393987934313370379962053418905" *
"25809126668134823182866568073739449309636683736687797340965076e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254477509271371417465508336272194594118317" *
"6648714424912347814202656521351743249702077894624002456055875385815255" *
"37332869637356224731788962528604082428361093950648356963227860e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008079331616147500205160510561397303118758" *
"8566232311422598527123214453769240346614486525989039323373828896574859" *
"97468061722931754648676862245601998898176469291297194964304040e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251743246311598155261893800633068845474" *
"5561441140403310590448334251113573242216283203443599307708506071561466" *
"54680351344378038960679272186644768134762137163128504908845921e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841877673755829699151291240655036965582542" *
"9842164628116729923342270628828113489168195592171324967792352821732387" *
"63598281404965341186110964098218547356884775998676803872055285e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119563231259175219648811484338384874504468" *
"9228446545943510206236042585423534479790807915635169065662568093358620" *
"75266775828536081851876926418272514683847539692680389804564278e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950371138366129886666177164651656654818426" *
"2966555853188712613837048252340653270419853534677860352675641941271949" *
"60068505876993411911304607078862272941969550051545326641308739e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374607289719323174160138768835150655787524" *
"5967976237716374278683016072992528501211223633844956810964567761281490" *
"66326172629097506371692270639113296588171556797991314697612139e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503628114587301774576424419918165188261818" *
"9006057482016246118580091409666641165779264232235399136753873011746481" *
"30078490293869818583040661157302195985008850417927440739070276e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393644421529949573932567861625253891953023" *
"5489513179032534577904405321135392619676410983414625473029090607083686" *
"79399699022450882086278500665325202595451624757259478262168831e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319809541220609806924583819804968823051541" *
"1861024150543488908307212892435110059311161451158347113980684184228503" *
"23637098551069445457551986004823599476334110971941070151264223e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713834838005893718471707987441963043229066" *
"0858267950857323882827007421877832337656987768452367024671971926632762" *
"86651265503424323571818192347963317253502183794918574471530858e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940896296216173605744229378784843757173838" *
"0768693573772524018980110949699239127161388123622670756118978063122289" *
"13625892760081841278218690556993359823261839013629741229834611e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466470259432801427499582111597736333748653" *
"3681613407442273687618890897340039090388061986628431891156159778043652" *
"12050976841280147420719874886606938530754085413707790667065020e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260896580724403921366491807933837344522131" *
"7591533378942321082307262413873929255798183924703817755833955453644097" *
"24098265995791726772926799904563909766628245036146147724978541e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262852643537918712114963033155134113814644" *
"5229539604189949805091890121265027927046393987934313370379962053418905" *
"25809126668134823182866568073739449309636683736687797340965076e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254477509271371417465508336272194594118317" *
"6648714424912347814202656521351743249702077894624002456055875385815255" *
"37332869637356224731788962528604082428361093950648356963227860e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008079331616147500205160510561397303118758" *
"8566232311422598527123214453769240346614486525989039323373828896574859" *
"97468061722931754648676862245601998898176469291297194964304040e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251743246311598155261893800633068845474" *
"5561441140403310590448334251113573242216283203443599307708506071561466" *
"54680351344378038960679272186644768134762137163128504908845921e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841877673755829699151291240655036965582542" *
"9842164628116729923342270628828113489168195592171324967792352821732387" *
"63598281404965341186110964098218547356884775998676803872055285e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119563231259175219648811484338384874504468" *
"9228446545943510206236042585423534479790807915635169065662568093358620" *
"75266775828536081851876926418272514683847539692680389804564278e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950371138366129886666177164651656654818426" *
"2966555853188712613837048252340653270419853534677860352675641941271949" *
"60068505876993411911304607078862272941969550051545326641308739e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374607289719323174160138768835150655787524" *
"5967976237716374278683016072992528501211223633844956810964567761281490" *
"66326172629097506371692270639113296588171556797991314697612139e-01"
)
]
tab_u0[ :, :, 14, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394124601139623472475220094120640977160" *
"0458185120503240584826151770895089493066231332517055440793326458911906" *
"45730255435595477007982957991602444970209930941283045729842221e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178392536264889551847355787320205102412287" *
"0439161127057772657353205592587474633577452186333475742081123399546678" *
"18341837623201700056614865430993004108291326801450035039225320e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407529732083450832056836706379113699665091" *
"9585547573846798454646505199909126610067318304519114878953555806367369" *
"66690772185284155620581195820433506273228818267127869766919990e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524223846012993823034296009959181427819044" *
"4080681773416705771180969910113297641369095171506034162165775631617493" *
"55079459577723112535251397745753610269137713987089664475706260e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250724876774062394536241078136148711385621" *
"6748192063598464101380787333730950764579039500657490954262133922614907" *
"26294132392086986265172286141297164239091477298749470748203614e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219740781967317634946651345466247822958287" *
"1616701599282714929544455988850775642988117962363213113649196189136393" *
"41091032728110208991429261506671144489494791293551146267251293e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886318492312625495146391131163117276539010" *
"4764574059785260165761148297603348239189189339601005815653008181036173" *
"15089295009818262654460248804303442399409250054238307057547217e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327157296986145113997636336511371637009145" *
"9247491400293339886802289645270419002501526975455320967217798173479479" *
"23623867307575065060435246292941891925643711289071226746908195e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777011503994740484566332614685100827057" *
"1809119428733236117744073735094635318516318831718838760580656027576260" *
"87563733863655026677475007542983661283711413055391148479376277e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193206262132824183719756115195377994513" *
"4702661594053467488613396215357549060704105195827270250728216450733976" *
"73525648963019773864067066487262065903465148401279315338840465e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328272035284440154102353905880189301589" *
"2002487088997444852486781287098871731057640776061931916355905213300095" *
"49596367499992860451634533792493257067927036719101282867962284e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518166214751446374983765662914369819474" *
"2324717251239375711641126949487011777568914056431024999061784228596963" *
"23937903013427764074254173057769160169879255132802662058624045e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028726461032198269801256157536236452160" *
"7714324076963009285487335002936861644184126136026690215891515926449415" *
"17448543295791846652430726790899160538969271403588085799081748e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782623011000610032865724273999831115467381" *
"9387502192840798993767548986556306174930662054500416977976871164617023" *
"75604466204652878589318146187511332932490867890137016507911368e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747608937250703129953196584344998332442" *
"8716487525756721876570210660953950132980009381314628230390663701471880" *
"02791115735485887841633199824889573025855617055901855985533594e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394124601139623472475220094120640977160" *
"0458185120503240584826151770895089493066231332517055440793326458911906" *
"45730255435595477007982957991602444970209930941283045729842221e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178392536264889551847355787320205102412287" *
"0439161127057772657353205592587474633577452186333475742081123399546678" *
"18341837623201700056614865430993004108291326801450035039225320e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407529732083450832056836706379113699665091" *
"9585547573846798454646505199909126610067318304519114878953555806367369" *
"66690772185284155620581195820433506273228818267127869766919990e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524223846012993823034296009959181427819044" *
"4080681773416705771180969910113297641369095171506034162165775631617493" *
"55079459577723112535251397745753610269137713987089664475706260e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250724876774062394536241078136148711385621" *
"6748192063598464101380787333730950764579039500657490954262133922614907" *
"26294132392086986265172286141297164239091477298749470748203614e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219740781967317634946651345466247822958287" *
"1616701599282714929544455988850775642988117962363213113649196189136393" *
"41091032728110208991429261506671144489494791293551146267251293e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886318492312625495146391131163117276539010" *
"4764574059785260165761148297603348239189189339601005815653008181036173" *
"15089295009818262654460248804303442399409250054238307057547217e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327157296986145113997636336511371637009145" *
"9247491400293339886802289645270419002501526975455320967217798173479479" *
"23623867307575065060435246292941891925643711289071226746908195e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777011503994740484566332614685100827057" *
"1809119428733236117744073735094635318516318831718838760580656027576260" *
"87563733863655026677475007542983661283711413055391148479376277e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193206262132824183719756115195377994513" *
"4702661594053467488613396215357549060704105195827270250728216450733976" *
"73525648963019773864067066487262065903465148401279315338840465e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328272035284440154102353905880189301589" *
"2002487088997444852486781287098871731057640776061931916355905213300095" *
"49596367499992860451634533792493257067927036719101282867962284e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518166214751446374983765662914369819474" *
"2324717251239375711641126949487011777568914056431024999061784228596963" *
"23937903013427764074254173057769160169879255132802662058624045e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028726461032198269801256157536236452160" *
"7714324076963009285487335002936861644184126136026690215891515926449415" *
"17448543295791846652430726790899160538969271403588085799081748e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782623011000610032865724273999831115467381" *
"9387502192840798993767548986556306174930662054500416977976871164617023" *
"75604466204652878589318146187511332932490867890137016507911368e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747608937250703129953196584344998332442" *
"8716487525756721876570210660953950132980009381314628230390663701471880" *
"02791115735485887841633199824889573025855617055901855985533594e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395626689848752026837703543780714621579432" *
"2225895599786398545228765123478154743256413620233261341772741931730413" *
"41539798045472701679459174569469870209713655816855945674686263e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075243291998268190929262748695546531336215" *
"4567613884277556367883983292620397862090382138753860402612717336855447" *
"28513759673318619656492762440851654870702133460762733422313136e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605648716394044682299385728308601832723388" *
"9792241446550419095062521796003265273206711024060053831755790634706211" *
"85184780336205473913646282820265256664708958059032069563280182e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224355127934007068258721144784696493796971" *
"7091989566304735667187396212268017594845876852649794446910298920434984" *
"91784755239583941149287348643616571736228748413797404294488347e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343257408661596291905502264127826456727274" *
"4948427396695543699849935403516704588015805353473933297423023647452532" *
"95739526338980439211078016241577460388348338117903779509933993e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438770560472208713261256837176628786444392" *
"9123581119600721925086397422196963392365797243704733291000094174278613" *
"03129923400298319840910351978940725175977881323504896490682314e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606417867548478627786062371156438625309490" *
"2509217997757913010753269260732753051047154064302779089732354777618984" *
"33878028182194719939455666528630914253698411055514819866796464e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870936985376800679408426183403115210101114" *
"6629482268402628321797875729286839106363641775341519303989027335296055" *
"32141435316230717378415857641759123436883665021294453872969313e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406908196814480139403710991460668167456" *
"0312320063658800108866573588426668256436948820920188623225708239323204" *
"32850710133492076946372856582750113929814628992731220786407899e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863752863855297752407231940890429625042211" *
"1060645775164195296498697092220469335886959048751774319781387544587637" *
"76787774762646164230586401626257405053773423649603825835376867e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746971535112768468453461599009699204855059" *
"9866648949589012604710161476878907268525192862252739101944722480881564" *
"12801067615410980974167992732347448190651535291630058325547947e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879031653319535463645854555460981940515878" *
"1868683610290633043218587271994615045278920659083667848171703719273369" *
"41996052709661937703649208336355325406708177526380525338326652e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256032759923370257873681245170605392327225" *
"4113916193456292419522697590824474199311876165195034321872373944802564" *
"33201812658344159544599153506157239094052762264724599799025463e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596557050302823126171248418627473667914991" *
"6908881341626267906107937100495524856576852715906466321097774756251585" *
"44745360725165299118423944445754484088328772232873261382916578e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015285647573116158786801366493525453462448" *
"3482209918172359043786949881221899813608328523753826325836288130462217" *
"83903338516804446868986732132336987037614512029824607111394994e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395626689848752026837703543780714621579432" *
"2225895599786398545228765123478154743256413620233261341772741931730413" *
"41539798045472701679459174569469870209713655816855945674686263e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075243291998268190929262748695546531336215" *
"4567613884277556367883983292620397862090382138753860402612717336855447" *
"28513759673318619656492762440851654870702133460762733422313136e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605648716394044682299385728308601832723388" *
"9792241446550419095062521796003265273206711024060053831755790634706211" *
"85184780336205473913646282820265256664708958059032069563280182e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224355127934007068258721144784696493796971" *
"7091989566304735667187396212268017594845876852649794446910298920434984" *
"91784755239583941149287348643616571736228748413797404294488347e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343257408661596291905502264127826456727274" *
"4948427396695543699849935403516704588015805353473933297423023647452532" *
"95739526338980439211078016241577460388348338117903779509933993e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438770560472208713261256837176628786444392" *
"9123581119600721925086397422196963392365797243704733291000094174278613" *
"03129923400298319840910351978940725175977881323504896490682314e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606417867548478627786062371156438625309490" *
"2509217997757913010753269260732753051047154064302779089732354777618984" *
"33878028182194719939455666528630914253698411055514819866796464e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870936985376800679408426183403115210101114" *
"6629482268402628321797875729286839106363641775341519303989027335296055" *
"32141435316230717378415857641759123436883665021294453872969313e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406908196814480139403710991460668167456" *
"0312320063658800108866573588426668256436948820920188623225708239323204" *
"32850710133492076946372856582750113929814628992731220786407899e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863752863855297752407231940890429625042211" *
"1060645775164195296498697092220469335886959048751774319781387544587637" *
"76787774762646164230586401626257405053773423649603825835376867e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746971535112768468453461599009699204855059" *
"9866648949589012604710161476878907268525192862252739101944722480881564" *
"12801067615410980974167992732347448190651535291630058325547947e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879031653319535463645854555460981940515878" *
"1868683610290633043218587271994615045278920659083667848171703719273369" *
"41996052709661937703649208336355325406708177526380525338326652e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256032759923370257873681245170605392327225" *
"4113916193456292419522697590824474199311876165195034321872373944802564" *
"33201812658344159544599153506157239094052762264724599799025463e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596557050302823126171248418627473667914991" *
"6908881341626267906107937100495524856576852715906466321097774756251585" *
"44745360725165299118423944445754484088328772232873261382916578e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015285647573116158786801366493525453462448" *
"3482209918172359043786949881221899813608328523753826325836288130462217" *
"83903338516804446868986732132336987037614512029824607111394994e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525596392853511286779593224178645085179" *
"5252286030280620739514101751725284945717672174737150348706358181369490" *
"61272091941431091341802901623809913315460685236895605357308913e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511123432661553881880806876689825903031091" *
"5605563303975546457833571739523638151261727070303645177915048111766630" *
"47489170177951621991328894481976285915135272127920871894349966e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249140368930851302985893615769242639893842" *
"2318006538527583610972506851737065918565371238052073960172050032960009" *
"52293376522937921247682304411752025933870810218687010479622162e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403874403070246784987659985797712223497274" *
"8014552483912517819301356862186967419864277322093686371259256272027404" *
"62927675991651535334892113078681398827935137918642420751042892e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232350475721450905878623182377557332804971" *
"9322842309719159198274045948100440921800964684876342370330528481481397" *
"02607657115691410118899649474880265994528698588746612395167856e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871131038333410988528460564520852355298008" *
"2030402725112299401661083832661734314324651399624898855167987436283395" *
"81342795839409061439695728211474697689515409377325376186226766e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409947111688098680065337270877662731199423" *
"7501626571779085585243879603037874447220244747198768481062837094285235" *
"32364609995504858507000094296871864722068799734667496574187795e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483384840716367462438434634995774477023" *
"7199502221434832844813346424368519869624496896181353047778417279806229" *
"48372426655596971316188382646509797691003641081598378938936317e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199329250493045369569101695618391650137" *
"6851188804874301426710003604136171248896654829429672571154566086064291" *
"21676483675362609843772414278053868910898277428372054616110324e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962736366852457437031907540787425316400" *
"4182058027555645371954293276209582517017269557420979467499276446974246" *
"33307639522872050553231860365206580058701384342309473503144012e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631099598421388391008969275600315087278" *
"6085676646952629333447736515188136975272115673965613719616558009548454" *
"58606037689012427445822514702550221137857950979133721800295621e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802939012390102643994289926506111616043479" *
"3215661364587802496087985051883545412091403125970025766984751748814285" *
"60004494053461655666694792237693030114481934790469074932698173e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701196602781546346790289832420721357138644" *
"2657180601768123902172503157603508375265274268320267551983655800714670" *
"09257150370782874684997251633123691876679818807516277074061891e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080226910863672715591872406996717246453" *
"2476494118074304922302168988805668356140778388232709749462663892653639" *
"48067306253220183937842772058547370494632428163180596385249084e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603650210031616238778002456700602050253" *
"2735426740751445517619028744111173207586306143247409433040847501902283" *
"43434101183439887049897412659047308900040166807427414294892647e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525596392853511286779593224178645085179" *
"5252286030280620739514101751725284945717672174737150348706358181369490" *
"61272091941431091341802901623809913315460685236895605357308913e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511123432661553881880806876689825903031091" *
"5605563303975546457833571739523638151261727070303645177915048111766630" *
"47489170177951621991328894481976285915135272127920871894349966e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249140368930851302985893615769242639893842" *
"2318006538527583610972506851737065918565371238052073960172050032960009" *
"52293376522937921247682304411752025933870810218687010479622162e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403874403070246784987659985797712223497274" *
"8014552483912517819301356862186967419864277322093686371259256272027404" *
"62927675991651535334892113078681398827935137918642420751042892e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232350475721450905878623182377557332804971" *
"9322842309719159198274045948100440921800964684876342370330528481481397" *
"02607657115691410118899649474880265994528698588746612395167856e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871131038333410988528460564520852355298008" *
"2030402725112299401661083832661734314324651399624898855167987436283395" *
"81342795839409061439695728211474697689515409377325376186226766e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409947111688098680065337270877662731199423" *
"7501626571779085585243879603037874447220244747198768481062837094285235" *
"32364609995504858507000094296871864722068799734667496574187795e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483384840716367462438434634995774477023" *
"7199502221434832844813346424368519869624496896181353047778417279806229" *
"48372426655596971316188382646509797691003641081598378938936317e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199329250493045369569101695618391650137" *
"6851188804874301426710003604136171248896654829429672571154566086064291" *
"21676483675362609843772414278053868910898277428372054616110324e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962736366852457437031907540787425316400" *
"4182058027555645371954293276209582517017269557420979467499276446974246" *
"33307639522872050553231860365206580058701384342309473503144012e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631099598421388391008969275600315087278" *
"6085676646952629333447736515188136975272115673965613719616558009548454" *
"58606037689012427445822514702550221137857950979133721800295621e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802939012390102643994289926506111616043479" *
"3215661364587802496087985051883545412091403125970025766984751748814285" *
"60004494053461655666694792237693030114481934790469074932698173e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701196602781546346790289832420721357138644" *
"2657180601768123902172503157603508375265274268320267551983655800714670" *
"09257150370782874684997251633123691876679818807516277074061891e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080226910863672715591872406996717246453" *
"2476494118074304922302168988805668356140778388232709749462663892653639" *
"48067306253220183937842772058547370494632428163180596385249084e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603650210031616238778002456700602050253" *
"2735426740751445517619028744111173207586306143247409433040847501902283" *
"43434101183439887049897412659047308900040166807427414294892647e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503630047251859836554110576958986521915027" *
"0953446464266255843463019717602767767406417254327108325961372221133479" *
"26162549864354674508207285515034489913861486646613695137656544e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393648365673897213749186445840101865729858" *
"2483678243968139561606489869344449607224565964852950236470495574720907" *
"95729558395612454405214562218018761976981541755197042234953874e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319815267875448798000471472193143385807910" *
"2575778339721404559514565599293828929259564010395021763878134007034001" *
"62755684830170433793901240992863119048707029640551856705310412e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713841849144023591893382960485507812557069" *
"6797170151240890762308629367314449246088231131030144443057132412896282" *
"40800662370441534235478652160805202156000315297948201046798007e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940903903082769202123376470758243255307422" *
"1879679391077478612483645836813881194108717837153694204550798060839914" *
"77424278431086833539816580794754781590530362276925587496008758e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466477687088859148135611971464192844602379" *
"7438085288704243945272578382479919349228608362416967237138961432560554" *
"40059373191852547944800407939254483000022560659774070710751968e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260903083068674477181690367900753068889360" *
"7890615846688748992208539586880963858729578406383201168330281557961093" *
"41684528797578439402134546267223961236382652102316951681233736e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262857613027615390263610798644540119986890" *
"2706233074995165119717873582128349506348838363016178071581149983897348" *
"56471635789273999300347146982162495266984673747576012511854494e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254480566902578271999058649093851266663220" *
"9566284782450579861723916609241997038438041959173739297999032094281545" *
"58149769162570048888410726164989086185935053506684235690350255e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008080384937356628866017213087772705346382" *
"4475534576646184908779046694669362572898855597206525937189224272659105" *
"69849713752364901632815911606744303055645726014361966118132682e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251003389612315192124920427931574502968" *
"8866999771245641458739662438379943043916460028091165676461085173495109" *
"12594345267994101539424076595005677391884887408504490178723825e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841875627161007493376427568730965874506251" *
"5608938416356102869931462847383002000354792669714318621636426709075875" *
"11987182106248776511126635861551288369498649369815598662452758e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119560568129819064338920194910025989627972" *
"9911416746935829635494089919226041790542780368825739720164486981990721" *
"75486704126812900378383812655671083775523567348802568822818175e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950368647277919773546156717639534032436264" *
"0808358247510233966475288488335367844110473426126731795711281531495173" *
"43966743722732063317350050139257778040513053892729947169288860e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374605734609917274440641023649680192451212" *
"8673776657035022170463929524215476503852805650014146185439481820569382" *
"04607008847958845296855097922252112722821481807003452742130937e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503630047251859836554110576958986521915027" *
"0953446464266255843463019717602767767406417254327108325961372221133479" *
"26162549864354674508207285515034489913861486646613695137656544e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393648365673897213749186445840101865729858" *
"2483678243968139561606489869344449607224565964852950236470495574720907" *
"95729558395612454405214562218018761976981541755197042234953874e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319815267875448798000471472193143385807910" *
"2575778339721404559514565599293828929259564010395021763878134007034001" *
"62755684830170433793901240992863119048707029640551856705310412e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713841849144023591893382960485507812557069" *
"6797170151240890762308629367314449246088231131030144443057132412896282" *
"40800662370441534235478652160805202156000315297948201046798007e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940903903082769202123376470758243255307422" *
"1879679391077478612483645836813881194108717837153694204550798060839914" *
"77424278431086833539816580794754781590530362276925587496008758e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466477687088859148135611971464192844602379" *
"7438085288704243945272578382479919349228608362416967237138961432560554" *
"40059373191852547944800407939254483000022560659774070710751968e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260903083068674477181690367900753068889360" *
"7890615846688748992208539586880963858729578406383201168330281557961093" *
"41684528797578439402134546267223961236382652102316951681233736e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262857613027615390263610798644540119986890" *
"2706233074995165119717873582128349506348838363016178071581149983897348" *
"56471635789273999300347146982162495266984673747576012511854494e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254480566902578271999058649093851266663220" *
"9566284782450579861723916609241997038438041959173739297999032094281545" *
"58149769162570048888410726164989086185935053506684235690350255e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008080384937356628866017213087772705346382" *
"4475534576646184908779046694669362572898855597206525937189224272659105" *
"69849713752364901632815911606744303055645726014361966118132682e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251003389612315192124920427931574502968" *
"8866999771245641458739662438379943043916460028091165676461085173495109" *
"12594345267994101539424076595005677391884887408504490178723825e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841875627161007493376427568730965874506251" *
"5608938416356102869931462847383002000354792669714318621636426709075875" *
"11987182106248776511126635861551288369498649369815598662452758e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119560568129819064338920194910025989627972" *
"9911416746935829635494089919226041790542780368825739720164486981990721" *
"75486704126812900378383812655671083775523567348802568822818175e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950368647277919773546156717639534032436264" *
"0808358247510233966475288488335367844110473426126731795711281531495173" *
"43966743722732063317350050139257778040513053892729947169288860e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374605734609917274440641023649680192451212" *
"8673776657035022170463929524215476503852805650014146185439481820569382" *
"04607008847958845296855097922252112722821481807003452742130937e-01"
)
]
tab_u0[ :, :, 15, 1] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394116539080926091088024049804647738005" *
"7053629032519697524768151482302134551141568807715800827421802050434444" *
"52107150862989863194381648006258599048028448561073429923372459e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178392523304238018831540770101189486492329" *
"6318047706800948778042243253916430410590522706936840602468308727948790" *
"03194304123356992459262358754704311428566800083843496554560494e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407529718260362606003070822799040642434021" *
"5974300510928973440783880980944305901199848269543989213183115154975477" *
"46838369545334279928135351704111853743263459289762484285851146e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524223835612559234340519664247005683946161" *
"9221144572368534526547353665570254413635206750831675913773103143453893" *
"69318578391301423824975128104821702128108681058144717927672202e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250724873599746366923034161511165220582602" *
"5531407824019356513630353786796174487152615131148795299249897960561211" *
"12854463330690660330595781626608197197265659513910237068767306e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219740788660476067051520217891340475990929" *
"6239538449522543263008995368220121809792725710346535133204859776124564" *
"21136567097667826327196445590708307130612974556891456066407951e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886318509885146882186016222686362043846865" *
"3048841805505208609484859781338360916190263769992721342702892698101242" *
"22030209288784087371041185663016920602386628439968296797281828e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327157324675751459596309259626732825083675" *
"6146857131939530624340929839728641625982369253807877650049619610739361" *
"45598946817915917440821722540193735450391310924673303888588410e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777046968852571392715386773542127434955" *
"8985683474500622763042400242357734182744775315564097486140200002030531" *
"03251793019825127524102959122184919544039584369619558635317601e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193246039034243124558561239134394724994" *
"5726735603015067860606521173714676774147027886596048389355598760210099" *
"65359735689320800907084445676361493870505026358841683483384369e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328312131923878832470220097522901143853" *
"9476948718600704151680190793100331981621659656001353098572158910834981" *
"42007930157842173109774422070671357353824565393110474600979967e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518202707794685318368880718139945268033" *
"8862238647040041696855127060286867574273690895767958803906151008668246" *
"53762816156350161186483208460877860040317044670997307325225622e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028756014764108126003937890384311811674" *
"4753178662495740181255985268276418074767914166725676026546368976848718" *
"93553490900019685523402898409332640474585403398600280635049785e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782623031273416708563968200005674808380282" *
"9687245179840200075217757123141895686591421768531045993671663293944100" *
"68869490815767256622021700884249632749323453338885442720769469e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747618873393077272386778021395724894428" *
"7377817261956563639973105149463428200194319856125549192612868567302449" *
"54597031986194501786410763409732554834431542026232646019988425e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24986242229680832609861084343394116539080926091088024049804647738005" *
"7053629032519697524768151482302134551141568807715800827421802050434444" *
"52107150862989863194381648006258599048028448561073429923372459e-01"
) parse(
BigFloat,
"1.24979819887414000118822188178392523304238018831540770101189486492329" *
"6318047706800948778042243253916430410590522706936840602468308727948790" *
"03194304123356992459262358754704311428566800083843496554560494e-01"
) parse(
BigFloat,
"1.24981710719056295499024319407529718260362606003070822799040642434021" *
"5974300510928973440783880980944305901199848269543989213183115154975477" *
"46838369545334279928135351704111853743263459289762484285851146e-01"
) parse(
BigFloat,
"1.24991626864266491852053823524223835612559234340519664247005683946161" *
"9221144572368534526547353665570254413635206750831675913773103143453893" *
"69318578391301423824975128104821702128108681058144717927672202e-01"
) parse(
BigFloat,
"1.25008058679674556778290716250724873599746366923034161511165220582602" *
"5531407824019356513630353786796174487152615131148795299249897960561211" *
"12854463330690660330595781626608197197265659513910237068767306e-01"
) parse(
BigFloat,
"1.25028504568488746214789572219740788660476067051520217891340475990929" *
"6239538449522543263008995368220121809792725710346535133204859776124564" *
"21136567097667826327196445590708307130612974556891456066407951e-01"
) parse(
BigFloat,
"1.25049851827014198106789897886318509885146882186016222686362043846865" *
"3048841805505208609484859781338360916190263769992721342702892698101242" *
"22030209288784087371041185663016920602386628439968296797281828e-01"
) parse(
BigFloat,
"1.25068850527017911766799481327157324675751459596309259626732825083675" *
"6146857131939530624340929839728641625982369253807877650049619610739361" *
"45598946817915917440821722540193735450391310924673303888588410e-01"
) parse(
BigFloat,
"1.25082608288799826369087819360777046968852571392715386773542127434955" *
"8985683474500622763042400242357734182744775315564097486140200002030531" *
"03251793019825127524102959122184919544039584369619558635317601e-01"
) parse(
BigFloat,
"1.25089030619693710305320075515193246039034243124558561239134394724994" *
"5726735603015067860606521173714676774147027886596048389355598760210099" *
"65359735689320800907084445676361493870505026358841683483384369e-01"
) parse(
BigFloat,
"1.25087139780504889622589480522328312131923878832470220097522901143853" *
"9476948718600704151680190793100331981621659656001353098572158910834981" *
"42007930157842173109774422070671357353824565393110474600979967e-01"
) parse(
BigFloat,
"1.25077223635995243392739138844518202707794685318368880718139945268033" *
"8862238647040041696855127060286867574273690895767958803906151008668246" *
"53762816156350161186483208460877860040317044670997307325225622e-01"
) parse(
BigFloat,
"1.25060791829124431254352823741028756014764108126003937890384311811674" *
"4753178662495740181255985268276418074767914166725676026546368976848718" *
"93553490900019685523402898409332640474585403398600280635049785e-01"
) parse(
BigFloat,
"1.25040345951683190372660607782623031273416708563968200005674808380282" *
"9687245179840200075217757123141895686591421768531045993671663293944100" *
"68869490815767256622021700884249632749323453338885442720769469e-01"
) parse(
BigFloat,
"1.25018998700704263783188745879747618873393077272386778021395724894428" *
"7377817261956563639973105149463428200194319856125549192612868567302449" *
"54597031986194501786410763409732554834431542026232646019988425e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395626680051173027480356563260242016566800" *
"1150325533124073877155255768684012081484536053372392882442912274638107" *
"33207024501812524282294600479640324452695372047072577349510227e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075243279559612824157911468301429197599089" *
"1526015539530531854400768588192137389072225154736083436971621072713732" *
"10882232762321977207495072243054036323891135686075587693684329e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605648708865485653416559439788231755301253" *
"5339013877374174183932397208129328120447692037743955767272326881406481" *
"58371876491221136255278026472239426665554357534370437372897952e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224355132112140496818146181050424230762286" *
"9710080051952891514883954681337699019513388973412728411439291469003764" *
"08369184242684178415809610457466857003815671345284699476715182e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343257429558207261454182904965404031865838" *
"0415916882343882380714436017872691379709628393135866102379990740107039" *
"43282559045815393950448853322476696564051086842217875294070848e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438770600557265539827116182680033752275241" *
"9703948296283780507771875197472836575957097901894050348400655882691717" *
"75850584008188110761353274724161793642066248991966779214990933e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606417926378092669587653391217679571115280" *
"3317774843668031689233195165234961702930668005837104087545398594383613" *
"87408352115267321427050915466469541087009001749423537587727243e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870937059660453965333441613231803310233072" *
"9942717622526852072796519981541235130707074800599405458299680364689382" *
"46522558138239514237490944921267205890924751432964874658965129e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406992293825272037353496503584593121753" *
"7739987183827844473607593041388624963537912485307265848623785455422153" *
"77553671152959760977890006008877277917971238427208123984839892e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863752950627569342344712557492978395107022" *
"1628341712416090528293002680057389872454462680395547249657136989388926" *
"25175426330504363271200885243038724468244234997749201198222574e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746971617007509299294898861908729270570035" *
"0149603233756191559061849070354813999519460408882158293794404222285265" *
"37737136652103196080423137116819969483755178894425117702542758e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879031723519454089607028693372658760891620" *
"0104841961823290330692839699313850283121473503952967138378172413662323" *
"86168427405415427001586790131042972867638764841456019683717134e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256032813389032836219628622955341214374924" *
"0538749505762342310134560927576686909532459109040293173916954193497885" *
"17786870241545365848495625034689068730304712776260374794146264e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596557084545855416880929181170807070280969" *
"7886198483438963207687228783473185692067501467709557210498826566792228" *
"59744584734720163957911139232148228378895079473083436973502625e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015285663039025655478652596700922264233418" *
"1850772608115859542686902412147214805730867989381303097669612397201528" *
"57365507421349036030966553050967513674134938497602554814062721e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625029736111379658120129395626680051173027480356563260242016566800" *
"1150325533124073877155255768684012081484536053372392882442912274638107" *
"33207024501812524282294600479640324452695372047072577349510227e-01"
) parse(
BigFloat,
"1.40625057486830574055642697075243279559612824157911468301429197599089" *
"1526015539530531854400768588192137389072225154736083436971621072713732" *
"10882232762321977207495072243054036323891135686075587693684329e-01"
) parse(
BigFloat,
"1.40625079027362146426194995605648708865485653416559439788231755301253" *
"5339013877374174183932397208129328120447692037743955767272326881406481" *
"58371876491221136255278026472239426665554357534370437372897952e-01"
) parse(
BigFloat,
"1.40625091078355429812501824224355132112140496818146181050424230762286" *
"9710080051952891514883954681337699019513388973412728411439291469003764" *
"08369184242684178415809610457466857003815671345284699476715182e-01"
) parse(
BigFloat,
"1.40625091805155938997429345343257429558207261454182904965404031865838" *
"0415916882343882380714436017872691379709628393135866102379990740107039" *
"43282559045815393950448853322476696564051086842217875294070848e-01"
) parse(
BigFloat,
"1.40625081097114884897657801438770600557265539827116182680033752275241" *
"9703948296283780507771875197472836575957097901894050348400655882691717" *
"75850584008188110761353274724161793642066248991966779214990933e-01"
) parse(
BigFloat,
"1.40625060584434449681282209606417926378092669587653391217679571115280" *
"3317774843668031689233195165234961702930668005837104087545398594383613" *
"87408352115267321427050915466469541087009001749423537587727243e-01"
) parse(
BigFloat,
"1.40625033389984282167614879870937059660453965333441613231803310233072" *
"9942717622526852072796519981541235130707074800599405458299680364689382" *
"46522558138239514237490944921267205890924751432964874658965129e-01"
) parse(
BigFloat,
"1.40625003653872902403684661979406992293825272037353496503584593121753" *
"7739987183827844473607593041388624963537912485307265848623785455422153" *
"77553671152959760977890006008877277917971238427208123984839892e-01"
) parse(
BigFloat,
"1.40624975903153709460580640863752950627569342344712557492978395107022" *
"1628341712416090528293002680057389872454462680395547249657136989388926" *
"25175426330504363271200885243038724468244234997749201198222574e-01"
) parse(
BigFloat,
"1.40624954362622139252696864746971617007509299294898861908729270570035" *
"0149603233756191559061849070354813999519460408882158293794404222285265" *
"37737136652103196080423137116819969483755178894425117702542758e-01"
) parse(
BigFloat,
"1.40624942311628857470446644879031723519454089607028693372658760891620" *
"0104841961823290330692839699313850283121473503952967138378172413662323" *
"86168427405415427001586790131042972867638764841456019683717134e-01"
) parse(
BigFloat,
"1.40624941584828348391329212256032813389032836219628622955341214374924" *
"0538749505762342310134560927576686909532459109040293173916954193497885" *
"17786870241545365848495625034689068730304712776260374794146264e-01"
) parse(
BigFloat,
"1.40624952292869401036682209596557084545855416880929181170807070280969" *
"7886198483438963207687228783473185692067501467709557210498826566792228" *
"59744584734720163957911139232148228378895079473083436973502625e-01"
) parse(
BigFloat,
"1.40624972805549834090389279015285663039025655478652596700922264233418" *
"1850772608115859542686902412147214805730867989381303097669612397201528" *
"57365507421349036030966553050967513674134938497602554814062721e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525591005757756139754361903453716425191" *
"2788148345311176424019768665190085320130601816200443881800288919212668" *
"99713043951911185824193481297178815125052070716763021160367625e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511123418923853880514425247833406632140608" *
"2295640214853537642721659517417475087303612860066634711559549293101687" *
"13661632479499441779055832886144044108029804272713947274641159e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249140345111097992064893401324495057877013" *
"6021508678580082599812302736941914046349846833987584101292433126575870" *
"10717261960569079321840268571890150959608490759542011873762585e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403874369033704340650784230934506605030962" *
"9274162936008899579337010730149602039230294761383506077555754304022497" *
"22630801695682809910573345251167717945113549720944415669187500e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232350433015612398096790684143257819148142" *
"3265355852725033124269151569042527786954723961529886560334392141974679" *
"25688722418482620576966887826601275335335443498568102811229007e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871130989943186503209212564697231343363134" *
"6141150457120238289999032338142295449545407475324011473249364015079217" *
"36592275932113199714597497761263918391809292275096195446228472e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409947061503176859651755102870840560933690" *
"1118875960446621596945889544529509163649140775745007169966832723780001" *
"06135494968493740240961970675664394375239461540242173629619850e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483336961966679535752764516822770384254" *
"9855920269350762873015145246185859951036488487399082199249807118240633" *
"69863743975521132626871569364624273289110485625868110722211914e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199287300559068782258433417399049983798" *
"7360282942121635270308704579110711387025640452304463051797006384447171" *
"08425787522052447987178242139464273851972367334765159148204764e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962702948165180563315799813127886806583" *
"5378280534133654920677412111454265907750139473990067045849471768936816" *
"83242363213735649749928458981911883833769537828771527755265105e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631075975534458464943023652255808533035" *
"0509003695455857550877369391476945964400145852631555552443877115755637" *
"54980944976250447098430796248444373080765393903377700759673384e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802938998398539587587426078498916698015884" *
"7162933385033708191142182437090537436765027574841462932517313119885833" *
"87020750334828762961577631965829107476647371094216619384706948e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701196596917559419677708017019894715903613" *
"1981404276929839828523246853932615117986996323401513684665717218140500" *
"03202718871010244188625270744126619070198694622191217329864319e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080226550620289567536945252224522667147" *
"6271895013719126443098151574338264807426847533198024294336416098772935" *
"97808242453542874863327049124417382581024052370735181240721300e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603651930738508750350607214639729604092" *
"3335403058649681545234160614553991892560722150402334732017128088153094" *
"01955835416154106367734467831988425827332170812896610780240863e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56233568201874735239552648591525591005757756139754361903453716425191" *
"2788148345311176424019768665190085320130601816200443881800288919212668" *
"99713043951911185824193481297178815125052070716763021160367625e-01"
) parse(
BigFloat,
"1.56213122324242734372245258511123418923853880514425247833406632140608" *
"2295640214853537642721659517417475087303612860066634711559549293101687" *
"13661632479499441779055832886144044108029804272713947274641159e-01"
) parse(
BigFloat,
"1.56191775066782987437836498249140345111097992064893401324495057877013" *
"6021508678580082599812302736941914046349846833987584101292433126575870" *
"10717261960569079321840268571890150959608490759542011873762585e-01"
) parse(
BigFloat,
"1.56172776357781013927272697403874369033704340650784230934506605030962" *
"9274162936008899579337010730149602039230294761383506077555754304022497" *
"22630801695682809910573345251167717945113549720944415669187500e-01"
) parse(
BigFloat,
"1.56159018580923983686225113232350433015612398096790684143257819148142" *
"3265355852725033124269151569042527786954723961529886560334392141974679" *
"25688722418482620576966887826601275335335443498568102811229007e-01"
) parse(
BigFloat,
"1.56152596234659702851728071871130989943186503209212564697231343363134" *
"6141150457120238289999032338142295449545407475324011473249364015079217" *
"36592275932113199714597497761263918391809292275096195446228472e-01"
) parse(
BigFloat,
"1.56154487062836334142706611409947061503176859651755102870840560933690" *
"1118875960446621596945889544529509163649140775745007169966832723780001" *
"06135494968493740240961970675664394375239461540242173629619850e-01"
) parse(
BigFloat,
"1.56164403202153741773218394679483336961966679535752764516822770384254" *
"9855920269350762873015145246185859951036488487399082199249807118240633" *
"69863743975521132626871569364624273289110485625868110722211914e-01"
) parse(
BigFloat,
"1.56180835007825531836938283361199287300559068782258433417399049983798" *
"7360282942121635270308704579110711387025640452304463051797006384447171" *
"08425787522052447987178242139464273851972367334765159148204764e-01"
) parse(
BigFloat,
"1.56201280884756982582320181461962702948165180563315799813127886806583" *
"5378280534133654920677412111454265907750139473990067045849471768936816" *
"83242363213735649749928458981911883833769537828771527755265105e-01"
) parse(
BigFloat,
"1.56222628133679476729907248357631075975534458464943023652255808533035" *
"0509003695455857550877369391476945964400145852631555552443877115755637" *
"54980944976250447098430796248444373080765393903377700759673384e-01"
) parse(
BigFloat,
"1.56241626831308501685865800802938998398539587587426078498916698015884" *
"7162933385033708191142182437090537436765027574841462932517313119885833" *
"87020750334828762961577631965829107476647371094216619384706948e-01"
) parse(
BigFloat,
"1.56255384600619006623640847701196596917559419677708017019894715903613" *
"1981404276929839828523246853932615117986996323401513684665717218140500" *
"03202718871010244188625270744126619070198694622191217329864319e-01"
) parse(
BigFloat,
"1.56261806947583837580063381042080226550620289567536945252224522667147" *
"6271895013719126443098151574338264807426847533198024294336416098772935" *
"97808242453542874863327049124417382581024052370735181240721300e-01"
) parse(
BigFloat,
"1.56259916127944459075906534869603651930738508750350607214639729604092" *
"3335403058649681545234160614553991892560722150402334732017128088153094" *
"01955835416154106367734467831988425827332170812896610780240863e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503630049094719266817478070820623047405974" *
"3944947115037300553544448270606409504106081631509848784571585020974234" *
"59072541600617240686601540797417778231780850743272475975466991e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393648369571010204060209694768334128197855" *
"1987851694562275585669099762875273349347013220657540277387850324661674" *
"63886261330668734554207854280187055466834235488174016363476516e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319815273704949652370474059306772812115344" *
"5520609321100425582429978244868489277092632741217470758794222782431872" *
"28802295374308756425760119309163925171696216828079912337461794e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713841856450008147806098020208542974881002" *
"6020281964256060894004140514148019036925047779926420981657805590856145" *
"42363199503140879795411163853792252895231190011578028780439935e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940903911148713189204174240215412550537509" *
"6296166610902953356386905423749442170993847812094119163038211443767327" *
"60304085924601861056534594757493510438955534590219953829624253e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466477695071703068783630060292462869199069" *
"0443417403565362093729464964738187685591048516431030790787601616061367" *
"13749641110628902691081084700068904674823913421124393721658655e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260903090158518734773388958039981220882592" *
"6645999401016109299556924203597123763951016480312479920629665854563981" *
"96613670632931106440162572164116536337417076597798539354958172e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262857618590355933458573193418022973985412" *
"4374174447693776551294252535604292886309107450467385205023253891038380" *
"84501363950257411926557275827106004021200254647061234143391595e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254480570572443067697435068569461236933130" *
"3934577693384491596577236947420285918852768054093120216192804216113372" *
"82124525459785966997539613421987426598720831042429394939960639e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008080386647594788565109105946468898937520" *
"3783195364684094849553192277388716304165922942717837701838068781032297" *
"54546239908813062694863863708574126955304642838102342683217606e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251003351301607508282256371726995590003" *
"5969379093348037955520828800714706256581796814179136099120659851783642" *
"78274881315404334943224065780956610606243270895016688978992667e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841875625811573762491518481144570914738418" *
"8038441443402516862327131387604237305254316353189446194292260992153373" *
"24043070602306732852149503232197341952968793347363233273507602e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119560566070442219515883450981962424501257" *
"8838217228404899829575425162016525209945427702977196719720512903630073" *
"80549141608008027596529055374922376267274582396476320442395064e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950368645207016070983118746836668857838573" *
"3997279545206287326359439892180034969541597841246924887545891034224454" *
"04477410777889462110085850394193892784759646775854075994189178e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374605733248174238261141198309131329812038" *
"7494745400176155989344974281565779435610482868253214376465070156763187" *
"01826045268047892478005034390061415099034313435964039101021508e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875372266369195581294601503630049094719266817478070820623047405974" *
"3944947115037300553544448270606409504106081631509848784571585020974234" *
"59072541600617240686601540797417778231780850743272475975466991e-01"
) parse(
BigFloat,
"1.71869886682612923048725439393648369571010204060209694768334128197855" *
"1987851694562275585669099762875273349347013220657540277387850324661674" *
"63886261330668734554207854280187055466834235488174016363476516e-01"
) parse(
BigFloat,
"1.71859378379130778061077728319815273704949652370474059306772812115344" *
"5520609321100425582429978244868489277092632741217470758794222782431872" *
"28802295374308756425760119309163925171696216828079912337461794e-01"
) parse(
BigFloat,
"1.71845447149869885420149755713841856450008147806098020208542974881002" *
"6020281964256060894004140514148019036925047779926420981657805590856145" *
"42363199503140879795411163853792252895231190011578028780439935e-01"
) parse(
BigFloat,
"1.71830213898198631327914568940903911148713189204174240215412550537509" *
"6296166610902953356386905423749442170993847812094119163038211443767327" *
"60304085924601861056534594757493510438955534590219953829624253e-01"
) parse(
BigFloat,
"1.71815997748594674274757877466477695071703068783630060292462869199069" *
"0443417403565362093729464964738187685591048516431030790787601616061367" *
"13749641110628902691081084700068904674823913421124393721658655e-01"
) parse(
BigFloat,
"1.71804962980965855908520535260903090158518734773388958039981220882592" *
"6645999401016109299556924203597123763951016480312479920629665854563981" *
"96613670632931106440162572164116536337417076597798539354958172e-01"
) parse(
BigFloat,
"1.71798789538653269674370627262857618590355933458573193418022973985412" *
"4374174447693776551294252535604292886309107450467385205023253891038380" *
"84501363950257411926557275827106004021200254647061234143391595e-01"
) parse(
BigFloat,
"1.71798417272286289882429509254480570572443067697435068569461236933130" *
"3934577693384491596577236947420285918852768054093120216192804216113372" *
"82124525459785966997539613421987426598720831042429394939960639e-01"
) parse(
BigFloat,
"1.71803902856044205863234491008080386647594788565109105946468898937520" *
"3783195364684094849553192277388716304165922942717837701838068781032297" *
"54546239908813062694863863708574126955304642838102342683217606e-01"
) parse(
BigFloat,
"1.71814411159526459248312872863251003351301607508282256371726995590003" *
"5969379093348037955520828800714706256581796814179136099120659851783642" *
"78274881315404334943224065780956610606243270895016688978992667e-01"
) parse(
BigFloat,
"1.71828342388785861738121606841875625811573762491518481144570914738418" *
"8038441443402516862327131387604237305254316353189446194292260992153373" *
"24043070602306732852149503232197341952968793347363233273507602e-01"
) parse(
BigFloat,
"1.71843575640454900041003310119560566070442219515883450981962424501257" *
"8838217228404899829575425162016525209945427702977196719720512903630073" *
"80549141608008027596529055374922376267274582396476320442395064e-01"
) parse(
BigFloat,
"1.71857791790057213645924181950368645207016070983118746836668857838573" *
"3997279545206287326359439892180034969541597841246924887545891034224454" *
"04477410777889462110085850394193892784759646775854075994189178e-01"
) parse(
BigFloat,
"1.71868826557685923614730853374605733248174238261141198309131329812038" *
"7494745400176155989344974281565779435610482868253214376465070156763187" *
"01826045268047892478005034390061415099034313435964039101021508e-01"
)
]
tab_u0[ :, :, 2, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946056240697073329432326204703553291671471655953882834446934808" *
"3088590510254959722444420382566185106292152333336765549903910202834006" *
"65380697006713666465268118096889773495979365751257934416720124e-01"
) parse(
BigFloat,
"1.24999920742030158227870328469599297297104514868144121891271458359325" *
"7195328720744127963727686735232566159376201749877931623551642303904073" *
"13193708334413794624056025462158135831443568282209354278863693e-01"
) parse(
BigFloat,
"1.24999927911227464112878561046708569117515867884634385457316909744513" *
"0712697932119934444773931304343502427572324478923718528866159567299093" *
"20960233410744449713889399076681284167395129378562602119693238e-01"
) parse(
BigFloat,
"1.24999966472387313842773437500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000030554922678080677078874095910187387080489307960937401713570300" *
"3964110534079880370883818686159577253197690033600204187484014905100283" *
"93793521063552864406526737585371301224891741607861034470957534e-01"
) parse(
BigFloat,
"1.25000110402848457251013369829955477477456057207571569099030162039925" *
"0799480968971569773747520748359174017708466861097547958172404700433785" *
"90354856481601532736006225051350903981271507586912150475429299e-01"
) parse(
BigFloat,
"1.25000193860041774724734920389561120109369312772502076767059548282957" *
"5347143737295107869918220390163721361676140723317627376823770624914504" *
"93577693427275815168935208767247705182149868962119025144199506e-01"
) parse(
BigFloat,
"1.25000268220901489257812500000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000322164660792184483067673795296446708328528344046117165553065191" *
"6911409489745040277555579617433814893707847666663234450096089797165993" *
"34619302993286333534731881903110226504020634248742065583279876e-01"
) parse(
BigFloat,
"1.25000347478871331029942171530400702702895485131855878108728541640674" *
"2804671279255872036272313264767433840623798250122068376448357696095926" *
"86806291665586205375943974537841864168556431717790645721136307e-01"
) parse(
BigFloat,
"1.25000340309674025144933938953291430882484132115365614542683090255486" *
"9287302067880065555226068695656497572427675521076281471133840432700906" *
"79039766589255550286110600923318715832604870621437397880306762e-01"
) parse(
BigFloat,
"1.25000301748514175415039062500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000237665978811177135421125904089812612919510692039062598286429699" *
"6035889465920119629116181313840422746802309966399795812515985094899716" *
"06206478936447135593473262414628698775108258392138965529042466e-01"
) parse(
BigFloat,
"1.25000157818053032006799130170044522522543942792428430900969837960074" *
"9200519031028430226252479251640825982291533138902452041827595299566214" *
"09645143518398467263993774948649096018728492413087849524570701e-01"
) parse(
BigFloat,
"1.25000074360859714533077579610438879890630687227497923232940451717042" *
"4652856262704892130081779609836278638323859276682372623176229375085495" *
"06422306572724184831064791232752294817850131037880974855800494e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946056240697073329432326204703553291671471655953882834446934808" *
"3088590510254959722444420382566185106292152333336765549903910202834006" *
"65380697006713666465268118096889773495979365751257934416720124e-01"
) parse(
BigFloat,
"1.24999920742030158227870328469599297297104514868144121891271458359325" *
"7195328720744127963727686735232566159376201749877931623551642303904073" *
"13193708334413794624056025462158135831443568282209354278863693e-01"
) parse(
BigFloat,
"1.24999927911227464112878561046708569117515867884634385457316909744513" *
"0712697932119934444773931304343502427572324478923718528866159567299093" *
"20960233410744449713889399076681284167395129378562602119693238e-01"
) parse(
BigFloat,
"1.24999966472387313842773437500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000030554922678080677078874095910187387080489307960937401713570300" *
"3964110534079880370883818686159577253197690033600204187484014905100283" *
"93793521063552864406526737585371301224891741607861034470957534e-01"
) parse(
BigFloat,
"1.25000110402848457251013369829955477477456057207571569099030162039925" *
"0799480968971569773747520748359174017708466861097547958172404700433785" *
"90354856481601532736006225051350903981271507586912150475429299e-01"
) parse(
BigFloat,
"1.25000193860041774724734920389561120109369312772502076767059548282957" *
"5347143737295107869918220390163721361676140723317627376823770624914504" *
"93577693427275815168935208767247705182149868962119025144199506e-01"
) parse(
BigFloat,
"1.25000268220901489257812500000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000322164660792184483067673795296446708328528344046117165553065191" *
"6911409489745040277555579617433814893707847666663234450096089797165993" *
"34619302993286333534731881903110226504020634248742065583279876e-01"
) parse(
BigFloat,
"1.25000347478871331029942171530400702702895485131855878108728541640674" *
"2804671279255872036272313264767433840623798250122068376448357696095926" *
"86806291665586205375943974537841864168556431717790645721136307e-01"
) parse(
BigFloat,
"1.25000340309674025144933938953291430882484132115365614542683090255486" *
"9287302067880065555226068695656497572427675521076281471133840432700906" *
"79039766589255550286110600923318715832604870621437397880306762e-01"
) parse(
BigFloat,
"1.25000301748514175415039062500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000237665978811177135421125904089812612919510692039062598286429699" *
"6035889465920119629116181313840422746802309966399795812515985094899716" *
"06206478936447135593473262414628698775108258392138965529042466e-01"
) parse(
BigFloat,
"1.25000157818053032006799130170044522522543942792428430900969837960074" *
"9200519031028430226252479251640825982291533138902452041827595299566214" *
"09645143518398467263993774948649096018728492413087849524570701e-01"
) parse(
BigFloat,
"1.25000074360859714533077579610438879890630687227497923232940451717042" *
"4652856262704892130081779609836278638323859276682372623176229375085495" *
"06422306572724184831064791232752294817850131037880974855800494e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917464635762096358625904089812612919510692039062598286429699" *
"6035889465920119629116181313840422746802309966399795812515985094899716" *
"06206478936447135593473262414628698775108258392138965529042466e-01"
) parse(
BigFloat,
"1.56249856069538856591760067670044522522543942792428430900969837960074" *
"9200519031028430226252479251640825982291533138902452041827595299566214" *
"09645143518398467263993774948649096018728492413087849524570701e-01"
) parse(
BigFloat,
"1.56249772612345539118038517110438879890630687227497923232940451717042" *
"4652856262704892130081779609836278638323859276682372623176229375085495" *
"06422306572724184831064791232752294817850131037880974855800494e-01"
) parse(
BigFloat,
"1.56249698251485824584960937500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249644307726521658290369826204703553291671471655953882834446934808" *
"3088590510254959722444420382566185106292152333336765549903910202834006" *
"65380697006713666465268118096889773495979365751257934416720124e-01"
) parse(
BigFloat,
"1.56249618993515982812831265969599297297104514868144121891271458359325" *
"7195328720744127963727686735232566159376201749877931623551642303904073" *
"13193708334413794624056025462158135831443568282209354278863693e-01"
) parse(
BigFloat,
"1.56249626162713288697839498546708569117515867884634385457316909744513" *
"0712697932119934444773931304343502427572324478923718528866159567299093" *
"20960233410744449713889399076681284167395129378562602119693238e-01"
) parse(
BigFloat,
"1.56249664723873138427734375000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249728806408502665638016374095910187387080489307960937401713570300" *
"3964110534079880370883818686159577253197690033600204187484014905100283" *
"93793521063552864406526737585371301224891741607861034470957534e-01"
) parse(
BigFloat,
"1.56249808654334281835974307329955477477456057207571569099030162039925" *
"0799480968971569773747520748359174017708466861097547958172404700433785" *
"90354856481601532736006225051350903981271507586912150475429299e-01"
) parse(
BigFloat,
"1.56249892111527599309695857889561120109369312772502076767059548282957" *
"5347143737295107869918220390163721361676140723317627376823770624914504" *
"93577693427275815168935208767247705182149868962119025144199506e-01"
) parse(
BigFloat,
"1.56249966472387313842773437500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250020416146616769444005173795296446708328528344046117165553065191" *
"6911409489745040277555579617433814893707847666663234450096089797165993" *
"34619302993286333534731881903110226504020634248742065583279876e-01"
) parse(
BigFloat,
"1.56250045730357155614903109030400702702895485131855878108728541640674" *
"2804671279255872036272313264767433840623798250122068376448357696095926" *
"86806291665586205375943974537841864168556431717790645721136307e-01"
) parse(
BigFloat,
"1.56250038561159849729894876453291430882484132115365614542683090255486" *
"9287302067880065555226068695656497572427675521076281471133840432700906" *
"79039766589255550286110600923318715832604870621437397880306762e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917464635762096358625904089812612919510692039062598286429699" *
"6035889465920119629116181313840422746802309966399795812515985094899716" *
"06206478936447135593473262414628698775108258392138965529042466e-01"
) parse(
BigFloat,
"1.56249856069538856591760067670044522522543942792428430900969837960074" *
"9200519031028430226252479251640825982291533138902452041827595299566214" *
"09645143518398467263993774948649096018728492413087849524570701e-01"
) parse(
BigFloat,
"1.56249772612345539118038517110438879890630687227497923232940451717042" *
"4652856262704892130081779609836278638323859276682372623176229375085495" *
"06422306572724184831064791232752294817850131037880974855800494e-01"
) parse(
BigFloat,
"1.56249698251485824584960937500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249644307726521658290369826204703553291671471655953882834446934808" *
"3088590510254959722444420382566185106292152333336765549903910202834006" *
"65380697006713666465268118096889773495979365751257934416720124e-01"
) parse(
BigFloat,
"1.56249618993515982812831265969599297297104514868144121891271458359325" *
"7195328720744127963727686735232566159376201749877931623551642303904073" *
"13193708334413794624056025462158135831443568282209354278863693e-01"
) parse(
BigFloat,
"1.56249626162713288697839498546708569117515867884634385457316909744513" *
"0712697932119934444773931304343502427572324478923718528866159567299093" *
"20960233410744449713889399076681284167395129378562602119693238e-01"
) parse(
BigFloat,
"1.56249664723873138427734375000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249728806408502665638016374095910187387080489307960937401713570300" *
"3964110534079880370883818686159577253197690033600204187484014905100283" *
"93793521063552864406526737585371301224891741607861034470957534e-01"
) parse(
BigFloat,
"1.56249808654334281835974307329955477477456057207571569099030162039925" *
"0799480968971569773747520748359174017708466861097547958172404700433785" *
"90354856481601532736006225051350903981271507586912150475429299e-01"
) parse(
BigFloat,
"1.56249892111527599309695857889561120109369312772502076767059548282957" *
"5347143737295107869918220390163721361676140723317627376823770624914504" *
"93577693427275815168935208767247705182149868962119025144199506e-01"
) parse(
BigFloat,
"1.56249966472387313842773437500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250020416146616769444005173795296446708328528344046117165553065191" *
"6911409489745040277555579617433814893707847666663234450096089797165993" *
"34619302993286333534731881903110226504020634248742065583279876e-01"
) parse(
BigFloat,
"1.56250045730357155614903109030400702702895485131855878108728541640674" *
"2804671279255872036272313264767433840623798250122068376448357696095926" *
"86806291665586205375943974537841864168556431717790645721136307e-01"
) parse(
BigFloat,
"1.56250038561159849729894876453291430882484132115365614542683090255486" *
"9287302067880065555226068695656497572427675521076281471133840432700906" *
"79039766589255550286110600923318715832604870621437397880306762e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487628339742415363652510315720443702298276487426246767893861" *
"8744511701378408878249180371392307272860942022101706166727154373936536" *
"77546936745802245560839162130451769735615133868029576670285471e-01"
) parse(
BigFloat,
"1.71874980063111626136409847592464622622739244092110346016391340004852" *
"3425048057821453454041275925600052570253902645135572227728018853193832" *
"30290225822391655103966108053756189435299569804589402967107149e-01"
) parse(
BigFloat,
"1.71874938988138315100862362578690297108327045498535529516130806460622" *
"7227548376691099588495273546403066935048201634678988649819346629316279" *
"35654228804130498972756907727511417603824986362078987647192865e-01"
) parse(
BigFloat,
"1.71874884516000747680664062500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874824939588077358864009437148807030692364826676001204925468876414" *
"5837089930068937448373176455496317128797795462816226806910618476203845" *
"21395020301010038203159864940078065317717639440636285034676980e-01"
) parse(
BigFloat,
"1.71874769328869071666250912747624422422348641492746515785548335915297" *
"4975990004235406998463682577681599394329163632669331855927171745938595" *
"89000061214405279424021441843542002602157415021586296082034253e-01"
) parse(
BigFloat,
"1.71874726150071586796409265804336519547024100852891906443774433062584" *
"9568341449111577603278291474061711433545399366567415247927309460513760" *
"90661385167399858112320172496720734528759019189295031417530603e-01"
) parse(
BigFloat,
"1.71874701976776123046875000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874700489147783304459636347489684279556297701723512573753232106138" *
"1255488298621591121750819628607692727139057977898293833272845626063463" *
"22453063254197754439160837869548230264384866131970423329714529e-01"
) parse(
BigFloat,
"1.71874721913664496910465152407535377377260755907889653983608659995147" *
"6574951942178546545958724074399947429746097354864427772271981146806167" *
"69709774177608344896033891946243810564700430195410597032892851e-01"
) parse(
BigFloat,
"1.71874762988637807946012637421309702891672954501464470483869193539377" *
"2772451623308900411504726453596933064951798365321011350180653370683720" *
"64345771195869501027243092272488582396175013637921012352807135e-01"
) parse(
BigFloat,
"1.71874817460775375366210937500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874877037188045688010990562851192969307635173323998795074531123585" *
"4162910069931062551626823544503682871202204537183773193089381523796154" *
"78604979698989961796840135059921934682282360559363714965323020e-01"
) parse(
BigFloat,
"1.71874932647907051380624087252375577577651358507253484214451664084702" *
"5024009995764593001536317422318400605670836367330668144072828254061404" *
"10999938785594720575978558156457997397842584978413703917965747e-01"
) parse(
BigFloat,
"1.71874975826704536250465734195663480452975899147108093556225566937415" *
"0431658550888422396721708525938288566454600633432584752072690539486239" *
"09338614832600141887679827503279265471240980810704968582469397e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487628339742415363652510315720443702298276487426246767893861" *
"8744511701378408878249180371392307272860942022101706166727154373936536" *
"77546936745802245560839162130451769735615133868029576670285471e-01"
) parse(
BigFloat,
"1.71874980063111626136409847592464622622739244092110346016391340004852" *
"3425048057821453454041275925600052570253902645135572227728018853193832" *
"30290225822391655103966108053756189435299569804589402967107149e-01"
) parse(
BigFloat,
"1.71874938988138315100862362578690297108327045498535529516130806460622" *
"7227548376691099588495273546403066935048201634678988649819346629316279" *
"35654228804130498972756907727511417603824986362078987647192865e-01"
) parse(
BigFloat,
"1.71874884516000747680664062500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874824939588077358864009437148807030692364826676001204925468876414" *
"5837089930068937448373176455496317128797795462816226806910618476203845" *
"21395020301010038203159864940078065317717639440636285034676980e-01"
) parse(
BigFloat,
"1.71874769328869071666250912747624422422348641492746515785548335915297" *
"4975990004235406998463682577681599394329163632669331855927171745938595" *
"89000061214405279424021441843542002602157415021586296082034253e-01"
) parse(
BigFloat,
"1.71874726150071586796409265804336519547024100852891906443774433062584" *
"9568341449111577603278291474061711433545399366567415247927309460513760" *
"90661385167399858112320172496720734528759019189295031417530603e-01"
) parse(
BigFloat,
"1.71874701976776123046875000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874700489147783304459636347489684279556297701723512573753232106138" *
"1255488298621591121750819628607692727139057977898293833272845626063463" *
"22453063254197754439160837869548230264384866131970423329714529e-01"
) parse(
BigFloat,
"1.71874721913664496910465152407535377377260755907889653983608659995147" *
"6574951942178546545958724074399947429746097354864427772271981146806167" *
"69709774177608344896033891946243810564700430195410597032892851e-01"
) parse(
BigFloat,
"1.71874762988637807946012637421309702891672954501464470483869193539377" *
"2772451623308900411504726453596933064951798365321011350180653370683720" *
"64345771195869501027243092272488582396175013637921012352807135e-01"
) parse(
BigFloat,
"1.71874817460775375366210937500000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874877037188045688010990562851192969307635173323998795074531123585" *
"4162910069931062551626823544503682871202204537183773193089381523796154" *
"78604979698989961796840135059921934682282360559363714965323020e-01"
) parse(
BigFloat,
"1.71874932647907051380624087252375577577651358507253484214451664084702" *
"5024009995764593001536317422318400605670836367330668144072828254061404" *
"10999938785594720575978558156457997397842584978413703917965747e-01"
) parse(
BigFloat,
"1.71874975826704536250465734195663480452975899147108093556225566937415" *
"0431658550888422396721708525938288566454600633432584752072690539486239" *
"09338614832600141887679827503279265471240980810704968582469397e-01"
)
]
tab_u0[ :, :, 3, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033786905913603475932523872162283567921119724676495957598" *
"8215036594174300380708687726332233120991649579918491723120542440170155" *
"53562035730719793974276370434042247501378137994562365043534806e-01"
) parse(
BigFloat,
"1.24999920743711673208369418063878433369425053553973955781890784650634" *
"0245427302634000082908726069152054227821268465399599620131911664570419" *
"16516507831037385967906158145776287111858084330948224705452028e-01"
) parse(
BigFloat,
"1.24999927913757484881447290771880599936567397093045234062901013714354" *
"2331907825704410610168903405506842101714087421074522297891597273119696" *
"20480612040759928745632809602258970080269552607043100819481272e-01"
) parse(
BigFloat,
"1.24999966475596743725057048939572435712567865371788978047617029411486" *
"5693593316335655946059876586495818173716543242335319519042968750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000030558538986523616675345917070236050160829038024668242162234643" *
"9498394833156914829474333968378989423709840561330249044254138202189903" *
"89695805464029821668814495672428578976351109613855827654637527e-01"
) parse(
BigFloat,
"1.25000110406537170129053517955393950948510245990640602925499212570711" *
"1353320943988685336413522531348099437971005011001933279158639238704619" *
"04693995745705301139564889717943148301598450483903868666315586e-01"
) parse(
BigFloat,
"1.25000193863457394993423966409626157748292504413919319246607528196901" *
"9648275929518119422080665314190934179733312031516719298244560775247056" *
"08345255786942803922534003083559528787139971496828012203597298e-01"
) parse(
BigFloat,
"1.25000268223740095746881827024139062768592711569584910160043631390455" *
"8266509689725976819593689093323973793303593993186950683593750000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000322166706308840968223548206538896430428001663790435367135432857" *
"0051473095551676438885001366991740672311944413268458960473207559829844" *
"46437964269280206025723629565957752498621862005437634956465194e-01"
) parse(
BigFloat,
"1.25000347480028422538512408960260629399167658015610954378152846739821" *
"8021082387091976736684963024171919565482325527787351063461838335429580" *
"83483492168962614032093841854223712888141915669051775294547972e-01"
) parse(
BigFloat,
"1.25000340309982610865434536252258462832025314476539676097142617676101" *
"5934601864021566209424785687817131691589506572112428385702152726880303" *
"79519387959240071254367190397741029919730447392956899180518728e-01"
) parse(
BigFloat,
"1.25000301748143352021824778084566627056024846197795932112426601978969" *
"2572916373390320873533812506828155619587050750851631164550781250000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000237665201109223265151678221992532542550740546885491801469155811" *
"8768114856569061990119355124944984369593753431856701639339611797810096" *
"10304194535970178331185504327571421023648890386144172345362473e-01"
) parse(
BigFloat,
"1.25000157817202925617828309068745111820082465578944307234544418819744" *
"6913188745737291483180166561975874355332588982185017404435110761295380" *
"95306004254294698860435110282056851698401549516096131333684414e-01"
) parse(
BigFloat,
"1.25000074360282700753457860614512905020300207155665590913436103193553" *
"8618233760207857397513023779133039613570281961670231385349189224752943" *
"91654744213057196077465996916440471212860028503171987796402702e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033786905913603475932523872162283567921119724676495957598" *
"8215036594174300380708687726332233120991649579918491723120542440170155" *
"53562035730719793974276370434042247501378137994562365043534806e-01"
) parse(
BigFloat,
"1.24999920743711673208369418063878433369425053553973955781890784650634" *
"0245427302634000082908726069152054227821268465399599620131911664570419" *
"16516507831037385967906158145776287111858084330948224705452028e-01"
) parse(
BigFloat,
"1.24999927913757484881447290771880599936567397093045234062901013714354" *
"2331907825704410610168903405506842101714087421074522297891597273119696" *
"20480612040759928745632809602258970080269552607043100819481272e-01"
) parse(
BigFloat,
"1.24999966475596743725057048939572435712567865371788978047617029411486" *
"5693593316335655946059876586495818173716543242335319519042968750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000030558538986523616675345917070236050160829038024668242162234643" *
"9498394833156914829474333968378989423709840561330249044254138202189903" *
"89695805464029821668814495672428578976351109613855827654637527e-01"
) parse(
BigFloat,
"1.25000110406537170129053517955393950948510245990640602925499212570711" *
"1353320943988685336413522531348099437971005011001933279158639238704619" *
"04693995745705301139564889717943148301598450483903868666315586e-01"
) parse(
BigFloat,
"1.25000193863457394993423966409626157748292504413919319246607528196901" *
"9648275929518119422080665314190934179733312031516719298244560775247056" *
"08345255786942803922534003083559528787139971496828012203597298e-01"
) parse(
BigFloat,
"1.25000268223740095746881827024139062768592711569584910160043631390455" *
"8266509689725976819593689093323973793303593993186950683593750000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000322166706308840968223548206538896430428001663790435367135432857" *
"0051473095551676438885001366991740672311944413268458960473207559829844" *
"46437964269280206025723629565957752498621862005437634956465194e-01"
) parse(
BigFloat,
"1.25000347480028422538512408960260629399167658015610954378152846739821" *
"8021082387091976736684963024171919565482325527787351063461838335429580" *
"83483492168962614032093841854223712888141915669051775294547972e-01"
) parse(
BigFloat,
"1.25000340309982610865434536252258462832025314476539676097142617676101" *
"5934601864021566209424785687817131691589506572112428385702152726880303" *
"79519387959240071254367190397741029919730447392956899180518728e-01"
) parse(
BigFloat,
"1.25000301748143352021824778084566627056024846197795932112426601978969" *
"2572916373390320873533812506828155619587050750851631164550781250000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000237665201109223265151678221992532542550740546885491801469155811" *
"8768114856569061990119355124944984369593753431856701639339611797810096" *
"10304194535970178331185504327571421023648890386144172345362473e-01"
) parse(
BigFloat,
"1.25000157817202925617828309068745111820082465578944307234544418819744" *
"6913188745737291483180166561975874355332588982185017404435110761295380" *
"95306004254294698860435110282056851698401549516096131333684414e-01"
) parse(
BigFloat,
"1.25000074360282700753457860614512905020300207155665590913436103193553" *
"8618233760207857397513023779133039613570281961670231385349189224752943" *
"91654744213057196077465996916440471212860028503171987796402702e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454531766683210312442910339461632462921002788637389704347" *
"4579143952771239352486657181378287045242561341726026202434424183119766" *
"81106032720245347212795783403420663784438710675891974557472598e-01"
) parse(
BigFloat,
"1.40625000000878807340116229730482003596751168895683202872640753087938" *
"7426069098352107495225306089238625307518688148422642402194839144102383" *
"26910562092238290025732074178122454478932666527514337787889390e-01"
) parse(
BigFloat,
"1.40625000001208234610311531607898819485227584563811385309934465233289" *
"7878647952251754649376917174460306745250328062237181100707906809567498" *
"02154013709966514350500287777325731959496658535810668058197882e-01"
) parse(
BigFloat,
"1.40625000001392661261647521884789501534915687902278086385265964963764" *
"4179165363311767578125000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000001404010008290053559523637003086554092781019789339941938511" *
"0649040638727517964904615061963274813232739611652648113532890733327312" *
"16413085746810800432647435047252685106968337129908480134361296e-01"
) parse(
BigFloat,
"1.40625000001240553106439445680244014815199770436196119501095451315864" *
"6225827534511836867603232124258019087778850223509300616126045748857151" *
"46069904450561211987935682742983335301677267908805620276937825e-01"
) parse(
BigFloat,
"1.40625000000927175387661948224433219406399496040512477887923195102988" *
"4569651853614156075223552047275857073562534181809090328554390661667548" *
"01936115049245281945449624834918810978825292021069870229596926e-01"
) parse(
BigFloat,
"1.40625000000511585768865340425948311477708898621120925387373290504910" *
"9831452369689941406250000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000057054002182130113505401138247266158199922598735900800563" *
"5252308416918702053763342818621712954757438658273973797565575816880233" *
"18893967279754652787204216596579336215561289324108025442527402e-01"
) parse(
BigFloat,
"1.40624999999632778428749110695466307880957729725437722514732537416972" *
"2405383271337833911024693910761374692481311851577357597805160855897616" *
"73089437907761709974267925821877545521067333472485662212110610e-01"
) parse(
BigFloat,
"1.40624999999303351158553808818049491992481314057309540077438825271621" *
"1952804417438186756873082825539693254749671937762818899292093190432501" *
"97845986290033485649499712222674268040503341464189331941802118e-01"
) parse(
BigFloat,
"1.40624999999118924507217818541158809942793210718842839002107325541146" *
"5652287006378173828125000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624999999107575760575286866424674474622344528339905598033348566399" *
"9182411730962423441345384938036725186767260388347351886467109266672687" *
"83586914253189199567352564952747314893031662870091519865638704e-01"
) parse(
BigFloat,
"1.40624999999271032662425894745704296662509128184924805886277839189046" *
"3605624835178104538646767875741980912221149776490699383873954251142848" *
"53930095549438788012064317257016664698322732091194379723062175e-01"
) parse(
BigFloat,
"1.40624999999584410381203392201515092071309402580608447499450095401922" *
"5261800516075785331026447952724142926437465818190909671445609338332451" *
"98063884950754718054550375165081189021174707978930129770403074e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454531766683210312442910339461632462921002788637389704347" *
"4579143952771239352486657181378287045242561341726026202434424183119766" *
"81106032720245347212795783403420663784438710675891974557472598e-01"
) parse(
BigFloat,
"1.40625000000878807340116229730482003596751168895683202872640753087938" *
"7426069098352107495225306089238625307518688148422642402194839144102383" *
"26910562092238290025732074178122454478932666527514337787889390e-01"
) parse(
BigFloat,
"1.40625000001208234610311531607898819485227584563811385309934465233289" *
"7878647952251754649376917174460306745250328062237181100707906809567498" *
"02154013709966514350500287777325731959496658535810668058197882e-01"
) parse(
BigFloat,
"1.40625000001392661261647521884789501534915687902278086385265964963764" *
"4179165363311767578125000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000001404010008290053559523637003086554092781019789339941938511" *
"0649040638727517964904615061963274813232739611652648113532890733327312" *
"16413085746810800432647435047252685106968337129908480134361296e-01"
) parse(
BigFloat,
"1.40625000001240553106439445680244014815199770436196119501095451315864" *
"6225827534511836867603232124258019087778850223509300616126045748857151" *
"46069904450561211987935682742983335301677267908805620276937825e-01"
) parse(
BigFloat,
"1.40625000000927175387661948224433219406399496040512477887923195102988" *
"4569651853614156075223552047275857073562534181809090328554390661667548" *
"01936115049245281945449624834918810978825292021069870229596926e-01"
) parse(
BigFloat,
"1.40625000000511585768865340425948311477708898621120925387373290504910" *
"9831452369689941406250000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000057054002182130113505401138247266158199922598735900800563" *
"5252308416918702053763342818621712954757438658273973797565575816880233" *
"18893967279754652787204216596579336215561289324108025442527402e-01"
) parse(
BigFloat,
"1.40624999999632778428749110695466307880957729725437722514732537416972" *
"2405383271337833911024693910761374692481311851577357597805160855897616" *
"73089437907761709974267925821877545521067333472485662212110610e-01"
) parse(
BigFloat,
"1.40624999999303351158553808818049491992481314057309540077438825271621" *
"1952804417438186756873082825539693254749671937762818899292093190432501" *
"97845986290033485649499712222674268040503341464189331941802118e-01"
) parse(
BigFloat,
"1.40624999999118924507217818541158809942793210718842839002107325541146" *
"5652287006378173828125000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624999999107575760575286866424674474622344528339905598033348566399" *
"9182411730962423441345384938036725186767260388347351886467109266672687" *
"83586914253189199567352564952747314893031662870091519865638704e-01"
) parse(
BigFloat,
"1.40624999999271032662425894745704296662509128184924805886277839189046" *
"3605624835178104538646767875741980912221149776490699383873954251142848" *
"53930095549438788012064317257016664698322732091194379723062175e-01"
) parse(
BigFloat,
"1.40624999999584410381203392201515092071309402580608447499450095401922" *
"5261800516075785331026447952724142926437465818190909671445609338332451" *
"98063884950754718054550375165081189021174707978930129770403074e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057757201440373593655365476517704542750953379374867176842" *
"6195198483178741116585542618116828750006702681005070474788830547810096" *
"10304194535970178331185504327571421023648890386144172345362473e-01"
) parse(
BigFloat,
"1.56249856069059573596003530984178484764057619381148375122117816840775" *
"4340272372346970609646354055147718735745538231333386239884329511295380" *
"95306004254294698860435110282056851698401549516096131333684414e-01"
) parse(
BigFloat,
"1.56249772612139348731633082529946277964275360957869658801009501214584" *
"6045317386817536523979211272304883993983231210818600220798407974752943" *
"91654744213057196077465996916440471212860028503171987796402702e-01"
) parse(
BigFloat,
"1.56249698251856647978175221915433372943975153802204067887573398021030" *
"7427083626609679126466187493171844380412949249148368835449218750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249644308890434884088825391365896816137437370125187612249893978629" *
"5642120220783979507174875219504077501404598829066860558569761190170155" *
"53562035730719793974276370434042247501378137994562365043534806e-01"
) parse(
BigFloat,
"1.56249618995568321186544639979311806313400207356178023669464182671664" *
"7672510929243679209374913562323898608234217714547968455581130414570419" *
"16516507831037385967906158145776287111858084330948224705452028e-01"
) parse(
BigFloat,
"1.56249626165614132859622512687313972880542550895249301950474411735384" *
"9758991452314089736635090898678686482127036670222891133340816023119696" *
"20480612040759928745632809602258970080269552607043100819481272e-01"
) parse(
BigFloat,
"1.56249664727453391703232270855005808656543019173993045935190427432517" *
"3120676942945335072526064079667662554129492491483688354492187500000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249728810395634501791897261350443180025314631242092555815560255674" *
"6925478459766593955940521461550833804122789810478617879703356952189903" *
"89695805464029821668814495672428578976351109613855827654637527e-01"
) parse(
BigFloat,
"1.56249808658393818107228739870827323892485399792844670813072610591741" *
"8780404570598364462879710024519943818383954260150302114607857988704619" *
"04693995745705301139564889717943148301598450483903868666315586e-01"
) parse(
BigFloat,
"1.56249892115314042971599188325059530692267658216123387134180926217932" *
"7075359556127798548546852807362778560146261280665088133693779525247056" *
"08345255786942803922534003083559528787139971496828012203597298e-01"
) parse(
BigFloat,
"1.56249966475596743725057048939572435712567865371788978047617029411486" *
"5693593316335655946059876586495818173716543242335319519042968750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250020418562956819143445463639911840405581803867858322940533453887" *
"7478556722161355565351188860163585052724893662416827795922426309829844" *
"46437964269280206025723629565957752498621862005437634956465194e-01"
) parse(
BigFloat,
"1.56250045731885070516687630875694002343142811817815022265726244760852" *
"5448166013701655863151150517343763945895274776935719898911057085429580" *
"83483492168962614032093841854223712888141915669051775294547972e-01"
) parse(
BigFloat,
"1.56250038561839258843609758167691835776000468278743743984716015697132" *
"3361685490631245335890973180988976072002455821260797221151371476880303" *
"79519387959240071254367190397741029919730447392956899180518728e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057757201440373593655365476517704542750953379374867176842" *
"6195198483178741116585542618116828750006702681005070474788830547810096" *
"10304194535970178331185504327571421023648890386144172345362473e-01"
) parse(
BigFloat,
"1.56249856069059573596003530984178484764057619381148375122117816840775" *
"4340272372346970609646354055147718735745538231333386239884329511295380" *
"95306004254294698860435110282056851698401549516096131333684414e-01"
) parse(
BigFloat,
"1.56249772612139348731633082529946277964275360957869658801009501214584" *
"6045317386817536523979211272304883993983231210818600220798407974752943" *
"91654744213057196077465996916440471212860028503171987796402702e-01"
) parse(
BigFloat,
"1.56249698251856647978175221915433372943975153802204067887573398021030" *
"7427083626609679126466187493171844380412949249148368835449218750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249644308890434884088825391365896816137437370125187612249893978629" *
"5642120220783979507174875219504077501404598829066860558569761190170155" *
"53562035730719793974276370434042247501378137994562365043534806e-01"
) parse(
BigFloat,
"1.56249618995568321186544639979311806313400207356178023669464182671664" *
"7672510929243679209374913562323898608234217714547968455581130414570419" *
"16516507831037385967906158145776287111858084330948224705452028e-01"
) parse(
BigFloat,
"1.56249626165614132859622512687313972880542550895249301950474411735384" *
"9758991452314089736635090898678686482127036670222891133340816023119696" *
"20480612040759928745632809602258970080269552607043100819481272e-01"
) parse(
BigFloat,
"1.56249664727453391703232270855005808656543019173993045935190427432517" *
"3120676942945335072526064079667662554129492491483688354492187500000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249728810395634501791897261350443180025314631242092555815560255674" *
"6925478459766593955940521461550833804122789810478617879703356952189903" *
"89695805464029821668814495672428578976351109613855827654637527e-01"
) parse(
BigFloat,
"1.56249808658393818107228739870827323892485399792844670813072610591741" *
"8780404570598364462879710024519943818383954260150302114607857988704619" *
"04693995745705301139564889717943148301598450483903868666315586e-01"
) parse(
BigFloat,
"1.56249892115314042971599188325059530692267658216123387134180926217932" *
"7075359556127798548546852807362778560146261280665088133693779525247056" *
"08345255786942803922534003083559528787139971496828012203597298e-01"
) parse(
BigFloat,
"1.56249966475596743725057048939572435712567865371788978047617029411486" *
"5693593316335655946059876586495818173716543242335319519042968750000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250020418562956819143445463639911840405581803867858322940533453887" *
"7478556722161355565351188860163585052724893662416827795922426309829844" *
"46437964269280206025723629565957752498621862005437634956465194e-01"
) parse(
BigFloat,
"1.56250045731885070516687630875694002343142811817815022265726244760852" *
"5448166013701655863151150517343763945895274776935719898911057085429580" *
"83483492168962614032093841854223712888141915669051775294547972e-01"
) parse(
BigFloat,
"1.56250038561839258843609758167691835776000468278743743984716015697132" *
"3361685490631245335890973180988976072002455821260797221151371476880303" *
"79519387959240071254367190397741029919730447392956899180518728e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496536402215938782446634614465702250262139563409661352378" *
"0676098755001811046797052819525464155374200662219878077070535654171867" *
"59252892118459066623639216391039386779280716887399872294223969e-01"
) parse(
BigFloat,
"1.71874980062965441600670886051853145477467563883253266781769492834359" *
"2901080921745838725082137257483073004053662690722123239532754888759248" *
"43320986042203815034813995863442103194775684107582582521313812e-01"
) parse(
BigFloat,
"1.71874938988097360920898784825144119489127127550910735235554878946561" *
"0617303710216123847953675522392847930125333964352473814357619571647562" *
"78323468406350843997350115775126525347181026907839564020424091e-01"
) parse(
BigFloat,
"1.71874884516168615040039537332131392786804283623799674868953579899249" *
"5948921458529725700461015740037273001095639528968919045384677879440005" *
"19928522408008575439453125000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874824940036566254749802841489983573760757041654598178990866291536" *
"6218001928539108447269133648850406996539355453892035050265438859125966" *
"19314797865475949754563367261511053589689012561030142312855211e-01"
) parse(
BigFloat,
"1.71874769329627260010725157787820329618279829549353669704507563370612" *
"3514795540630664289181220568253663373471859133588095913455321324170612" *
"38887091711959928808504077958412421006692225855739497101589063e-01"
) parse(
BigFloat,
"1.71874726151121403567934996241085801895864154714365544742391965013580" *
"7194039073860345464238282311854733968699843479553754179058848398777142" *
"75101746847756744713482139410747129154155839624896886102567780e-01"
) parse(
BigFloat,
"1.71874701978055099439514935241963521945123754320861571552165317089788" *
"2847662385406372281576399265738369597465371087687132593130323598984432" *
"46493116021156311035156250000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874700490558563037298996459516887330658052070599431988755655737410" *
"2171563630404561234779346446212905442091170425467254516059787944812564" *
"87240223902697244411517033608960613220719283112600127705776031e-01"
) parse(
BigFloat,
"1.71874721915089657838844049190110376467656190437608304770395824255428" *
"9946581463660533556494262008255296593411708396965009353597568710225184" *
"03172129978952496000342254136557896805224315892417417478686188e-01"
) parse(
BigFloat,
"1.71874762989957738518616150416819402455996626769950836316610438143227" *
"2230358675190248433622723743345521667340037123334658778772704027336869" *
"68169647614805467037806134224873474652818973092160435979575909e-01"
) parse(
BigFloat,
"1.71874817461886484399475397909832129158319470697061896683211737190538" *
"6898740926876646581115383525701096596369731558718213547745645719544427" *
"26564593613147735595703125000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874877038018533184765132400473538371362997279206973373174450798251" *
"6629660456867263834307265616887962600926015633795097542864884739858466" *
"27178318155680361280592882738488946410310987438969857687144789e-01"
) parse(
BigFloat,
"1.71874932648427839428789777454143192326843924771507901847657753719175" *
"9332866844775707992395178697484706223993511954099036679675002274813820" *
"07606024309196382226652172041587578993307774144260502898410937e-01"
) parse(
BigFloat,
"1.71874975826933695871579939000877720049259599606496026809773352076207" *
"5653623311546026817338116953883635628765527608133378414071475200207289" *
"71391369173399566321674110589252870845844160375103113897432220e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496536402215938782446634614465702250262139563409661352378" *
"0676098755001811046797052819525464155374200662219878077070535654171867" *
"59252892118459066623639216391039386779280716887399872294223969e-01"
) parse(
BigFloat,
"1.71874980062965441600670886051853145477467563883253266781769492834359" *
"2901080921745838725082137257483073004053662690722123239532754888759248" *
"43320986042203815034813995863442103194775684107582582521313812e-01"
) parse(
BigFloat,
"1.71874938988097360920898784825144119489127127550910735235554878946561" *
"0617303710216123847953675522392847930125333964352473814357619571647562" *
"78323468406350843997350115775126525347181026907839564020424091e-01"
) parse(
BigFloat,
"1.71874884516168615040039537332131392786804283623799674868953579899249" *
"5948921458529725700461015740037273001095639528968919045384677879440005" *
"19928522408008575439453125000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874824940036566254749802841489983573760757041654598178990866291536" *
"6218001928539108447269133648850406996539355453892035050265438859125966" *
"19314797865475949754563367261511053589689012561030142312855211e-01"
) parse(
BigFloat,
"1.71874769329627260010725157787820329618279829549353669704507563370612" *
"3514795540630664289181220568253663373471859133588095913455321324170612" *
"38887091711959928808504077958412421006692225855739497101589063e-01"
) parse(
BigFloat,
"1.71874726151121403567934996241085801895864154714365544742391965013580" *
"7194039073860345464238282311854733968699843479553754179058848398777142" *
"75101746847756744713482139410747129154155839624896886102567780e-01"
) parse(
BigFloat,
"1.71874701978055099439514935241963521945123754320861571552165317089788" *
"2847662385406372281576399265738369597465371087687132593130323598984432" *
"46493116021156311035156250000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874700490558563037298996459516887330658052070599431988755655737410" *
"2171563630404561234779346446212905442091170425467254516059787944812564" *
"87240223902697244411517033608960613220719283112600127705776031e-01"
) parse(
BigFloat,
"1.71874721915089657838844049190110376467656190437608304770395824255428" *
"9946581463660533556494262008255296593411708396965009353597568710225184" *
"03172129978952496000342254136557896805224315892417417478686188e-01"
) parse(
BigFloat,
"1.71874762989957738518616150416819402455996626769950836316610438143227" *
"2230358675190248433622723743345521667340037123334658778772704027336869" *
"68169647614805467037806134224873474652818973092160435979575909e-01"
) parse(
BigFloat,
"1.71874817461886484399475397909832129158319470697061896683211737190538" *
"6898740926876646581115383525701096596369731558718213547745645719544427" *
"26564593613147735595703125000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874877038018533184765132400473538371362997279206973373174450798251" *
"6629660456867263834307265616887962600926015633795097542864884739858466" *
"27178318155680361280592882738488946410310987438969857687144789e-01"
) parse(
BigFloat,
"1.71874932648427839428789777454143192326843924771507901847657753719175" *
"9332866844775707992395178697484706223993511954099036679675002274813820" *
"07606024309196382226652172041587578993307774144260502898410937e-01"
) parse(
BigFloat,
"1.71874975826933695871579939000877720049259599606496026809773352076207" *
"5653623311546026817338116953883635628765527608133378414071475200207289" *
"71391369173399566321674110589252870845844160375103113897432220e-01"
)
]
tab_u0[ :, :, 4, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600594523546134055401085777735859838747135400984239" *
"3570258613062457414944553457836382223320480223090127724042248960551749" *
"50639827231537803138844209197508229244619025672001473230641585e-01"
) parse(
BigFloat,
"1.24999920743711656527027117613042525938232588320178036557524918993812" *
"0248369993179993532407608841765135988616570978162667070450873757259470" *
"78179016421855815124040209090124522820779523334039505288465668e-01"
) parse(
BigFloat,
"1.24999927913757464023612176668502439375805324840387788313357284517498" *
"3039239903719491658758152143612242859179868671447967634605868930179544" *
"36412042210383876734069245877417962150158948874783950016825395e-01"
) parse(
BigFloat,
"1.24999966475596722623917483204974680754230295081064137320956291733843" *
"7892083185133882489647040702901690834266644204029571317422461723907060" *
"81271026783947529816521783108320501880464580940853682378951040e-01"
) parse(
BigFloat,
"1.25000030558538969140445177908672340719100638199424057000113291881324" *
"5123663126844963737700037686028729804393406844747151553552024822588003" *
"31974345810088017749215318574245892241713652368672737953277658e-01"
) parse(
BigFloat,
"1.25000110406537159748604147351243807305723779078945601900475798419306" *
"6423673514648006809280747484565713671836213983282057120386361649378095" *
"88585272154540382515644033610574320291640825944934965569192736e-01"
) parse(
BigFloat,
"1.25000193863457393687047941245726305459551648909284382384815849433023" *
"8643454584212364141724240063431910693721847244018403817529131432435740" *
"46388929077049874565032935428138624997508428071858724620433499e-01"
) parse(
BigFloat,
"1.25000268223740104106660171468215435326873494407797086845139211201780" *
"2988935958644440920909545240574634800404718070332428662107458929385040" *
"86091223867922682443962638258285298170521692067984337041065354e-01"
) parse(
BigFloat,
"1.25000322166706325996354322195987189114015531673566419494144011976378" *
"3309599558846291087517200770197113843285208954047012428390683242171043" *
"05175070589866412136563139604175809022776579881651320990603142e-01"
) parse(
BigFloat,
"1.25000347480028446390399624671825024382098103745083156285554557175854" *
"4232017225531446189476769199184739426324225190428630444201292069070909" *
"39187008982337634757889150493684876266195453189300969859023244e-01"
) parse(
BigFloat,
"1.25000340309982638442536516700917707800242034519302129169920061742398" *
"8499438027544346808913407822948564622634215351139824371403447848459189" *
"25172578926878531586523683165239592397029571786798372155278041e-01"
) parse(
BigFloat,
"1.25000301748143379883549776444204446109021029623555301773573494431579" *
"1349609479908535632697681805091274491627639628936465069390435261155092" *
"60900110257910362918082688225611839322791610228392207587245731e-01"
) parse(
BigFloat,
"1.25000237665201133876733407466600976955922871503566210698276292525261" *
"0227107324933146803092475834505374255299905881414173342935398889136398" *
"40473117278288342153944442216287708864668625314904694832739741e-01"
) parse(
BigFloat,
"1.25000157817202943948096541481283204564070347968209731196113722778230" *
"1326567890327412512089142223052011039521991751425110413881828438738718" *
"22311063351046742780993716397833919995162080768954786290580478e-01"
) parse(
BigFloat,
"1.25000074360282710460930796502248109554525810843442226071575801674282" *
"2048496108210656433858467718574881950763070636692269225381907703372720" *
"20288810695468292292941245121421459829080934503789180214725192e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600594523546134055401085777735859838747135400984239" *
"3570258613062457414944553457836382223320480223090127724042248960551749" *
"50639827231537803138844209197508229244619025672001473230641585e-01"
) parse(
BigFloat,
"1.24999920743711656527027117613042525938232588320178036557524918993812" *
"0248369993179993532407608841765135988616570978162667070450873757259470" *
"78179016421855815124040209090124522820779523334039505288465668e-01"
) parse(
BigFloat,
"1.24999927913757464023612176668502439375805324840387788313357284517498" *
"3039239903719491658758152143612242859179868671447967634605868930179544" *
"36412042210383876734069245877417962150158948874783950016825395e-01"
) parse(
BigFloat,
"1.24999966475596722623917483204974680754230295081064137320956291733843" *
"7892083185133882489647040702901690834266644204029571317422461723907060" *
"81271026783947529816521783108320501880464580940853682378951040e-01"
) parse(
BigFloat,
"1.25000030558538969140445177908672340719100638199424057000113291881324" *
"5123663126844963737700037686028729804393406844747151553552024822588003" *
"31974345810088017749215318574245892241713652368672737953277658e-01"
) parse(
BigFloat,
"1.25000110406537159748604147351243807305723779078945601900475798419306" *
"6423673514648006809280747484565713671836213983282057120386361649378095" *
"88585272154540382515644033610574320291640825944934965569192736e-01"
) parse(
BigFloat,
"1.25000193863457393687047941245726305459551648909284382384815849433023" *
"8643454584212364141724240063431910693721847244018403817529131432435740" *
"46388929077049874565032935428138624997508428071858724620433499e-01"
) parse(
BigFloat,
"1.25000268223740104106660171468215435326873494407797086845139211201780" *
"2988935958644440920909545240574634800404718070332428662107458929385040" *
"86091223867922682443962638258285298170521692067984337041065354e-01"
) parse(
BigFloat,
"1.25000322166706325996354322195987189114015531673566419494144011976378" *
"3309599558846291087517200770197113843285208954047012428390683242171043" *
"05175070589866412136563139604175809022776579881651320990603142e-01"
) parse(
BigFloat,
"1.25000347480028446390399624671825024382098103745083156285554557175854" *
"4232017225531446189476769199184739426324225190428630444201292069070909" *
"39187008982337634757889150493684876266195453189300969859023244e-01"
) parse(
BigFloat,
"1.25000340309982638442536516700917707800242034519302129169920061742398" *
"8499438027544346808913407822948564622634215351139824371403447848459189" *
"25172578926878531586523683165239592397029571786798372155278041e-01"
) parse(
BigFloat,
"1.25000301748143379883549776444204446109021029623555301773573494431579" *
"1349609479908535632697681805091274491627639628936465069390435261155092" *
"60900110257910362918082688225611839322791610228392207587245731e-01"
) parse(
BigFloat,
"1.25000237665201133876733407466600976955922871503566210698276292525261" *
"0227107324933146803092475834505374255299905881414173342935398889136398" *
"40473117278288342153944442216287708864668625314904694832739741e-01"
) parse(
BigFloat,
"1.25000157817202943948096541481283204564070347968209731196113722778230" *
"1326567890327412512089142223052011039521991751425110413881828438738718" *
"22311063351046742780993716397833919995162080768954786290580478e-01"
) parse(
BigFloat,
"1.25000074360282710460930796502248109554525810843442226071575801674282" *
"2048496108210656433858467718574881950763070636692269225381907703372720" *
"20288810695468292292941245121421459829080934503789180214725192e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840738092466658168194900542173953075572006065908337" *
"7057698424251825313472964632334704464668436789198678313879445685975922" *
"17645475296451704476451955661793195415692121137562493141369344e-01"
) parse(
BigFloat,
"1.40625000000878801682993791243973639548947269915533168959135948900332" *
"5998578625525039126924597661533462062451750610574706661250985370219319" *
"96630194104391102367922340303494007381039623983311856845653267e-01"
) parse(
BigFloat,
"1.40625000001208226832576558569214252328842061313915146640294306568914" *
"3819848428089075086332181181044403552203766500397027911522255325828862" *
"65033177659397471005189555296906625629371082326630434606961090e-01"
) parse(
BigFloat,
"1.40625000001392652296708835367549588470892377352320700319630494904158" *
"4660302100034463846188089562603515137024708376997560501251756866752238" *
"58607119121798141363196813702396812573037861566520270582746125e-01"
) parse(
BigFloat,
"1.40625000001404000970297477985997245965584645834045695977704453628813" *
"4405055331892545262238773087732572823185374678263498514605803535136027" *
"36057493552551912239576719393852723773849089698788496807189579e-01"
) parse(
BigFloat,
"1.40625000001240545120664597846366251912930428497519366279000709623539" *
"4784437747504767326512927569742475394757030751466932012799818984112038" *
"77476405888239943737028590969692229687338139006314031822487861e-01"
) parse(
BigFloat,
"1.40625000000927169419185834255231896802795711857728972403892259052059" *
"0097433349558445217420903975046543306165283404493855431541817783572534" *
"09147680087802848608720028927674965862456474918071208722684494e-01"
) parse(
BigFloat,
"1.40625000000511582475653521074114254286309791211964923925781504342006" *
"6766418576942851108437862260690360578856482429255847727834880504593526" *
"26993367351241752799408351945749501724191379560925056132683500e-01"
) parse(
BigFloat,
"1.40625000000057053634915428607456086091409249038011848353775438433668" *
"9708720152691025794964897628355656114188045640057169413955434818617604" *
"09347892054790048322956396283956306308499258423362562991314156e-01"
) parse(
BigFloat,
"1.40624999999632780792659729830140614737362521296431754966645555441674" *
"0767839951417811981513264599156898516404731818681141066583895134374206" *
"30363173246850650431486011642255494343151755577613199287030233e-01"
) parse(
BigFloat,
"1.40624999999303355643076962504900001957467729898049777285487197773092" *
"2946570148853776022105681079645957026652715928858819816312625178764663" *
"61960189691844281794218796648842876094820297234294621525722410e-01"
) parse(
BigFloat,
"1.40624999999118930178944685706564665815417413859644223606151009437848" *
"2106116476908387262249772698086845441831774052258287226583123637841287" *
"68386248229443611436211538243352689151153517994404785549937376e-01"
) parse(
BigFloat,
"1.40624999999107581505356043088117008320725145377919227948077050713193" *
"2361363245050305846199089172957787755671107750992349213229076969457498" *
"90935873798689840559831632551896777950342289862136559325493921e-01"
) parse(
BigFloat,
"1.40624999999271037354988923227748002373379362714445557646780794718467" *
"1981980829438083781924934690947885184099451677788915715035061520481487" *
"49516961463001809062379760976057272036853240554611024310195639e-01"
) parse(
BigFloat,
"1.40624999999584413056467686818882357483514079354235951521889245289947" *
"6668985227384405891016958285643817272691199024761992296293062721020992" *
"17845687263438904190688323018074535861734904642853847409999007e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840738092466658168194900542173953075572006065908337" *
"7057698424251825313472964632334704464668436789198678313879445685975922" *
"17645475296451704476451955661793195415692121137562493141369344e-01"
) parse(
BigFloat,
"1.40625000000878801682993791243973639548947269915533168959135948900332" *
"5998578625525039126924597661533462062451750610574706661250985370219319" *
"96630194104391102367922340303494007381039623983311856845653267e-01"
) parse(
BigFloat,
"1.40625000001208226832576558569214252328842061313915146640294306568914" *
"3819848428089075086332181181044403552203766500397027911522255325828862" *
"65033177659397471005189555296906625629371082326630434606961090e-01"
) parse(
BigFloat,
"1.40625000001392652296708835367549588470892377352320700319630494904158" *
"4660302100034463846188089562603515137024708376997560501251756866752238" *
"58607119121798141363196813702396812573037861566520270582746125e-01"
) parse(
BigFloat,
"1.40625000001404000970297477985997245965584645834045695977704453628813" *
"4405055331892545262238773087732572823185374678263498514605803535136027" *
"36057493552551912239576719393852723773849089698788496807189579e-01"
) parse(
BigFloat,
"1.40625000001240545120664597846366251912930428497519366279000709623539" *
"4784437747504767326512927569742475394757030751466932012799818984112038" *
"77476405888239943737028590969692229687338139006314031822487861e-01"
) parse(
BigFloat,
"1.40625000000927169419185834255231896802795711857728972403892259052059" *
"0097433349558445217420903975046543306165283404493855431541817783572534" *
"09147680087802848608720028927674965862456474918071208722684494e-01"
) parse(
BigFloat,
"1.40625000000511582475653521074114254286309791211964923925781504342006" *
"6766418576942851108437862260690360578856482429255847727834880504593526" *
"26993367351241752799408351945749501724191379560925056132683500e-01"
) parse(
BigFloat,
"1.40625000000057053634915428607456086091409249038011848353775438433668" *
"9708720152691025794964897628355656114188045640057169413955434818617604" *
"09347892054790048322956396283956306308499258423362562991314156e-01"
) parse(
BigFloat,
"1.40624999999632780792659729830140614737362521296431754966645555441674" *
"0767839951417811981513264599156898516404731818681141066583895134374206" *
"30363173246850650431486011642255494343151755577613199287030233e-01"
) parse(
BigFloat,
"1.40624999999303355643076962504900001957467729898049777285487197773092" *
"2946570148853776022105681079645957026652715928858819816312625178764663" *
"61960189691844281794218796648842876094820297234294621525722410e-01"
) parse(
BigFloat,
"1.40624999999118930178944685706564665815417413859644223606151009437848" *
"2106116476908387262249772698086845441831774052258287226583123637841287" *
"68386248229443611436211538243352689151153517994404785549937376e-01"
) parse(
BigFloat,
"1.40624999999107581505356043088117008320725145377919227948077050713193" *
"2361363245050305846199089172957787755671107750992349213229076969457498" *
"90935873798689840559831632551896777950342289862136559325493921e-01"
) parse(
BigFloat,
"1.40624999999271037354988923227748002373379362714445557646780794718467" *
"1981980829438083781924934690947885184099451677788915715035061520481487" *
"49516961463001809062379760976057272036853240554611024310195639e-01"
) parse(
BigFloat,
"1.40624999999584413056467686818882357483514079354235951521889245289947" *
"6668985227384405891016958285643817272691199024761992296293062721020992" *
"17845687263438904190688323018074535861734904642853847409999007e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516632928012921915342197060640724852241300442848498" *
"4281597492562067946229366922506386791356143429885663724734281437500459" *
"74426253050909437535625320439267147594150138370178005985338079e-01"
) parse(
BigFloat,
"1.56249856069059564577465889594143833968884266264849910015389465652254" *
"4225449892182089588074340733404947765939071631437721351969079142073701" *
"76208606576301625278229694042226349152029417168804246297963549e-01"
) parse(
BigFloat,
"1.56249772612139330703652241300066185376841365281423539487477412627577" *
"6329613309193387816672525464907485352275486030694987692871492892513978" *
"62246197546991390130275427816858672016936773079129179644852847e-01"
) parse(
BigFloat,
"1.56249698251856619747135759643824515798594902755192311721466150544794" *
"0619230887496506367356462061197786301001463140572926038832809318326700" *
"20764468003031518814533809599666377361099244935153100881762108e-01"
) parse(
BigFloat,
"1.56249644308890396957000380925432524659278782084881297746040320819155" *
"7892736739593596257817647792070641425378918227561094051114684768728920" *
"29766495457345488194977924077484290388837119421213656074715704e-01"
) parse(
BigFloat,
"1.56249618995568275644377199078508390888014838569575761198026495570216" *
"0284372400337104862611244711214569470228681115402951099742641753154891" *
"35155987382547237308817634988887800975540560335804158886728671e-01"
) parse(
BigFloat,
"1.56249626165614082933716068162045239747540017058692465651162191361294" *
"8998988069876696126297009735509388751361516100908843701831278970969812" *
"54881533146350432879096655282533830250900578574216929523859927e-01"
) parse(
BigFloat,
"1.56249664727453341181819813665451311546282395493720555040362707246524" *
"0002765332697387657978335564474717749804185442861366208799977939179100" *
"33310296323249816069022314033510980158017110331362921367136705e-01"
) parse(
BigFloat,
"1.56249728810395587116464934567976799348368667558566978158864394307794" *
"8662877127582920965961786716357398891574754158979207992708545549370287" *
"14665447539271420094733424135395677103653427822943068357184103e-01"
) parse(
BigFloat,
"1.56249808658393777014313406706995901034477496589512398773522931598513" *
"1016009994184319669443650364026680072911626147048905984670167638373625" *
"32296578109283747938117508241161688889706478516653260250465297e-01"
) parse(
BigFloat,
"1.56249892115314010378415729274979358814748212574567940697575186382027" *
"2802768790437329022397674619983003752776182854596351134093227161271100" *
"15982661092075515917516485009928106121673036091996784083755372e-01"
) parse(
BigFloat,
"1.56249966475596720655410107473967334198224057756634103065386511673859" *
"6113680258936901691136361836609082152385312736172570150351144359065966" *
"19015518218824621839780114009245761597089935205660543773090296e-01"
) parse(
BigFloat,
"1.56250020418562942994267437276911922193256845721373841681010211489728" *
"5898465119392210546462358031347159094881145503180896629426419860972099" *
"54232086497579610897999568990276004029565604857841835604751223e-01"
) parse(
BigFloat,
"1.56250045731885064348209185403595035651724754581608899840276476644194" *
"1209844192427281596341923653635388894111582425717283961602043082969548" *
"29429110476973346198171400370147280098929834450914900586831592e-01"
) parse(
BigFloat,
"1.56250038561839257568581642046152377603971761090863023991000579094277" *
"8604306309623382751103949641881708346777776333406679869187932591816875" *
"39979890759688617796447669533102510726695902726833672769520963e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516632928012921915342197060640724852241300442848498" *
"4281597492562067946229366922506386791356143429885663724734281437500459" *
"74426253050909437535625320439267147594150138370178005985338079e-01"
) parse(
BigFloat,
"1.56249856069059564577465889594143833968884266264849910015389465652254" *
"4225449892182089588074340733404947765939071631437721351969079142073701" *
"76208606576301625278229694042226349152029417168804246297963549e-01"
) parse(
BigFloat,
"1.56249772612139330703652241300066185376841365281423539487477412627577" *
"6329613309193387816672525464907485352275486030694987692871492892513978" *
"62246197546991390130275427816858672016936773079129179644852847e-01"
) parse(
BigFloat,
"1.56249698251856619747135759643824515798594902755192311721466150544794" *
"0619230887496506367356462061197786301001463140572926038832809318326700" *
"20764468003031518814533809599666377361099244935153100881762108e-01"
) parse(
BigFloat,
"1.56249644308890396957000380925432524659278782084881297746040320819155" *
"7892736739593596257817647792070641425378918227561094051114684768728920" *
"29766495457345488194977924077484290388837119421213656074715704e-01"
) parse(
BigFloat,
"1.56249618995568275644377199078508390888014838569575761198026495570216" *
"0284372400337104862611244711214569470228681115402951099742641753154891" *
"35155987382547237308817634988887800975540560335804158886728671e-01"
) parse(
BigFloat,
"1.56249626165614082933716068162045239747540017058692465651162191361294" *
"8998988069876696126297009735509388751361516100908843701831278970969812" *
"54881533146350432879096655282533830250900578574216929523859927e-01"
) parse(
BigFloat,
"1.56249664727453341181819813665451311546282395493720555040362707246524" *
"0002765332697387657978335564474717749804185442861366208799977939179100" *
"33310296323249816069022314033510980158017110331362921367136705e-01"
) parse(
BigFloat,
"1.56249728810395587116464934567976799348368667558566978158864394307794" *
"8662877127582920965961786716357398891574754158979207992708545549370287" *
"14665447539271420094733424135395677103653427822943068357184103e-01"
) parse(
BigFloat,
"1.56249808658393777014313406706995901034477496589512398773522931598513" *
"1016009994184319669443650364026680072911626147048905984670167638373625" *
"32296578109283747938117508241161688889706478516653260250465297e-01"
) parse(
BigFloat,
"1.56249892115314010378415729274979358814748212574567940697575186382027" *
"2802768790437329022397674619983003752776182854596351134093227161271100" *
"15982661092075515917516485009928106121673036091996784083755372e-01"
) parse(
BigFloat,
"1.56249966475596720655410107473967334198224057756634103065386511673859" *
"6113680258936901691136361836609082152385312736172570150351144359065966" *
"19015518218824621839780114009245761597089935205660543773090296e-01"
) parse(
BigFloat,
"1.56250020418562942994267437276911922193256845721373841681010211489728" *
"5898465119392210546462358031347159094881145503180896629426419860972099" *
"54232086497579610897999568990276004029565604857841835604751223e-01"
) parse(
BigFloat,
"1.56250045731885064348209185403595035651724754581608899840276476644194" *
"1209844192427281596341923653635388894111582425717283961602043082969548" *
"29429110476973346198171400370147280098929834450914900586831592e-01"
) parse(
BigFloat,
"1.56250038561839257568581642046152377603971761090863023991000579094277" *
"8604306309623382751103949641881708346777776333406679869187932591816875" *
"39979890759688617796447669533102510726695902726833672769520963e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963921805597226548371808176357255532993341406973969" *
"3305581452874334471019393716048389968863230356227843897134581928850357" *
"57277906909720738194213353412466056656655290182076861882995292e-01"
) parse(
BigFloat,
"1.71874980062965446696545835516172802200642063088238673860401787103210" *
"6629957913840048575636063819849862923680692932926935910798812952478730" *
"89556041022393310312498315559050225969621607517189654760505039e-01"
) parse(
BigFloat,
"1.71874938988097365289842697218373992069424512293499172876804319218699" *
"3204095441768082884250537269431813105362248324592697808120324120911078" *
"12106155417061705295963129617339313335027857770379325649167826e-01"
) parse(
BigFloat,
"1.71874884516168616531620953681497826568367382254887729815647226781727" *
"8521528833413448615511705417947759158137648310981803182965705507681403" *
"64154063219989662655724544743395753877372004068758109529844093e-01"
) parse(
BigFloat,
"1.71874824940036563156589620840342104477801354334467050630445164188332" *
"2489780112044379363987661919361696478290917728477145660230652309491971" *
"54793560538127058787385999943457358875135763403979089161236911e-01"
) parse(
BigFloat,
"1.71874769329627251309190827366319089520261644116935820463817440643900" *
"4028257313347350264685582866986982914943796726562371307318041741388453" *
"01894781688522729749942164529072595061816299303943307934065698e-01"
) parse(
BigFloat,
"1.71874726151121389102456886712610419483172003437694176287394680794221" *
"3618334523720270863135222985983916577921637291956869494993066619464366" *
"21607349890811030051468240557446379821386015461456438324091095e-01"
) parse(
BigFloat,
"1.71874701978055079927031606008417079888423908439123558381907122048340" *
"6900768988985300045236558376890315140812843242311823857134415083002732" *
"85230723128828248208002589626769520363986576407690248053789875e-01"
) parse(
BigFloat,
"1.71874700490558539963109800407230889264814292105603897083439573893664" *
"4244308848085589115823760704023577316635278669687231781353318722537075" *
"35439142192535168735207854197225817248272386761578047760257775e-01"
) parse(
BigFloat,
"1.71874721915089633230485770485344843062829064376336360520383752233886" *
"5872124120801376264082896905660656456656275436874476564407602536203185" *
"06645143889596533582853151927988913498263052975365567399556927e-01"
) parse(
BigFloat,
"1.71874762989957714637188908782945801201176442050151846804763795030746" *
"5746042600291608826040975517681939552203282309181126661196070479518311" *
"64115829837630220275063904051831806421406199905920505617923451e-01"
) parse(
BigFloat,
"1.71874817461886463395410652322481954103725369355213669392729805214303" *
"0048546519256848138313716939497770137277708736994791965207447966738559" *
"89951008441990763234190181899131893049131439543252225699969549e-01"
) parse(
BigFloat,
"1.71874877038018516770441985167597318446092837251898476883058008988405" *
"5431173928651293848231164394902180672438773535896197666589015596543291" *
"91825185150425708381110108716147934510426579672066584479113538e-01"
) parse(
BigFloat,
"1.71874932648427828617840778644560125776783888467714102745681174063373" *
"8940504993666821694657437141838342140947435193924635222783111327352327" *
"41239828190296100452623684253185432760789060223202053189475852e-01"
) parse(
BigFloat,
"1.71874975826933690824574719298466647806743702267879761621321359000704" *
"2902371775875634225635244961238175200741032364557725040998107337528940" *
"41506459645305718475422042042679667712669946881944313692421145e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963921805597226548371808176357255532993341406973969" *
"3305581452874334471019393716048389968863230356227843897134581928850357" *
"57277906909720738194213353412466056656655290182076861882995292e-01"
) parse(
BigFloat,
"1.71874980062965446696545835516172802200642063088238673860401787103210" *
"6629957913840048575636063819849862923680692932926935910798812952478730" *
"89556041022393310312498315559050225969621607517189654760505039e-01"
) parse(
BigFloat,
"1.71874938988097365289842697218373992069424512293499172876804319218699" *
"3204095441768082884250537269431813105362248324592697808120324120911078" *
"12106155417061705295963129617339313335027857770379325649167826e-01"
) parse(
BigFloat,
"1.71874884516168616531620953681497826568367382254887729815647226781727" *
"8521528833413448615511705417947759158137648310981803182965705507681403" *
"64154063219989662655724544743395753877372004068758109529844093e-01"
) parse(
BigFloat,
"1.71874824940036563156589620840342104477801354334467050630445164188332" *
"2489780112044379363987661919361696478290917728477145660230652309491971" *
"54793560538127058787385999943457358875135763403979089161236911e-01"
) parse(
BigFloat,
"1.71874769329627251309190827366319089520261644116935820463817440643900" *
"4028257313347350264685582866986982914943796726562371307318041741388453" *
"01894781688522729749942164529072595061816299303943307934065698e-01"
) parse(
BigFloat,
"1.71874726151121389102456886712610419483172003437694176287394680794221" *
"3618334523720270863135222985983916577921637291956869494993066619464366" *
"21607349890811030051468240557446379821386015461456438324091095e-01"
) parse(
BigFloat,
"1.71874701978055079927031606008417079888423908439123558381907122048340" *
"6900768988985300045236558376890315140812843242311823857134415083002732" *
"85230723128828248208002589626769520363986576407690248053789875e-01"
) parse(
BigFloat,
"1.71874700490558539963109800407230889264814292105603897083439573893664" *
"4244308848085589115823760704023577316635278669687231781353318722537075" *
"35439142192535168735207854197225817248272386761578047760257775e-01"
) parse(
BigFloat,
"1.71874721915089633230485770485344843062829064376336360520383752233886" *
"5872124120801376264082896905660656456656275436874476564407602536203185" *
"06645143889596533582853151927988913498263052975365567399556927e-01"
) parse(
BigFloat,
"1.71874762989957714637188908782945801201176442050151846804763795030746" *
"5746042600291608826040975517681939552203282309181126661196070479518311" *
"64115829837630220275063904051831806421406199905920505617923451e-01"
) parse(
BigFloat,
"1.71874817461886463395410652322481954103725369355213669392729805214303" *
"0048546519256848138313716939497770137277708736994791965207447966738559" *
"89951008441990763234190181899131893049131439543252225699969549e-01"
) parse(
BigFloat,
"1.71874877038018516770441985167597318446092837251898476883058008988405" *
"5431173928651293848231164394902180672438773535896197666589015596543291" *
"91825185150425708381110108716147934510426579672066584479113538e-01"
) parse(
BigFloat,
"1.71874932648427828617840778644560125776783888467714102745681174063373" *
"8940504993666821694657437141838342140947435193924635222783111327352327" *
"41239828190296100452623684253185432760789060223202053189475852e-01"
) parse(
BigFloat,
"1.71874975826933690824574719298466647806743702267879761621321359000704" *
"2902371775875634225635244961238175200741032364557725040998107337528940" *
"41506459645305718475422042042679667712669946881944313692421145e-01"
)
]
tab_u0[ :, :, 5, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636462227553644768065787897303022088167421245100" *
"0168301514822395634723903419622379449665087562206396975287953192491258" *
"42691718309594806503562783773584498944641552642227334463884162e-01"
) parse(
BigFloat,
"1.24999920743711656527128545987104573492796725251302836301495067090377" *
"2480951959347798059353090048337360220569134252429412050563018659519789" *
"71666929875397874915097544965866069716629065386485025568412544e-01"
) parse(
BigFloat,
"1.24999927913757464023780482716793026693334211092111078385220275217052" *
"2399772213370849627230510639067634918254300146106967845097141482201668" *
"87720970510617745429913140058962012961998670788419365307699131e-01"
) parse(
BigFloat,
"1.24999966475596722624149138708713995902668788378059673825036678919713" *
"4949475560774707154958207872376417839799835007441047996280329572765096" *
"40505387636268276145447013966720091618427438454190727046194053e-01"
) parse(
BigFloat,
"1.25000030558538969140727077536532883441925836739897479853168710687601" *
"8797134692295613989430855379928470102882259144251720888418182193173971" *
"53888735515109353354773728317318906992280009695032245416050253e-01"
) parse(
BigFloat,
"1.25000110406537159748916366371183944717967851542837720538665579739925" *
"8499066990365376568167768427709582313409234317281793558271719983067799" *
"23074165794987180080152132270992505160486370106791600590302749e-01"
) parse(
BigFloat,
"1.25000193863457393687367045336313639291208231042591806859015193065965" *
"6407340921415175817613213606920926337958417735371214469605215250455702" *
"33895131511466783318486778879319630833293507334429848484325512e-01"
) parse(
BigFloat,
"1.25000268223740104106962412799137078184767863192751149567957008991609" *
"1168962935226292843644289670840747361387411200522009390959968470601106" *
"18615610617355820640097080246450658398315621237433224292792341e-01"
) parse(
BigFloat,
"1.25000322166706325996618452871447922228686923486131276622966759623156" *
"7434196583178258753785222193326424211342048129283487984342889137712810" *
"18330039605698921435746458441524134915698853259974339080210210e-01"
) parse(
BigFloat,
"1.25000347480028446390609368986130395483439267878462348901755611217103" *
"4845313015361110512282671864110698415709492240475010034539194584170569" *
"74189359439020420794186257933296993930050117225654956256297739e-01"
) parse(
BigFloat,
"1.25000340309982638442682772515638196580199824810010678339142122524812" *
"6401141314498162201803061731903735017519507497755988616755022512370197" *
"55217196172816754810047098150399974900074870568458785090625198e-01"
) parse(
BigFloat,
"1.25000301748143379883632372488735422239260990525154003408998191633129" *
"8583795100326182117299695747220267789517661902564601805807045369588829" *
"45075110868009990240987805656858235192780013527987781651821745e-01"
) parse(
BigFloat,
"1.25000237665201133876761931361052045888019093972633048237688987988593" *
"8302600806030913737962212297560159226815513274786053344998318889576991" *
"89285615691231005732448929337601444356902657622377814030663514e-01"
) parse(
BigFloat,
"1.25000157817202943948089642652167582632493797423361921060075621497045" *
"8876901631252896976098662950279792041017047300341443549673410186196873" *
"35265654012228611237095964699873416402357520500680150575795108e-01"
) parse(
BigFloat,
"1.25000074360282710460913623427841633761955375151251263218614288736621" *
"9493979147042994469255407312545136716972682731293488261589964167927463" *
"27362810926732803468084882781347366514156024528303734108158298e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636462227553644768065787897303022088167421245100" *
"0168301514822395634723903419622379449665087562206396975287953192491258" *
"42691718309594806503562783773584498944641552642227334463884162e-01"
) parse(
BigFloat,
"1.24999920743711656527128545987104573492796725251302836301495067090377" *
"2480951959347798059353090048337360220569134252429412050563018659519789" *
"71666929875397874915097544965866069716629065386485025568412544e-01"
) parse(
BigFloat,
"1.24999927913757464023780482716793026693334211092111078385220275217052" *
"2399772213370849627230510639067634918254300146106967845097141482201668" *
"87720970510617745429913140058962012961998670788419365307699131e-01"
) parse(
BigFloat,
"1.24999966475596722624149138708713995902668788378059673825036678919713" *
"4949475560774707154958207872376417839799835007441047996280329572765096" *
"40505387636268276145447013966720091618427438454190727046194053e-01"
) parse(
BigFloat,
"1.25000030558538969140727077536532883441925836739897479853168710687601" *
"8797134692295613989430855379928470102882259144251720888418182193173971" *
"53888735515109353354773728317318906992280009695032245416050253e-01"
) parse(
BigFloat,
"1.25000110406537159748916366371183944717967851542837720538665579739925" *
"8499066990365376568167768427709582313409234317281793558271719983067799" *
"23074165794987180080152132270992505160486370106791600590302749e-01"
) parse(
BigFloat,
"1.25000193863457393687367045336313639291208231042591806859015193065965" *
"6407340921415175817613213606920926337958417735371214469605215250455702" *
"33895131511466783318486778879319630833293507334429848484325512e-01"
) parse(
BigFloat,
"1.25000268223740104106962412799137078184767863192751149567957008991609" *
"1168962935226292843644289670840747361387411200522009390959968470601106" *
"18615610617355820640097080246450658398315621237433224292792341e-01"
) parse(
BigFloat,
"1.25000322166706325996618452871447922228686923486131276622966759623156" *
"7434196583178258753785222193326424211342048129283487984342889137712810" *
"18330039605698921435746458441524134915698853259974339080210210e-01"
) parse(
BigFloat,
"1.25000347480028446390609368986130395483439267878462348901755611217103" *
"4845313015361110512282671864110698415709492240475010034539194584170569" *
"74189359439020420794186257933296993930050117225654956256297739e-01"
) parse(
BigFloat,
"1.25000340309982638442682772515638196580199824810010678339142122524812" *
"6401141314498162201803061731903735017519507497755988616755022512370197" *
"55217196172816754810047098150399974900074870568458785090625198e-01"
) parse(
BigFloat,
"1.25000301748143379883632372488735422239260990525154003408998191633129" *
"8583795100326182117299695747220267789517661902564601805807045369588829" *
"45075110868009990240987805656858235192780013527987781651821745e-01"
) parse(
BigFloat,
"1.25000237665201133876761931361052045888019093972633048237688987988593" *
"8302600806030913737962212297560159226815513274786053344998318889576991" *
"89285615691231005732448929337601444356902657622377814030663514e-01"
) parse(
BigFloat,
"1.25000157817202943948089642652167582632493797423361921060075621497045" *
"8876901631252896976098662950279792041017047300341443549673410186196873" *
"35265654012228611237095964699873416402357520500680150575795108e-01"
) parse(
BigFloat,
"1.25000074360282710460913623427841633761955375151251263218614288736621" *
"9493979147042994469255407312545136716972682731293488261589964167927463" *
"27362810926732803468084882781347366514156024528303734108158298e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768329078289498388917295713078965380135463761926" *
"8077838684570368215217526182324008776357953959499330936728410001309880" *
"25025611742744974404084844610852340252937870260894137217287793e-01"
) parse(
BigFloat,
"1.40625000000878801683072746270268165900908339648766457253207527440836" *
"3639354567925172025319406261339805114538399151409570733251914358222784" *
"50489077312553367699701675031655038064688346986498431541160351e-01"
) parse(
BigFloat,
"1.40625000001208226832715296876204900054834893759680736024728968483787" *
"0623783851675083153876016504840931267381022337672927555600162454312738" *
"01264226674450957536071133126057538221873061601181807406961673e-01"
) parse(
BigFloat,
"1.40625000001392652296909320358720090611084818526980170067907564246679" *
"0547162385977811960877084526823319318990656675487578760389725199161686" *
"87486652385036917395476796974549657469106212798184733447429709e-01"
) parse(
BigFloat,
"1.40625000001404000970552272691900041086475268592572499378436770715513" *
"5210913125688861804540833280049914182144933662624947488211584032090684" *
"86476373502743278098873434999431833894619596500244490150626851e-01"
) parse(
BigFloat,
"1.40625000001240545120957997135804577147561775845430342731622329215596" *
"1873812366738647323952773996875936434915772953492422810008964686093097" *
"39707401356013810318137019721894596766787880150699787006176320e-01"
) parse(
BigFloat,
"1.40625000000927169419496255799117123815410149909417880958233176577874" *
"6791940776846520952183420407426959498553473213203011691078420199600911" *
"53615168199240576405829896499299096803188519076335307037049606e-01"
) parse(
BigFloat,
"1.40625000000511582475956791059425331484368805977656037560021907094820" *
"1758223002166212804052431941949049011741456659530346013240819199662138" *
"81908247011857771942624910423945535841707058627929702577898611e-01"
) parse(
BigFloat,
"1.40625000000057053635188461981135833850196966464877515048056886175135" *
"3620706147031578048585686349533017687268512423349545780020978529241958" *
"25440525762068123096246336637129763469526861686076267645531915e-01"
) parse(
BigFloat,
"1.40624999999632780792884044789157156191159255461481271353743470392611" *
"8415243483548773720368704573908351288505665554803420984819295606290654" *
"07035945234253429451013673994281940085815642141191692813538469e-01"
) parse(
BigFloat,
"1.40624999999303355643241494183220406932396230550401189179720153658724" *
"4816149203358180212636575053689775849754152694088828787892261819404464" *
"51033039311293327368841627129811832742779371359853243583238510e-01"
) parse(
BigFloat,
"1.40624999999118930179047470700705205161728378417459335722623474166567" *
"3389577332683929576824488478886050094147069907068791829478669556880976" *
"01229300686567176875360159578757637275426744468486077043841905e-01"
) parse(
BigFloat,
"1.40624999999107581505404518367525253931592472151566563543923824855490" *
"8785504763537146273409959135751477779107783196612892398148241393062278" *
"33681689075905490614257250729838892969155687447385618055723666e-01"
) parse(
BigFloat,
"1.40624999999271037354998793923620728017552631966417472011979618459022" *
"1766552302615361272113120115534325586919345582381302075029039305098265" *
"73391776180641258744609498229421255668948146616210601708295086e-01"
) parse(
BigFloat,
"1.40624999999584413056460535260308196454540728702595737187870646787680" *
"3463088888948170023057992981700751809190534997121948568538369482386687" *
"64711765898477004902719210222084362818399063857230155041920437e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768329078289498388917295713078965380135463761926" *
"8077838684570368215217526182324008776357953959499330936728410001309880" *
"25025611742744974404084844610852340252937870260894137217287793e-01"
) parse(
BigFloat,
"1.40625000000878801683072746270268165900908339648766457253207527440836" *
"3639354567925172025319406261339805114538399151409570733251914358222784" *
"50489077312553367699701675031655038064688346986498431541160351e-01"
) parse(
BigFloat,
"1.40625000001208226832715296876204900054834893759680736024728968483787" *
"0623783851675083153876016504840931267381022337672927555600162454312738" *
"01264226674450957536071133126057538221873061601181807406961673e-01"
) parse(
BigFloat,
"1.40625000001392652296909320358720090611084818526980170067907564246679" *
"0547162385977811960877084526823319318990656675487578760389725199161686" *
"87486652385036917395476796974549657469106212798184733447429709e-01"
) parse(
BigFloat,
"1.40625000001404000970552272691900041086475268592572499378436770715513" *
"5210913125688861804540833280049914182144933662624947488211584032090684" *
"86476373502743278098873434999431833894619596500244490150626851e-01"
) parse(
BigFloat,
"1.40625000001240545120957997135804577147561775845430342731622329215596" *
"1873812366738647323952773996875936434915772953492422810008964686093097" *
"39707401356013810318137019721894596766787880150699787006176320e-01"
) parse(
BigFloat,
"1.40625000000927169419496255799117123815410149909417880958233176577874" *
"6791940776846520952183420407426959498553473213203011691078420199600911" *
"53615168199240576405829896499299096803188519076335307037049606e-01"
) parse(
BigFloat,
"1.40625000000511582475956791059425331484368805977656037560021907094820" *
"1758223002166212804052431941949049011741456659530346013240819199662138" *
"81908247011857771942624910423945535841707058627929702577898611e-01"
) parse(
BigFloat,
"1.40625000000057053635188461981135833850196966464877515048056886175135" *
"3620706147031578048585686349533017687268512423349545780020978529241958" *
"25440525762068123096246336637129763469526861686076267645531915e-01"
) parse(
BigFloat,
"1.40624999999632780792884044789157156191159255461481271353743470392611" *
"8415243483548773720368704573908351288505665554803420984819295606290654" *
"07035945234253429451013673994281940085815642141191692813538469e-01"
) parse(
BigFloat,
"1.40624999999303355643241494183220406932396230550401189179720153658724" *
"4816149203358180212636575053689775849754152694088828787892261819404464" *
"51033039311293327368841627129811832742779371359853243583238510e-01"
) parse(
BigFloat,
"1.40624999999118930179047470700705205161728378417459335722623474166567" *
"3389577332683929576824488478886050094147069907068791829478669556880976" *
"01229300686567176875360159578757637275426744468486077043841905e-01"
) parse(
BigFloat,
"1.40624999999107581505404518367525253931592472151566563543923824855490" *
"8785504763537146273409959135751477779107783196612892398148241393062278" *
"33681689075905490614257250729838892969155687447385618055723666e-01"
) parse(
BigFloat,
"1.40624999999271037354998793923620728017552631966417472011979618459022" *
"1766552302615361272113120115534325586919345582381302075029039305098265" *
"73391776180641258744609498229421255668948146616210601708295086e-01"
) parse(
BigFloat,
"1.40624999999584413056460535260308196454540728702595737187870646787680" *
"3463088888948170023057992981700751809190534997121948568538369482386687" *
"64711765898477004902719210222084362818399063857230155041920437e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035255872415757757188996218660301508215140550" *
"3490067577393724517811663653387022844200711974800470560872214939136635" *
"95064109813835264146098484301126692604080238309901103903683071e-01"
) parse(
BigFloat,
"1.56249856069059564577371090120177820329287705708480585286500218583122" *
"7150071317721834739510415552105654624203116328379045303730114713763179" *
"10482507519282840681511158954380346826288150863817463048160884e-01"
) parse(
BigFloat,
"1.56249772612139330703549920353691845170446310401004215156619482986641" *
"0055226783290452086383332019078981141115699503975976440899433697183561" *
"72886827008128480253647555595159656843245420303291232126721957e-01"
) parse(
BigFloat,
"1.56249698251856619747054617733822681057729677071907397848764416117110" *
"7584804455491919185249554026201985345439714105105674022670045851952716" *
"08430723269386503608786314269485235156610651339737763355255316e-01"
) parse(
BigFloat,
"1.56249644308890396956964787981077376888216180539433643396472397041349" *
"0863979197298029316277750504691675603271797866660933702085482157306709" *
"64699498343707579942879881768144381798134045977433841838115628e-01"
) parse(
BigFloat,
"1.56249618995568275644403855931244580544688199238214667051220083113533" *
"0949606411976446562996395288841823975690769947956398393800455306347787" *
"66770515991557617465422300181235296392703866439925679135192317e-01"
) parse(
BigFloat,
"1.56249626165614082933812265943786213862751805731695181132910150981437" *
"5401509660100411653930958337737293592565153618938798534063903073328199" *
"81114200903781251399526394575740954815300540838191122120275204e-01"
) parse(
BigFloat,
"1.56249664727453341181983086343778835172996792437393679391899530339343" *
"5996807901612274007023312696468279646117280365373734847703637956251753" *
"27437641595125953472191073716627068277364199565701497314102025e-01"
) parse(
BigFloat,
"1.56249728810395587116683710828710166888105999881716738173588572213984" *
"4609297192928384372878229230934609433783594230570947857034366742108740" *
"81123801803399619360875406137362502160833756817781704218821800e-01"
) parse(
BigFloat,
"1.56249808658393777014568399999386570435435390818824285319139588364418" *
"6465716454314619141125823212221657295675263012512596708255050826043862" *
"56147676395387186385845077742801093172005161310228179150352272e-01"
) parse(
BigFloat,
"1.56249892115314010378682072065737036860714650529632429779642551315624" *
"2266000695547811265642487683911014812776780417176296552178755448789578" *
"39182128750506973793930509810229862700915534974478926428662763e-01"
) parse(
BigFloat,
"1.56249966475596720655660374559839603436779658690076570485448437028938" *
"7077006709931811129923699120595870069263604507142132802248212549680220" *
"05392463085360379888161080676862872111779355597594108456032828e-01"
) parse(
BigFloat,
"1.56250020418562942994475544571781160133426758782008605854543199089509" *
"1695275099415866115228922454252827179564494905589189552629832519332603" *
"00373417988930373519284696456341598982706165397916719164769670e-01"
) parse(
BigFloat,
"1.56250045731885064348354732586632148358094832433858110069252493424318" *
"6093224883023103878563931790096999165251449688773501266836275511729860" *
"07860128043645192436359931784558439154757027889062047791684696e-01"
) parse(
BigFloat,
"1.56250038561839257568653820274226023773593361537045821656940198201690" *
"2935881928097329316239787802538845514362965437530470145479804138583349" *
"48077671287456131522034008681844701186292710387072088449730245e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035255872415757757188996218660301508215140550" *
"3490067577393724517811663653387022844200711974800470560872214939136635" *
"95064109813835264146098484301126692604080238309901103903683071e-01"
) parse(
BigFloat,
"1.56249856069059564577371090120177820329287705708480585286500218583122" *
"7150071317721834739510415552105654624203116328379045303730114713763179" *
"10482507519282840681511158954380346826288150863817463048160884e-01"
) parse(
BigFloat,
"1.56249772612139330703549920353691845170446310401004215156619482986641" *
"0055226783290452086383332019078981141115699503975976440899433697183561" *
"72886827008128480253647555595159656843245420303291232126721957e-01"
) parse(
BigFloat,
"1.56249698251856619747054617733822681057729677071907397848764416117110" *
"7584804455491919185249554026201985345439714105105674022670045851952716" *
"08430723269386503608786314269485235156610651339737763355255316e-01"
) parse(
BigFloat,
"1.56249644308890396956964787981077376888216180539433643396472397041349" *
"0863979197298029316277750504691675603271797866660933702085482157306709" *
"64699498343707579942879881768144381798134045977433841838115628e-01"
) parse(
BigFloat,
"1.56249618995568275644403855931244580544688199238214667051220083113533" *
"0949606411976446562996395288841823975690769947956398393800455306347787" *
"66770515991557617465422300181235296392703866439925679135192317e-01"
) parse(
BigFloat,
"1.56249626165614082933812265943786213862751805731695181132910150981437" *
"5401509660100411653930958337737293592565153618938798534063903073328199" *
"81114200903781251399526394575740954815300540838191122120275204e-01"
) parse(
BigFloat,
"1.56249664727453341181983086343778835172996792437393679391899530339343" *
"5996807901612274007023312696468279646117280365373734847703637956251753" *
"27437641595125953472191073716627068277364199565701497314102025e-01"
) parse(
BigFloat,
"1.56249728810395587116683710828710166888105999881716738173588572213984" *
"4609297192928384372878229230934609433783594230570947857034366742108740" *
"81123801803399619360875406137362502160833756817781704218821800e-01"
) parse(
BigFloat,
"1.56249808658393777014568399999386570435435390818824285319139588364418" *
"6465716454314619141125823212221657295675263012512596708255050826043862" *
"56147676395387186385845077742801093172005161310228179150352272e-01"
) parse(
BigFloat,
"1.56249892115314010378682072065737036860714650529632429779642551315624" *
"2266000695547811265642487683911014812776780417176296552178755448789578" *
"39182128750506973793930509810229862700915534974478926428662763e-01"
) parse(
BigFloat,
"1.56249966475596720655660374559839603436779658690076570485448437028938" *
"7077006709931811129923699120595870069263604507142132802248212549680220" *
"05392463085360379888161080676862872111779355597594108456032828e-01"
) parse(
BigFloat,
"1.56250020418562942994475544571781160133426758782008605854543199089509" *
"1695275099415866115228922454252827179564494905589189552629832519332603" *
"00373417988930373519284696456341598982706165397916719164769670e-01"
) parse(
BigFloat,
"1.56250045731885064348354732586632148358094832433858110069252493424318" *
"6093224883023103878563931790096999165251449688773501266836275511729860" *
"07860128043645192436359931784558439154757027889062047791684696e-01"
) parse(
BigFloat,
"1.56250038561839257568653820274226023773593361537045821656940198201690" *
"2935881928097329316239787802538845514362965437530470145479804138583349" *
"48077671287456131522034008681844701186292710387072088449730245e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885707898282857338890577963843951968426984994438" *
"9065951820985703419596620374717533365078640432510893740098444642453894" *
"64087545241259316514147464343970640936410232691887877210347596e-01"
) parse(
BigFloat,
"1.71874980062965446696502558446614483793720578918161770873047450768076" *
"7678081500896001481924996047415306771839042080424873175942198823637356" *
"06013057072055639646757258541587736463344168761391466613780008e-01"
) parse(
BigFloat,
"1.71874938988097365289822168572959616843061117913655145644608941440765" *
"9497088459561985297995318439397967051371661908025233969244989950609353" *
"42382550557643083269852273557982639508059709615597012064484463e-01"
) parse(
BigFloat,
"1.71874884516168616531649632392100454093724047135100029380085144416613" *
"3489287008022274650526760666038223988510768070377517423099520383865590" *
"59206607288662678658045415423000094270745031748747275299472910e-01"
) parse(
BigFloat,
"1.71874824940036563156686550042576118391150769040952376646779492801735" *
"2866967339030641517430359047941067655655652451793679193976431738908989" *
"53416749630665817867042016407454759626722796074158892563582071e-01"
) parse(
BigFloat,
"1.71874769329627251309364772181572929205764584846913254494007900097585" *
"1624080774370544915695719407192444344928116561984871377652042667372410" *
"03469157465580740893170391679932057949809060840556476672372306e-01"
) parse(
BigFloat,
"1.71874726151121389102704970861003939825619918581411748765740601964664" *
"6328111939044567686152464503855402934694259061843921080887460274997898" *
"32781276750139199775798642146069165568478110491473300714222106e-01"
) parse(
BigFloat,
"1.71874701978055079927339671790198921899774605079074233879015579135413" *
"2955314256741802052752218989122193119436550531179792691820628658476607" *
"28161876683476855838839845408158581011930804148828174286641965e-01"
) parse(
BigFloat,
"1.71874700490558539963454482885072062987131310204337299361541835318507" *
"3527217761974485924519754021163647949447236789611103709635966309458997" *
"96317191461123186015857711529214328783030539918099101005519553e-01"
) parse(
BigFloat,
"1.71874721915089633230838017657439814596827812829918418184114702274457" *
"1394224850455192988558327063892655889959732144101835223410136712187120" *
"41931798528277679217270170197574172978679423684832261043088960e-01"
) parse(
BigFloat,
"1.71874762989957714637518433463697606666303821976267213224358938794315" *
"1469389667023685471970714371961221194288594998000031229222316136897024" *
"56657010462980209140781421780116954700367651804448010387485145e-01"
) parse(
BigFloat,
"1.71874817461886463395690620998096155690340966849163108180415557925798" *
"6428216907993364057371860687493733284102322113121391091213891010713196" *
"62372692441123604659919659317460656234596940701939071867645939e-01"
) parse(
BigFloat,
"1.71874877038018516770653184354464492966666961854203743462767968363143" *
"7412681250766609899104106898831901421868111040763024562423197362233512" *
"35919690080214818759757727867979602171109207915368650674311594e-01"
) parse(
BigFloat,
"1.71874932648427828617974576894768304087526642468343927888346228337706" *
"2176431047035701374471797824153743385322749928167121429129661849858507" *
"98327163347349079399607099729525364125440123312734317124519539e-01"
) parse(
BigFloat,
"1.71874975826933690824634352282734368348854760592003263804807799278079" *
"5578228107127202304532343027439559211695124746809514926779273690551118" *
"17920338642500646970372582664450571740367304687996198287569101e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885707898282857338890577963843951968426984994438" *
"9065951820985703419596620374717533365078640432510893740098444642453894" *
"64087545241259316514147464343970640936410232691887877210347596e-01"
) parse(
BigFloat,
"1.71874980062965446696502558446614483793720578918161770873047450768076" *
"7678081500896001481924996047415306771839042080424873175942198823637356" *
"06013057072055639646757258541587736463344168761391466613780008e-01"
) parse(
BigFloat,
"1.71874938988097365289822168572959616843061117913655145644608941440765" *
"9497088459561985297995318439397967051371661908025233969244989950609353" *
"42382550557643083269852273557982639508059709615597012064484463e-01"
) parse(
BigFloat,
"1.71874884516168616531649632392100454093724047135100029380085144416613" *
"3489287008022274650526760666038223988510768070377517423099520383865590" *
"59206607288662678658045415423000094270745031748747275299472910e-01"
) parse(
BigFloat,
"1.71874824940036563156686550042576118391150769040952376646779492801735" *
"2866967339030641517430359047941067655655652451793679193976431738908989" *
"53416749630665817867042016407454759626722796074158892563582071e-01"
) parse(
BigFloat,
"1.71874769329627251309364772181572929205764584846913254494007900097585" *
"1624080774370544915695719407192444344928116561984871377652042667372410" *
"03469157465580740893170391679932057949809060840556476672372306e-01"
) parse(
BigFloat,
"1.71874726151121389102704970861003939825619918581411748765740601964664" *
"6328111939044567686152464503855402934694259061843921080887460274997898" *
"32781276750139199775798642146069165568478110491473300714222106e-01"
) parse(
BigFloat,
"1.71874701978055079927339671790198921899774605079074233879015579135413" *
"2955314256741802052752218989122193119436550531179792691820628658476607" *
"28161876683476855838839845408158581011930804148828174286641965e-01"
) parse(
BigFloat,
"1.71874700490558539963454482885072062987131310204337299361541835318507" *
"3527217761974485924519754021163647949447236789611103709635966309458997" *
"96317191461123186015857711529214328783030539918099101005519553e-01"
) parse(
BigFloat,
"1.71874721915089633230838017657439814596827812829918418184114702274457" *
"1394224850455192988558327063892655889959732144101835223410136712187120" *
"41931798528277679217270170197574172978679423684832261043088960e-01"
) parse(
BigFloat,
"1.71874762989957714637518433463697606666303821976267213224358938794315" *
"1469389667023685471970714371961221194288594998000031229222316136897024" *
"56657010462980209140781421780116954700367651804448010387485145e-01"
) parse(
BigFloat,
"1.71874817461886463395690620998096155690340966849163108180415557925798" *
"6428216907993364057371860687493733284102322113121391091213891010713196" *
"62372692441123604659919659317460656234596940701939071867645939e-01"
) parse(
BigFloat,
"1.71874877038018516770653184354464492966666961854203743462767968363143" *
"7412681250766609899104106898831901421868111040763024562423197362233512" *
"35919690080214818759757727867979602171109207915368650674311594e-01"
) parse(
BigFloat,
"1.71874932648427828617974576894768304087526642468343927888346228337706" *
"2176431047035701374471797824153743385322749928167121429129661849858507" *
"98327163347349079399607099729525364125440123312734317124519539e-01"
) parse(
BigFloat,
"1.71874975826933690824634352282734368348854760592003263804807799278079" *
"5578228107127202304532343027439559211695124746809514926779273690551118" *
"17920338642500646970372582664450571740367304687996198287569101e-01"
)
]
tab_u0[ :, :, 6, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511701018737590065490246284466046983760693" *
"6486788330094912645548734821009705002992000815940939134805760402292278" *
"51207849318207415117538854916640570518450746107906267508938062e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594514069558994883244479346203325695682073" *
"6636137226027874290166005585684442796278775367740354256524689502429701" *
"32471151118107111770749657965759603601911323699360821905059585e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954380368332410362344603149937007772503944" *
"1497936434185638890177306344391680362673094354594019398371899494758205" *
"89648810105952205907536752324752708141756727864258868960433028e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116231782268233989266943173323884003042074" *
"7216572727809920258524633892158753284311262856913473252489618833858804" *
"05585274684810928614733556098673176174606399184448775838724513e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801928166400672481309632555118103031540434" *
"0159421978773383075515564374270902328781176528400463133188099581672486" *
"80465188127558703602058126431500828332870006052694014322685818e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210610406519188768700586946691047638813394" *
"9981693450931123984940931824033077627778224365501587150390800792787957" *
"61091530703560060503831535805232002946622077086265486353815381e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366001085706043809174471379741309935730697" *
"2454920940203367630874433158609613969281466586857227412681873963051977" *
"99638025452440905620071212027089773942391013952379620036115048e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429814999684987103150134475366248115638731" *
"8359032308651635916813140913437481607597687999618290216056613311042890" *
"88894225413610618487424145089565680826490298827326909480716370e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248285634947143887548898277756839342476261" *
"9800364643294360884654209064821640438525745095076989057277357284688637" *
"50843306811504105112209265322369070572578449061965808247185774e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981890448735322428663388978251925335757388" *
"7784059226385197436613567157150208077743260291789702076226812177948185" *
"57928977848621261798012650556691347993129420728775107256508988e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769149722007042018384510076190735912954295" *
"1706272980681922505771153766256714114607284162299476363182665979533947" *
"90974764022081727787709728831847436446465287518935264600059682e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471640161524099459080844954997528156723734" *
"8770954347541375932133701758877815037124756681187532210401593581218844" *
"16706841456045595676075768174139813342822561205794468343925701e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455772123391914117149145487827052031297936" *
"4279910565323882186776004567890351055454847493680519526519619603698195" *
"24731339830585982587565466441535360349928246707042850925044641e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230672018663814470889467335470473714177722" *
"9341256736525611842826550968543951842513510097157695071630597648865559" *
"17102582849858971999810018883104469310555700854101210169583115e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928155767431824361594337999267337649570859" *
"1704090151315271842701126002635123001031862623059000207693449538456212" *
"92271300406283503115947926277430345891697304320890084747871601e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511701018737590065490246284466046983760693" *
"6486788330094912645548734821009705002992000815940939134805760402292278" *
"51207849318207415117538854916640570518450746107906267508938062e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594514069558994883244479346203325695682073" *
"6636137226027874290166005585684442796278775367740354256524689502429701" *
"32471151118107111770749657965759603601911323699360821905059585e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954380368332410362344603149937007772503944" *
"1497936434185638890177306344391680362673094354594019398371899494758205" *
"89648810105952205907536752324752708141756727864258868960433028e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116231782268233989266943173323884003042074" *
"7216572727809920258524633892158753284311262856913473252489618833858804" *
"05585274684810928614733556098673176174606399184448775838724513e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801928166400672481309632555118103031540434" *
"0159421978773383075515564374270902328781176528400463133188099581672486" *
"80465188127558703602058126431500828332870006052694014322685818e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210610406519188768700586946691047638813394" *
"9981693450931123984940931824033077627778224365501587150390800792787957" *
"61091530703560060503831535805232002946622077086265486353815381e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366001085706043809174471379741309935730697" *
"2454920940203367630874433158609613969281466586857227412681873963051977" *
"99638025452440905620071212027089773942391013952379620036115048e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429814999684987103150134475366248115638731" *
"8359032308651635916813140913437481607597687999618290216056613311042890" *
"88894225413610618487424145089565680826490298827326909480716370e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248285634947143887548898277756839342476261" *
"9800364643294360884654209064821640438525745095076989057277357284688637" *
"50843306811504105112209265322369070572578449061965808247185774e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981890448735322428663388978251925335757388" *
"7784059226385197436613567157150208077743260291789702076226812177948185" *
"57928977848621261798012650556691347993129420728775107256508988e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769149722007042018384510076190735912954295" *
"1706272980681922505771153766256714114607284162299476363182665979533947" *
"90974764022081727787709728831847436446465287518935264600059682e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471640161524099459080844954997528156723734" *
"8770954347541375932133701758877815037124756681187532210401593581218844" *
"16706841456045595676075768174139813342822561205794468343925701e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455772123391914117149145487827052031297936" *
"4279910565323882186776004567890351055454847493680519526519619603698195" *
"24731339830585982587565466441535360349928246707042850925044641e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230672018663814470889467335470473714177722" *
"9341256736525611842826550968543951842513510097157695071630597648865559" *
"17102582849858971999810018883104469310555700854101210169583115e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928155767431824361594337999267337649570859" *
"1704090151315271842701126002635123001031862623059000207693449538456212" *
"92271300406283503115947926277430345891697304320890084747871601e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489767187506657089052912196724511361266" *
"0473661892363139856870030029101132900941626139098430872484996224820503" *
"00249451733708211252837784955317921923214283221620195655592755e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419642300923316245704264582865289676758067" *
"8385624843998175874086914382346395527775118916810153317284241174589119" *
"92634859693826352956746954691144316535950873457949113682850393e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074216803412453165942501032672767425008015" *
"7258552834954921190469367475006432205641159088823424475882283901948605" *
"21740053840637484240833540033125910869202153611770461677529134e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782240769714414926742173868903399619485880" *
"0149961509646245059996467037590281730025806344663022906670523552271898" *
"99467075606177463252247004667456610530635493313058913167505678e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635391138701441309748248074013373757779464" *
"0157120613409365653000171110372049312741542139912381882703663356450981" *
"06814142535366722702690711493691963606905811032251459100741623e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966786443928277656454300797815883374146008" *
"7840596480858497986418223272128869350133583943575810855609237156684536" *
"84722748118925845844067795780354984447582281101349097059234711e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902526926686937018504056081414003322055037" *
"1605532320467810903896130258336394409150847586301000327887491984649951" *
"96717677882245579071788527611894515912589250657913319613445035e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779154724019081101710913418733040008815535" *
"9213049357292419924439849918566877786455829165430519344132122155135762" *
"95364721682280306332594451259594658964180430020281941469923810e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567566031802103835489432413957638284141228" *
"6786275555754861813700443368603314080626888160183795429935809866973970" *
"09722902407194898690317103338823239882472314201247876302124883e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360743478766289032211875060108652065403041" *
"3338684711432198658026077880665218058836265413621747698565092397804070" *
"68521002882912671069015764818401053075887705604644589619891677e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708148778050249809074026045559848958162951" *
"4427099640098070779433799917824706868475997915824334983757461185790485" *
"34893737097287157680644696277427513898837092019435435276540863e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001594693566618327166186434072873774408042" *
"8880183928865169079144606345412147701965984652136376105924588370257744" *
"15487857361618442698895777907898205038267890861529159094511967e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148543249609062553292540321541576849427500" *
"0826136734276466740010278793492810924137563723035310171602764629419951" *
"93533157973806379637891634047116349120491405739750482673482195e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815817963682231421248833280919488286402340" *
"8678288759514961545049707766428824281702651888222206485268663348587678" *
"64441043954411342413906718545049120473662954030927213369964675e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878097679150474362098690562062693697483454" *
"4952010000283031189781625650401773735179615571281158569199997005276363" *
"56968185829905991290470469912501533852455317905750797164426423e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489767187506657089052912196724511361266" *
"0473661892363139856870030029101132900941626139098430872484996224820503" *
"00249451733708211252837784955317921923214283221620195655592755e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419642300923316245704264582865289676758067" *
"8385624843998175874086914382346395527775118916810153317284241174589119" *
"92634859693826352956746954691144316535950873457949113682850393e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074216803412453165942501032672767425008015" *
"7258552834954921190469367475006432205641159088823424475882283901948605" *
"21740053840637484240833540033125910869202153611770461677529134e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782240769714414926742173868903399619485880" *
"0149961509646245059996467037590281730025806344663022906670523552271898" *
"99467075606177463252247004667456610530635493313058913167505678e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635391138701441309748248074013373757779464" *
"0157120613409365653000171110372049312741542139912381882703663356450981" *
"06814142535366722702690711493691963606905811032251459100741623e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966786443928277656454300797815883374146008" *
"7840596480858497986418223272128869350133583943575810855609237156684536" *
"84722748118925845844067795780354984447582281101349097059234711e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902526926686937018504056081414003322055037" *
"1605532320467810903896130258336394409150847586301000327887491984649951" *
"96717677882245579071788527611894515912589250657913319613445035e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779154724019081101710913418733040008815535" *
"9213049357292419924439849918566877786455829165430519344132122155135762" *
"95364721682280306332594451259594658964180430020281941469923810e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567566031802103835489432413957638284141228" *
"6786275555754861813700443368603314080626888160183795429935809866973970" *
"09722902407194898690317103338823239882472314201247876302124883e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360743478766289032211875060108652065403041" *
"3338684711432198658026077880665218058836265413621747698565092397804070" *
"68521002882912671069015764818401053075887705604644589619891677e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708148778050249809074026045559848958162951" *
"4427099640098070779433799917824706868475997915824334983757461185790485" *
"34893737097287157680644696277427513898837092019435435276540863e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001594693566618327166186434072873774408042" *
"8880183928865169079144606345412147701965984652136376105924588370257744" *
"15487857361618442698895777907898205038267890861529159094511967e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148543249609062553292540321541576849427500" *
"0826136734276466740010278793492810924137563723035310171602764629419951" *
"93533157973806379637891634047116349120491405739750482673482195e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815817963682231421248833280919488286402340" *
"8678288759514961545049707766428824281702651888222206485268663348587678" *
"64441043954411342413906718545049120473662954030927213369964675e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878097679150474362098690562062693697483454" *
"4952010000283031189781625650401773735179615571281158569199997005276363" *
"56968185829905991290470469912501533852455317905750797164426423e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575467848337731167509717248874220504757736" *
"2710118262680774504378465979383870560842160267493133474422725283771296" *
"86443700515836199510720533185972902963962548275030354415198243e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099115396700879790567568721622697269405637" *
"3363413310910708081341945484058769911918142405849071681472972700451670" *
"07387615401518747695447459169071603264114992184605220852100034e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361756459559943174923079139866682170436391" *
"7366760054598598610851014527901943279397127314934047650989271952073660" *
"76427941468258854194399093545911404606720511690255926168925741e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282036067585279697232394800769786721282106" *
"3498053038868786957683207402240991597819747322894546755454865527122208" *
"30782769820332221532294563361079829985875243717121676817235018e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815243218636595878069134609966552415145935" *
"7041178519401739474195689075510477041743133463103294626572712910447683" *
"69552456421672732200029292121041322590962211338504432146740772e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082408631544244007731974070177597515379296" *
"3773386723212487557916229179942207246135925155503276275519714229507700" *
"36245029794740666997331808171253511578334776081463900796111927e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721039881858058384496971870593773995531048" *
"7438968042344277904921713053130983809064891414372971381068106271863826" *
"66412196008539844424582488331282287780785118533572669968412474e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271948696774998079704475209602527735750455" *
"2376152507405807943527648973679243517304827989902718769145992994744776" *
"16009414022641916173810024194886139964872281174097324657523491e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549355278162266106406451143005708250186739" *
"1494372675578267794717652273651335651734581118328064946399161606358759" *
"11552448830557852644218163857491102539995599222380388763206068e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161365879333441142940294119165371488734334" *
"0699554527153428752816661956077523507331021582260306910417925611545549" *
"49893574872461689615511554452085155711662170715852154333357376e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228896472928535784246781759161875195600880" *
"1839904827775073398893988862496431826474654062674551685861671550574389" *
"43384113738969449985615746112736837957612946611520992803303247e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125034729996639466014074587761318178503414" *
"3761024328239148873196303230546700986970377116639949919270476884435306" *
"43397316483668531850846464855786331762578505107310410170915183e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738953149220324090965641594838420470090310" *
"5372899485455848127874660200636161182823877775881640569112196703548536" *
"44293706363910768865112832710502411356592259422226039663751742e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336129586778352301711107687199616480332238" *
"5162140810105198063336296405517441796559621162651108109787688236076916" *
"13845493966758794915648430780540213874873576410210358501450931e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367326680010379899284111829991682387638439" *
"9369523378060986413985108659351675211959237318913274086643789905245973" *
"99494651014376866956212155119764516345680350297170242199155671e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575467848337731167509717248874220504757736" *
"2710118262680774504378465979383870560842160267493133474422725283771296" *
"86443700515836199510720533185972902963962548275030354415198243e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099115396700879790567568721622697269405637" *
"3363413310910708081341945484058769911918142405849071681472972700451670" *
"07387615401518747695447459169071603264114992184605220852100034e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361756459559943174923079139866682170436391" *
"7366760054598598610851014527901943279397127314934047650989271952073660" *
"76427941468258854194399093545911404606720511690255926168925741e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282036067585279697232394800769786721282106" *
"3498053038868786957683207402240991597819747322894546755454865527122208" *
"30782769820332221532294563361079829985875243717121676817235018e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815243218636595878069134609966552415145935" *
"7041178519401739474195689075510477041743133463103294626572712910447683" *
"69552456421672732200029292121041322590962211338504432146740772e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082408631544244007731974070177597515379296" *
"3773386723212487557916229179942207246135925155503276275519714229507700" *
"36245029794740666997331808171253511578334776081463900796111927e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721039881858058384496971870593773995531048" *
"7438968042344277904921713053130983809064891414372971381068106271863826" *
"66412196008539844424582488331282287780785118533572669968412474e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271948696774998079704475209602527735750455" *
"2376152507405807943527648973679243517304827989902718769145992994744776" *
"16009414022641916173810024194886139964872281174097324657523491e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549355278162266106406451143005708250186739" *
"1494372675578267794717652273651335651734581118328064946399161606358759" *
"11552448830557852644218163857491102539995599222380388763206068e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161365879333441142940294119165371488734334" *
"0699554527153428752816661956077523507331021582260306910417925611545549" *
"49893574872461689615511554452085155711662170715852154333357376e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228896472928535784246781759161875195600880" *
"1839904827775073398893988862496431826474654062674551685861671550574389" *
"43384113738969449985615746112736837957612946611520992803303247e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125034729996639466014074587761318178503414" *
"3761024328239148873196303230546700986970377116639949919270476884435306" *
"43397316483668531850846464855786331762578505107310410170915183e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738953149220324090965641594838420470090310" *
"5372899485455848127874660200636161182823877775881640569112196703548536" *
"44293706363910768865112832710502411356592259422226039663751742e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336129586778352301711107687199616480332238" *
"5162140810105198063336296405517441796559621162651108109787688236076916" *
"13845493966758794915648430780540213874873576410210358501450931e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367326680010379899284111829991682387638439" *
"9369523378060986413985108659351675211959237318913274086643789905245973" *
"99494651014376866956212155119764516345680350297170242199155671e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663486458491973916736884280320405968479146" *
"2119770950886246712160164325831561070070502925825404647571038374793480" *
"19930903250767906547873530505666247310831439557443237631523670e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859525707922248876383793387096149824417878" *
"6367921625419204017072477787729879824619351912681289586827086828775001" *
"66045709511217256430104219851104002909492753498489650736863813e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418550254040250767411254899633932783111684" *
"5078612724994556348379736914741675363539663471593311897354972959791268" *
"14684854861073285717792730183081860776956307119851292295314347e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389543147813417102840127925625159603399727" *
"1243278556510176849895743368319260956724199782031714912303809257926265" *
"09178344142215476063683910623553120788168004490696804830289087e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886952379752077991272153163412050729574168" *
"7371240391074749993021493050027146192274137840174943952790377361549713" *
"51356157528107242661777144813940835221419486881609102768462069e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589818797501197948067393673994372631284341" *
"7237634080206180367674154812162508090120512106795775075791734819478955" *
"72552488600878422730409618757695221209812066040299141899885132e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615376970776551654694071895670948982144121" *
"7073655484991951162969445785512077592144598934095819369887933626505182" *
"58784381567830305317505020125340329625982116809408728627736257e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772430511589183509691159917921402238567264" *
"2155016426881215153990917253668529001949066730921205483525827038847043" *
"19840190191436595078518277920617918738097229078504462399135002e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095418175722348282503447570989483555799390" *
"2821691857887556891376891025070440997846116945530028022310194427113044" *
"49803248441776793255114016746950919173092567245649973670578275e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215117429993603208472461987129666415693870" *
"0009731015069589490205399598344341572866858716920520890365852486085238" *
"68927945486750478383523738286523671962893601159100916513805967e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588361948990147653379429599763343904139285" *
"6082342532296766503727297616050579255161521342902518640461596283634539" *
"48642866063017068549333850848940384509659364360650921886934158e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975397166508705136477945155779444716401585" *
"9040350975994089194999984253571951137238228452337253072805810565555245" *
"02865505481922815717497534662286064781629822354189011982925904e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491513811944905558496747984604064731321838" *
"0951229804155061602546907339672249249534388984103408101884835220903966" *
"00764285030719427219113373089277870134981991764297956498844719e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472908890494255716085583951105815956168938" *
"4627865334389167639870167900036948255197246956466071578609651759318451" *
"20596060568507539864472755306673747971542358258235242426310916e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515081652104355673524476604257780731363970" *
"9183254268182733499526908916927689118144534213928395967968824501695006" *
"16039547239636554999700389095255301608712561140604017409822327e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663486458491973916736884280320405968479146" *
"2119770950886246712160164325831561070070502925825404647571038374793480" *
"19930903250767906547873530505666247310831439557443237631523670e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859525707922248876383793387096149824417878" *
"6367921625419204017072477787729879824619351912681289586827086828775001" *
"66045709511217256430104219851104002909492753498489650736863813e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418550254040250767411254899633932783111684" *
"5078612724994556348379736914741675363539663471593311897354972959791268" *
"14684854861073285717792730183081860776956307119851292295314347e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389543147813417102840127925625159603399727" *
"1243278556510176849895743368319260956724199782031714912303809257926265" *
"09178344142215476063683910623553120788168004490696804830289087e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886952379752077991272153163412050729574168" *
"7371240391074749993021493050027146192274137840174943952790377361549713" *
"51356157528107242661777144813940835221419486881609102768462069e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589818797501197948067393673994372631284341" *
"7237634080206180367674154812162508090120512106795775075791734819478955" *
"72552488600878422730409618757695221209812066040299141899885132e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615376970776551654694071895670948982144121" *
"7073655484991951162969445785512077592144598934095819369887933626505182" *
"58784381567830305317505020125340329625982116809408728627736257e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772430511589183509691159917921402238567264" *
"2155016426881215153990917253668529001949066730921205483525827038847043" *
"19840190191436595078518277920617918738097229078504462399135002e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095418175722348282503447570989483555799390" *
"2821691857887556891376891025070440997846116945530028022310194427113044" *
"49803248441776793255114016746950919173092567245649973670578275e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215117429993603208472461987129666415693870" *
"0009731015069589490205399598344341572866858716920520890365852486085238" *
"68927945486750478383523738286523671962893601159100916513805967e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588361948990147653379429599763343904139285" *
"6082342532296766503727297616050579255161521342902518640461596283634539" *
"48642866063017068549333850848940384509659364360650921886934158e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975397166508705136477945155779444716401585" *
"9040350975994089194999984253571951137238228452337253072805810565555245" *
"02865505481922815717497534662286064781629822354189011982925904e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491513811944905558496747984604064731321838" *
"0951229804155061602546907339672249249534388984103408101884835220903966" *
"00764285030719427219113373089277870134981991764297956498844719e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472908890494255716085583951105815956168938" *
"4627865334389167639870167900036948255197246956466071578609651759318451" *
"20596060568507539864472755306673747971542358258235242426310916e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515081652104355673524476604257780731363970" *
"9183254268182733499526908916927689118144534213928395967968824501695006" *
"16039547239636554999700389095255301608712561140604017409822327e-01"
)
]
tab_u0[ :, :, 7, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949597482785304223990501885828799510" *
"2224806452555287604417866545320856109207198156944508556172624362982221" *
"36575270666872675536399510893130465746669401696675212723268399e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528349405650740581272148531490490801306" *
"5193050860905379757405236859005364414102696368868097683107297678743709" *
"85512403343471799873605627032259026730706222499907654120531566e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406611754511711828655011012813860286457" *
"6124263774698885865086365079418080538313073488011943115806895805846328" *
"37298852035049094892891119819301525168259496760527730701423538e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270388137564982476975650721587884184631" *
"8141105376599420561159032805631226362595856599082514570905819567621625" *
"69496657160533564032332612679095143950258797810163784200924134e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977473776436925471541025447984362005192" *
"2237054583243348216376394971889432426498335221130849456207900579194041" *
"74412975186936047349604615535942188675870404224388805561448059e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667268169167281816972864858183576080466" *
"2468703600232061587239779212888290678296191393303567823091482159440643" *
"36900493804834245886112831083563572718666781636815291979031195e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061584372137716003241835968342625794900" *
"7436154415694767891885391894745540750631359262418228105634977838087201" *
"31853604618699676524065310611712929343478391502123423349912091e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875059187546664185313384772106129209943" *
"6228675971105213195075965445011585631684574176337224731040386320044345" *
"79422082948466072861774536420337230685805199804254125289856405e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341424217004504468042299175098163882108" *
"8681162061476135475492496244175411173993027242861460513774307941317346" *
"48355475140370321269530784703979436137863857163060801151987763e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643871575472406989957842730590475714" *
"1403752417690549646429173502736656203362250774899864423481509610761510" *
"40505072879881472611966282616765011458621663516866632197620917e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774677788366605608709313000947380820" *
"8933218870467984829091654301794599648579134916373903900557790771243118" *
"36900397738615840336496086558749877969149433508671270642621018e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672332834617852483175274853582149822" *
"0327707626616608123002459210430953800723993004835888861742278406784668" *
"17502892155842504710746253270867328514769577863409331096595756e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272067022049270964899837998219915728" *
"3754441641804762403049160236048991878731883065015474512239101764438337" *
"51618557087162026348349364892287286039266704513850844812133065e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858211552769709537247835305437853009" *
"5197773561294255849964441271019339540589538612776210559033865068873729" *
"38066388986661173397773445124798327742582106961277082221665573e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156148853508470077266658579133682690174" *
"9569667614502316434876759033330504105401089577347000492009039749161637" *
"50390858805985151116974795212581932720852660723395812163431614e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949597482785304223990501885828799510" *
"2224806452555287604417866545320856109207198156944508556172624362982221" *
"36575270666872675536399510893130465746669401696675212723268399e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528349405650740581272148531490490801306" *
"5193050860905379757405236859005364414102696368868097683107297678743709" *
"85512403343471799873605627032259026730706222499907654120531566e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406611754511711828655011012813860286457" *
"6124263774698885865086365079418080538313073488011943115806895805846328" *
"37298852035049094892891119819301525168259496760527730701423538e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270388137564982476975650721587884184631" *
"8141105376599420561159032805631226362595856599082514570905819567621625" *
"69496657160533564032332612679095143950258797810163784200924134e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977473776436925471541025447984362005192" *
"2237054583243348216376394971889432426498335221130849456207900579194041" *
"74412975186936047349604615535942188675870404224388805561448059e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667268169167281816972864858183576080466" *
"2468703600232061587239779212888290678296191393303567823091482159440643" *
"36900493804834245886112831083563572718666781636815291979031195e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061584372137716003241835968342625794900" *
"7436154415694767891885391894745540750631359262418228105634977838087201" *
"31853604618699676524065310611712929343478391502123423349912091e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875059187546664185313384772106129209943" *
"6228675971105213195075965445011585631684574176337224731040386320044345" *
"79422082948466072861774536420337230685805199804254125289856405e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341424217004504468042299175098163882108" *
"8681162061476135475492496244175411173993027242861460513774307941317346" *
"48355475140370321269530784703979436137863857163060801151987763e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643871575472406989957842730590475714" *
"1403752417690549646429173502736656203362250774899864423481509610761510" *
"40505072879881472611966282616765011458621663516866632197620917e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774677788366605608709313000947380820" *
"8933218870467984829091654301794599648579134916373903900557790771243118" *
"36900397738615840336496086558749877969149433508671270642621018e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672332834617852483175274853582149822" *
"0327707626616608123002459210430953800723993004835888861742278406784668" *
"17502892155842504710746253270867328514769577863409331096595756e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272067022049270964899837998219915728" *
"3754441641804762403049160236048991878731883065015474512239101764438337" *
"51618557087162026348349364892287286039266704513850844812133065e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858211552769709537247835305437853009" *
"5197773561294255849964441271019339540589538612776210559033865068873729" *
"38066388986661173397773445124798327742582106961277082221665573e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156148853508470077266658579133682690174" *
"9569667614502316434876759033330504105401089577347000492009039749161637" *
"50390858805985151116974795212581932720852660723395812163431614e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489083098890521526602886028376854456114" *
"8204910783794891914328395835983255396109810523818187409179031306297702" *
"36934347917647105318652409786525468410693148090772507121642276e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145879541724990206806310454126567494" *
"7616590508884570279027891668185704517470571085352103470955574353145113" *
"53620433199557852715878889326284703508497676208595602849994005e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229705371423733105432683417242086922991" *
"3844021485870573073707555654508387062508372867700649183727401277246871" *
"71771154002523008274410126260315634355772477333598551751491026e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265884233759864385347436278654078759348" *
"3238073848680979750108566130849410902965948310790888363679252389180289" *
"48396862551415789049269693076377124244147484343725586060111627e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429766873146384896557088870203475395076" *
"7810019351888742284856318635665766608603596882402193329264744973758804" *
"56262290298853906910546911218193721755778600833636314836614057e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837829835345070802722159323890832930083" *
"1546157685528002840832511331744424526255790631481821319138715959850311" *
"89214296785581932357070699264915590840731206188537362630084556e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588367832342251898804131095916160845649" *
"3484279315134556057864317888676350388749109895770328924244650921805185" *
"50156021527947091043002289045771110986296737593670355299347383e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221980640621848691486159991272519028898" *
"7613312596941453053538843713724301762709171104357707899602578731508149" *
"36179802393422077378490667208691304030648903137609003200494112e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633973998087234242182957560668481955085" *
"4825885416769190100011899293708179017234387035039013147625071472665624" *
"25319902293858830216331221710765040901452724710284567048007387e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806871940441373078757522642331846521337" *
"5891822652358564482041043712909902628749344972797176942124815716850008" *
"20281704140523811074112265300227045340795828969420927352846950e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203084484101140126450658364808263153035" *
"8312288871395711151462207963345733891240976327303272694822651806632131" *
"34610891995172408195345631154264923523755006140904763261825150e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636765361829834143528924818267306740592" *
"6124387818854445467390211188312601977411695246117782137319349238428122" *
"27151918890266868585479487520849717501371271617250201690369910e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571806266087406555019588628945092722863" *
"2297878749829513794443246378270852917182767274993702410853413568102368" *
"44866967081231784178446659463818672567011868014030931923975058e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782580883378348676032811517098507224" *
"1789226042804910472009472379666464095906109475777998629263249211635021" *
"07095529659852045867125080634142653067816176466856195781155671e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472548344422089675048210227393604162" *
"5040287179369747968274598475234285129839610019648131662366570274088327" *
"62018972503386242890691533691833566033247984215096888322154494e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489083098890521526602886028376854456114" *
"8204910783794891914328395835983255396109810523818187409179031306297702" *
"36934347917647105318652409786525468410693148090772507121642276e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145879541724990206806310454126567494" *
"7616590508884570279027891668185704517470571085352103470955574353145113" *
"53620433199557852715878889326284703508497676208595602849994005e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229705371423733105432683417242086922991" *
"3844021485870573073707555654508387062508372867700649183727401277246871" *
"71771154002523008274410126260315634355772477333598551751491026e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265884233759864385347436278654078759348" *
"3238073848680979750108566130849410902965948310790888363679252389180289" *
"48396862551415789049269693076377124244147484343725586060111627e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429766873146384896557088870203475395076" *
"7810019351888742284856318635665766608603596882402193329264744973758804" *
"56262290298853906910546911218193721755778600833636314836614057e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837829835345070802722159323890832930083" *
"1546157685528002840832511331744424526255790631481821319138715959850311" *
"89214296785581932357070699264915590840731206188537362630084556e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588367832342251898804131095916160845649" *
"3484279315134556057864317888676350388749109895770328924244650921805185" *
"50156021527947091043002289045771110986296737593670355299347383e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221980640621848691486159991272519028898" *
"7613312596941453053538843713724301762709171104357707899602578731508149" *
"36179802393422077378490667208691304030648903137609003200494112e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633973998087234242182957560668481955085" *
"4825885416769190100011899293708179017234387035039013147625071472665624" *
"25319902293858830216331221710765040901452724710284567048007387e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806871940441373078757522642331846521337" *
"5891822652358564482041043712909902628749344972797176942124815716850008" *
"20281704140523811074112265300227045340795828969420927352846950e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203084484101140126450658364808263153035" *
"8312288871395711151462207963345733891240976327303272694822651806632131" *
"34610891995172408195345631154264923523755006140904763261825150e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636765361829834143528924818267306740592" *
"6124387818854445467390211188312601977411695246117782137319349238428122" *
"27151918890266868585479487520849717501371271617250201690369910e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571806266087406555019588628945092722863" *
"2297878749829513794443246378270852917182767274993702410853413568102368" *
"44866967081231784178446659463818672567011868014030931923975058e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782580883378348676032811517098507224" *
"1789226042804910472009472379666464095906109475777998629263249211635021" *
"07095529659852045867125080634142653067816176466856195781155671e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472548344422089675048210227393604162" *
"5040287179369747968274598475234285129839610019648131662366570274088327" *
"62018972503386242890691533691833566033247984215096888322154494e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452996935616186079352963928124892672706" *
"3213490333627376355488211807853481225202473342622902034349326459569735" *
"97382222053262774636653991188781752346004351641606897821853814e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089085870013806685404094928430120406880" *
"0810426026467696841859091325010493424625384852558590686651671502606682" *
"04892635419482243941262286700124174565906107508413867098942674e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003064117255250812741018034331566856" *
"4672635972592048441441875830487490334589085132878892671164108293682225" *
"46270220089819850572427302247774819982820581659139038338274667e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571352230637253635190527470871457574" *
"0370855482691987013962151541336779976236952514205694102287109346505437" *
"42748634787698125158149212703966287834543653644625753784724700e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414558203729563640839493012458590005" *
"2942342581868941457750067237855537052955933232043868839905322185698071" *
"04316216116453786074391322437746244844338059464761931323314622e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990628304157114531834341006764676225" *
"9428739195425290693794190798753864763110990611295321580022152290685063" *
"89407027389792105731213377426241287122972238903503224547195750e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036150141631303762102463244343150635098" *
"8963002307211427204392348696763062838306771034350983581166207204292413" *
"65221593475243619062004891706124972063629062761092065973737265e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958798062520220470902484696083390694908" *
"8664535101558034010407241634976293214375901342151383906380845828796185" *
"29325609011148951648803257296024036835127796704513291207902771e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378410627050449562722888175861887114150" *
"0871758218183019983713182513779917192648267639884202294495304035008863" *
"35964216057670570457440677549228507215452530669321898379244684e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399652135392270088815181695413596352473" *
"1537956530418838009481005445215211453800845881759836397235987642943882" *
"43542845027959243146697818254941111794423360471305179124151084e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937053249872398816242012637082539531995" *
"8868329913693840853896500977291453414860744806761479877490067420017321" *
"00226729865111974468096616401765285820449800183967254806745954e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077105150288371119849771010757076361977" *
"5653552414114659124608517509519348189844447691998590006685076107055586" *
"78441520352471655994868189841088773770242540834362750568055325e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991652444168863638670750532568579529642" *
"0245471315610449503023435423817028462390776407778827209458956878810604" *
"98316174981275768714073421802082122744174720275684703815361409e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745931328994955636335359136315529066" *
"7618642822106890308548404340848989410385363358735609455904998691905022" *
"68425196887094810498566275225221568399773595605217981353087901e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342268109418271015230233529270295838651" *
"4307676929996292202954980107813009911425834656383869627138548933418625" *
"09086096236808792134472194114103535306120187016368257225527790e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452996935616186079352963928124892672706" *
"3213490333627376355488211807853481225202473342622902034349326459569735" *
"97382222053262774636653991188781752346004351641606897821853814e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089085870013806685404094928430120406880" *
"0810426026467696841859091325010493424625384852558590686651671502606682" *
"04892635419482243941262286700124174565906107508413867098942674e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003064117255250812741018034331566856" *
"4672635972592048441441875830487490334589085132878892671164108293682225" *
"46270220089819850572427302247774819982820581659139038338274667e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571352230637253635190527470871457574" *
"0370855482691987013962151541336779976236952514205694102287109346505437" *
"42748634787698125158149212703966287834543653644625753784724700e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414558203729563640839493012458590005" *
"2942342581868941457750067237855537052955933232043868839905322185698071" *
"04316216116453786074391322437746244844338059464761931323314622e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990628304157114531834341006764676225" *
"9428739195425290693794190798753864763110990611295321580022152290685063" *
"89407027389792105731213377426241287122972238903503224547195750e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036150141631303762102463244343150635098" *
"8963002307211427204392348696763062838306771034350983581166207204292413" *
"65221593475243619062004891706124972063629062761092065973737265e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958798062520220470902484696083390694908" *
"8664535101558034010407241634976293214375901342151383906380845828796185" *
"29325609011148951648803257296024036835127796704513291207902771e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378410627050449562722888175861887114150" *
"0871758218183019983713182513779917192648267639884202294495304035008863" *
"35964216057670570457440677549228507215452530669321898379244684e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399652135392270088815181695413596352473" *
"1537956530418838009481005445215211453800845881759836397235987642943882" *
"43542845027959243146697818254941111794423360471305179124151084e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937053249872398816242012637082539531995" *
"8868329913693840853896500977291453414860744806761479877490067420017321" *
"00226729865111974468096616401765285820449800183967254806745954e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077105150288371119849771010757076361977" *
"5653552414114659124608517509519348189844447691998590006685076107055586" *
"78441520352471655994868189841088773770242540834362750568055325e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991652444168863638670750532568579529642" *
"0245471315610449503023435423817028462390776407778827209458956878810604" *
"98316174981275768714073421802082122744174720275684703815361409e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745931328994955636335359136315529066" *
"7618642822106890308548404340848989410385363358735609455904998691905022" *
"68425196887094810498566275225221568399773595605217981353087901e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342268109418271015230233529270295838651" *
"4307676929996292202954980107813009911425834656383869627138548933418625" *
"09086096236808792134472194114103535306120187016368257225527790e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804057939943158523822359340752272781" *
"1831474874482959951455688789421262585652081719146068486654646411776069" *
"74528702026721989677655609520776287334368741458506807183121251e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964295587485317617050904210032474725" *
"4462594484500971251744036016794006642545048534132841965974513087843155" *
"11952179172546551637757816378894775327978372502126582244448279e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518638651569404687189025472140587503960" *
"4876683312349435837988034042270548064452876375642385459614447669551268" *
"44516049967636818233064838550838601427317768379515524818468552e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127022337650445134840397760536755353" *
"6100289002731047297387234126491998752680834845699473258433120239650473" *
"42465282095825121717591667177990552474710357708579966251231419e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944248795624132676607338346961003140386" *
"7527025402432814460189863594067639336684270050389010084891388901583243" *
"89245837895543946594600872470773681042056918493485572019495447e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447471376480848610236818796016562761" *
"2975988764216615462526373370483872450203600201457902496585176748453814" *
"31643234810614423286573424572473758403888685723328843990841779e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415012856587039524378707821777776700903" *
"7136813326806835181027133262828924439540569938547706400433445575921325" *
"97021828795820711891757395647126585847883805625127084216001244e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879514475067563432736934661395950962" *
"3966509133523729912216139232783918147810216116733183655318025710497003" *
"44929886390181972469339925983088016145444420165423688530646852e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498266993762902231069605478313505136231" *
"9772099768665243180098077055448933840394245976266881419023522396702863" *
"33753469547881607047798389952876354507823268713602735918879193e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776714024946757896513639328247655761" *
"3396601347897139979796446009668166643698776855618942044616596213860895" *
"49332510007615049173467273326266400435083641692847497200011459e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333682527279349892127406987397647881" *
"0161816034758787627940680012346783451984947931848334426943912830828005" *
"43059969836748903383662206682192262801180272359869396290277986e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025403451553085039553463084890200258" *
"8503495229030159359492704372314372996058143963233993426993648439434148" *
"40600768288809134833670052855846260469483017199087281033122273e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583712092937293027406364610889727016021" *
"1401526054801416887572431691093028700332487814415855182624351311386468" *
"17267565179112182697148961209172977128406940220521999784046744e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843459275358169483329433170506999603" *
"3876686618202451617089667190946522239032011358112019840956048806852865" *
"74101348012522576855407107558764454678081668855450914378227055e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046749580547532147270094600877181260" *
"0574725805804621753980691872005737452987152068732115228691414148843110" *
"95631785528648670448118993819567467845632448596215653398238699e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804057939943158523822359340752272781" *
"1831474874482959951455688789421262585652081719146068486654646411776069" *
"74528702026721989677655609520776287334368741458506807183121251e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964295587485317617050904210032474725" *
"4462594484500971251744036016794006642545048534132841965974513087843155" *
"11952179172546551637757816378894775327978372502126582244448279e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518638651569404687189025472140587503960" *
"4876683312349435837988034042270548064452876375642385459614447669551268" *
"44516049967636818233064838550838601427317768379515524818468552e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127022337650445134840397760536755353" *
"6100289002731047297387234126491998752680834845699473258433120239650473" *
"42465282095825121717591667177990552474710357708579966251231419e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944248795624132676607338346961003140386" *
"7527025402432814460189863594067639336684270050389010084891388901583243" *
"89245837895543946594600872470773681042056918493485572019495447e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447471376480848610236818796016562761" *
"2975988764216615462526373370483872450203600201457902496585176748453814" *
"31643234810614423286573424572473758403888685723328843990841779e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415012856587039524378707821777776700903" *
"7136813326806835181027133262828924439540569938547706400433445575921325" *
"97021828795820711891757395647126585847883805625127084216001244e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879514475067563432736934661395950962" *
"3966509133523729912216139232783918147810216116733183655318025710497003" *
"44929886390181972469339925983088016145444420165423688530646852e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498266993762902231069605478313505136231" *
"9772099768665243180098077055448933840394245976266881419023522396702863" *
"33753469547881607047798389952876354507823268713602735918879193e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776714024946757896513639328247655761" *
"3396601347897139979796446009668166643698776855618942044616596213860895" *
"49332510007615049173467273326266400435083641692847497200011459e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333682527279349892127406987397647881" *
"0161816034758787627940680012346783451984947931848334426943912830828005" *
"43059969836748903383662206682192262801180272359869396290277986e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025403451553085039553463084890200258" *
"8503495229030159359492704372314372996058143963233993426993648439434148" *
"40600768288809134833670052855846260469483017199087281033122273e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583712092937293027406364610889727016021" *
"1401526054801416887572431691093028700332487814415855182624351311386468" *
"17267565179112182697148961209172977128406940220521999784046744e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843459275358169483329433170506999603" *
"3876686618202451617089667190946522239032011358112019840956048806852865" *
"74101348012522576855407107558764454678081668855450914378227055e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046749580547532147270094600877181260" *
"0574725805804621753980691872005737452987152068732115228691414148843110" *
"95631785528648670448118993819567467845632448596215653398238699e-01"
)
]
tab_u0[ :, :, 8, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310278295857689203875923240083090" *
"9495363417981652732912733931173327488469250843492216024019110915147905" *
"43761721749964912168702712830811003530057880916234660662082412e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766415829221949256534890843859885" *
"4056088894172053970916204596342283623650646365896740923180959560330002" *
"93351161059471502911570644772055378319341278806470759181610768e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751897701426194584588992289791496" *
"6873980861213943376999924388228342354121299759406442212395056350477032" *
"36020264199186848670166233183403461266767151491323991710330133e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819566823485917850980239702217773" *
"6006640784150285791808339572451233980962800629200280835888278544148420" *
"21671588868155349097392573806365980542686910060206226186878078e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244873013108243097486201121925767" *
"2615380443463113841249776943714950176932327246904571126414867847968409" *
"68793310006768882227427904133545833126435493448610185289361006e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562563762945289521702273691337892" *
"5622574362702584344218560407344648956714750527894052362028027820301858" *
"93035082622118378639807932280966808715685257185826232903576029e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840564278844862122098076567012356" *
"9736792373850617384593657341831754161031180550424824926391391027083906" *
"62288270374328371792128047935663983271172202777403825786012952e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865621071926796980143497592576597" *
"9214731693102886434530806639471537263160683861589158123976967861801600" *
"05469197181218065069474221244094716643747752829942165987095883e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201609992092158091874403356139148" *
"0803094732651779758428947209476802718459229643389159506292682280205426" *
"85711771557255280885105003807710370142222884033194642488580196e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208734728318862455776220951879867" *
"5372398651001574081741090512572223321913024347924683323390294509611336" *
"42014183659806148561426080893770816215220747965503519518363799e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359740254665820719424425996418629" *
"2729216438403589424607501485275915655847506866319470039151634781433158" *
"01007967056930364806754466259858404401436607829360543867560970e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303362074567102050507360844699046" *
"7732475741245646214134874690086654494001329304221837291355467537330014" *
"77154642245250860951550005139030247337764058169272867461077555e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231788668921726493658119448284458" *
"1225920221222971103695645253027583498329746232959570951090020394506611" *
"64485017429045374717938642314558951682721471117902753550526640e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835649493715658032277559368310" *
"5994494974061973963643826103967451946561197460635587376631655653416049" *
"97132019452086087973839447821169653875451201845315025791415213e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036347735042939460670619166284427" *
"0519656611649337178505515969507357533773891354466085450696887890116832" *
"67759552714626357936837895491901594229083515248506193675563017e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310278295857689203875923240083090" *
"9495363417981652732912733931173327488469250843492216024019110915147905" *
"43761721749964912168702712830811003530057880916234660662082412e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766415829221949256534890843859885" *
"4056088894172053970916204596342283623650646365896740923180959560330002" *
"93351161059471502911570644772055378319341278806470759181610768e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751897701426194584588992289791496" *
"6873980861213943376999924388228342354121299759406442212395056350477032" *
"36020264199186848670166233183403461266767151491323991710330133e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819566823485917850980239702217773" *
"6006640784150285791808339572451233980962800629200280835888278544148420" *
"21671588868155349097392573806365980542686910060206226186878078e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244873013108243097486201121925767" *
"2615380443463113841249776943714950176932327246904571126414867847968409" *
"68793310006768882227427904133545833126435493448610185289361006e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562563762945289521702273691337892" *
"5622574362702584344218560407344648956714750527894052362028027820301858" *
"93035082622118378639807932280966808715685257185826232903576029e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840564278844862122098076567012356" *
"9736792373850617384593657341831754161031180550424824926391391027083906" *
"62288270374328371792128047935663983271172202777403825786012952e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865621071926796980143497592576597" *
"9214731693102886434530806639471537263160683861589158123976967861801600" *
"05469197181218065069474221244094716643747752829942165987095883e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201609992092158091874403356139148" *
"0803094732651779758428947209476802718459229643389159506292682280205426" *
"85711771557255280885105003807710370142222884033194642488580196e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208734728318862455776220951879867" *
"5372398651001574081741090512572223321913024347924683323390294509611336" *
"42014183659806148561426080893770816215220747965503519518363799e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359740254665820719424425996418629" *
"2729216438403589424607501485275915655847506866319470039151634781433158" *
"01007967056930364806754466259858404401436607829360543867560970e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303362074567102050507360844699046" *
"7732475741245646214134874690086654494001329304221837291355467537330014" *
"77154642245250860951550005139030247337764058169272867461077555e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231788668921726493658119448284458" *
"1225920221222971103695645253027583498329746232959570951090020394506611" *
"64485017429045374717938642314558951682721471117902753550526640e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835649493715658032277559368310" *
"5994494974061973963643826103967451946561197460635587376631655653416049" *
"97132019452086087973839447821169653875451201845315025791415213e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036347735042939460670619166284427" *
"0519656611649337178505515969507357533773891354466085450696887890116832" *
"67759552714626357936837895491901594229083515248506193675563017e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900813457229367747144863266344375" *
"0634285665753620213501192485257022839817165786196283420984289028158404" *
"55220309671201811596690782757225190733789337954040486629198407e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622037420720968683649386326972" *
"5180218170650522076773906942212023405368398742827262508961464913240508" *
"13083089251124813611535437700304135303257945381657607668972867e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415094772445492570960223251946623" *
"9408285934833992511739891344874484411387277838094976684247924316576030" *
"73558928526654398709694302610534721624111007593525985817531732e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832693648122699970844122844101173" *
"0397387402646791096407394679021685359820270733785847181458483311972248" *
"86738914260892754624738192805271467637368333931699051520152652e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072554205206791563069318367187247" *
"7373419088298244350820416149895815601775587745430369450434697965671960" *
"40460835028379426223920724041257021742710937036008027489741288e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741094237120828764266391635971976" *
"1808675654796737779832887801331689555736472456886129960658397814294073" *
"87880575990095712894029965379460256136527573554179562063020547e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594937027523174223006520915501845" *
"7794907144599054705940721087803471849926296049608365377874497029369714" *
"15369561005760886263846940521416042179743782787952840294359410e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432429770578324680125437812789109" *
"9270987425014529333380653438658872940328801529813435867992584887834883" *
"73869878387354757119462385016554147369460115428320521170036162e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987196343571472874658703241490838" *
"1450716270971047153063724199366840521691064228042551708460551976339698" *
"51871721390755040441261590298621086049260544408170498054219044e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265070582742587207282990761948278" *
"7334767632645632605816330240629586584662605975817416569318778950823333" *
"47218369791911484225456038664338702830559581342006932508779757e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231459383422831147904508262238466" *
"1821172846785362700976237095664373132331370388147258730594682036094588" *
"55087884446888697044960751046163414560933138747374133499630516e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554700065675672384347680982239195" *
"5695856180378386622447263447437676872983108982356665797949477243456412" *
"85103499184803189229065092380507897234322014330281420257374820e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859259478369064850444356764107368" *
"2990302854975063686669752338961145085559816720411810207309117625125235" *
"19673859196956914008162280117935663777863901043706001325414662e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468036627092560095084209854879101" *
"1835044489646139565709898572077918688968740047893174719505653923431643" *
"09262977828910267452767301459165610173177720790138855169211517e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578332300985199093445989209439042" *
"0049847149562353757656400419546299965379819713448317025939081067717471" *
"91914205428495804868517042012449076016260635187505977247453264e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900813457229367747144863266344375" *
"0634285665753620213501192485257022839817165786196283420984289028158404" *
"55220309671201811596690782757225190733789337954040486629198407e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622037420720968683649386326972" *
"5180218170650522076773906942212023405368398742827262508961464913240508" *
"13083089251124813611535437700304135303257945381657607668972867e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415094772445492570960223251946623" *
"9408285934833992511739891344874484411387277838094976684247924316576030" *
"73558928526654398709694302610534721624111007593525985817531732e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832693648122699970844122844101173" *
"0397387402646791096407394679021685359820270733785847181458483311972248" *
"86738914260892754624738192805271467637368333931699051520152652e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072554205206791563069318367187247" *
"7373419088298244350820416149895815601775587745430369450434697965671960" *
"40460835028379426223920724041257021742710937036008027489741288e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741094237120828764266391635971976" *
"1808675654796737779832887801331689555736472456886129960658397814294073" *
"87880575990095712894029965379460256136527573554179562063020547e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594937027523174223006520915501845" *
"7794907144599054705940721087803471849926296049608365377874497029369714" *
"15369561005760886263846940521416042179743782787952840294359410e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432429770578324680125437812789109" *
"9270987425014529333380653438658872940328801529813435867992584887834883" *
"73869878387354757119462385016554147369460115428320521170036162e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987196343571472874658703241490838" *
"1450716270971047153063724199366840521691064228042551708460551976339698" *
"51871721390755040441261590298621086049260544408170498054219044e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265070582742587207282990761948278" *
"7334767632645632605816330240629586584662605975817416569318778950823333" *
"47218369791911484225456038664338702830559581342006932508779757e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231459383422831147904508262238466" *
"1821172846785362700976237095664373132331370388147258730594682036094588" *
"55087884446888697044960751046163414560933138747374133499630516e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554700065675672384347680982239195" *
"5695856180378386622447263447437676872983108982356665797949477243456412" *
"85103499184803189229065092380507897234322014330281420257374820e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859259478369064850444356764107368" *
"2990302854975063686669752338961145085559816720411810207309117625125235" *
"19673859196956914008162280117935663777863901043706001325414662e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468036627092560095084209854879101" *
"1835044489646139565709898572077918688968740047893174719505653923431643" *
"09262977828910267452767301459165610173177720790138855169211517e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578332300985199093445989209439042" *
"0049847149562353757656400419546299965379819713448317025939081067717471" *
"91914205428495804868517042012449076016260635187505977247453264e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173099682420582851961146486276369" *
"6004111551943698102080320573320290022556622670410903545143625197025723" *
"87387252483133692897945131146076295447694804506650389985728835e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231888528846633852069452619623957" *
"1202312698319771064669447589832119938680183464763309383265824266734987" *
"80362490128074497727885654609241452257146290274242825179120070e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412553794654232331264867380912765" *
"6316329350688923192757907495796809966302631074032950018862734974373592" *
"34401726539736647017265238779076922873863157358142093658032615e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547260374808426698809674725847883" *
"3793910744149012221336668647617933245067607567998631707919355457556206" *
"12387929912633053798928517481879112976999830595826757693434347e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483094138251059013490227574100870" *
"9742690298494677132818830614105437927158209214064793860773541095247646" *
"73544492861258463832686382707757740429466098961970200437174473e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211470161124449475395940476109507" *
"7644876272740533064874410246021421279789257115102577730757902131830828" *
"81455676543959622086979357288749643075763203837040051666192307e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320703963915460126442685886850" *
"4348131645119362533875772130337702029828302243992799839088258743768873" *
"86850070241272511470142984898770262060187847811781649141095849e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979290310374219530914208103694471" *
"1613871828180519917811145690429405628680552949257195756850851045917478" *
"55379184646214259477755042835643610201276916424447152311250014e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324907999931816383349941446893341" *
"8791519826745739349777786781534461383533524424534029309047052777585185" *
"47332196459177940991084639283039327356175603142163873556957645e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735641000490752970167990918690321" *
"2051033294386203734051568913589568379042139499895774528813493056506358" *
"47258852455263496271712956538935489016148932370693035214808464e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882864396759056404025378264483718" *
"2256107282093190491430615996867769436520214811526044374367624570061080" *
"61192372167835687982795756736546875935406304972377010719708533e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937206277781423094535267527063057" *
"6562409608559320622885193824421720289493099684168090352515352129779116" *
"46021287077390419135051484687220148747264997042180733282609708e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482655142360611070306818969321338" *
"0430810994489133976097319428256475630821636273145864998575863039750082" *
"12939049135253859001279217053895772838403693970086734922774554e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284757272502233026738299489107180" *
"5109787731649060504088160630070184047733521018097147585588671438011144" *
"91255493711062091998056540667834957388490834336575731097970996e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799018067586865134106011052261124" *
"0088501228409696350878042521763406411765220587575341099852749128523936" *
"10473754586928637303170203504341216721893494157834334023913403e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173099682420582851961146486276369" *
"6004111551943698102080320573320290022556622670410903545143625197025723" *
"87387252483133692897945131146076295447694804506650389985728835e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231888528846633852069452619623957" *
"1202312698319771064669447589832119938680183464763309383265824266734987" *
"80362490128074497727885654609241452257146290274242825179120070e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412553794654232331264867380912765" *
"6316329350688923192757907495796809966302631074032950018862734974373592" *
"34401726539736647017265238779076922873863157358142093658032615e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547260374808426698809674725847883" *
"3793910744149012221336668647617933245067607567998631707919355457556206" *
"12387929912633053798928517481879112976999830595826757693434347e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483094138251059013490227574100870" *
"9742690298494677132818830614105437927158209214064793860773541095247646" *
"73544492861258463832686382707757740429466098961970200437174473e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211470161124449475395940476109507" *
"7644876272740533064874410246021421279789257115102577730757902131830828" *
"81455676543959622086979357288749643075763203837040051666192307e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320703963915460126442685886850" *
"4348131645119362533875772130337702029828302243992799839088258743768873" *
"86850070241272511470142984898770262060187847811781649141095849e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979290310374219530914208103694471" *
"1613871828180519917811145690429405628680552949257195756850851045917478" *
"55379184646214259477755042835643610201276916424447152311250014e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324907999931816383349941446893341" *
"8791519826745739349777786781534461383533524424534029309047052777585185" *
"47332196459177940991084639283039327356175603142163873556957645e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735641000490752970167990918690321" *
"2051033294386203734051568913589568379042139499895774528813493056506358" *
"47258852455263496271712956538935489016148932370693035214808464e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882864396759056404025378264483718" *
"2256107282093190491430615996867769436520214811526044374367624570061080" *
"61192372167835687982795756736546875935406304972377010719708533e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937206277781423094535267527063057" *
"6562409608559320622885193824421720289493099684168090352515352129779116" *
"46021287077390419135051484687220148747264997042180733282609708e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482655142360611070306818969321338" *
"0430810994489133976097319428256475630821636273145864998575863039750082" *
"12939049135253859001279217053895772838403693970086734922774554e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284757272502233026738299489107180" *
"5109787731649060504088160630070184047733521018097147585588671438011144" *
"91255493711062091998056540667834957388490834336575731097970996e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799018067586865134106011052261124" *
"0088501228409696350878042521763406411765220587575341099852749128523936" *
"10473754586928637303170203504341216721893494157834334023913403e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211671913333440726094096989143559" *
"4597716077955009099052958585715354310851863257379698414698566566883540" *
"14128228619874569711048191704311799816499419800041279225159869e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599818677165675255860702831788092" *
"5322272684893260104954491260403236366933452398556925107561356246196935" *
"42987235275672277019117281276501869437152846054193608390561174e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639081014366452145149886712312984103" *
"7969137005443136119280606480187549948489029704694542075833778639107474" *
"93091089096276664162338824370667637234138218503171986448783553e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533218312617820101814717945058653" *
"6929304406432377421193516268528355671182250160683337798312215918464292" *
"59908662745100666470514811825468671773863866181099563041087475e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331711352665296213376799856083923" *
"5927022126300646707956782657460529913811092791050984144949760869889883" *
"02161527659775067050559493624031384328363837180965478579864615e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971958309230771397838554960799600" *
"9276282841212569753775218198009162135790524945040145604421571485635267" *
"75861756192371008481747528912014374943097729010950867512561049e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265497417367665869586943252366484" *
"2390022733173787884255332335728945446726460156408370547985453444611030" *
"17959267362107416817833654076661715207534639456250439823215617e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788933897432429617958296860041688" *
"1372097758068296109392331289112345155786569504053890262904228347369483" *
"81964274763857089119529188921879773493294695714079434365635981e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111512277703892608748707044705009" *
"0222865507801213105965654797474845898752063070542821839398966756805303" *
"91328857635675230489109399987380541754486238950929663501184995e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677309985172616338977319094615423" *
"2814464501892579583581202101184088758901712701893167570516101409892566" *
"48110219547066664204350520653040848640982802866729119746942686e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517968512115183705490132426368686" *
"9908425853729685039539803985371335227661976489378100849076946900817679" *
"80381370961881976456170915770613021333081940439929101493294408e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157702768625093623798037563832602" *
"8861440196199658154300881609134205102992674631223637655490058565469585" *
"06037833078343887756797069906010191373463696896419797946956820e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824959434972713795351445376369688" *
"2571132372643088626643563071644994359349480667871357282305007203459067" *
"00532120770235392809357388559755448249022155285240292354322185e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230768007106280350894472068263832" *
"3229539568714680953636479086840579715848312086154615253313051492315325" *
"88599310232940805410043118222774708919416752489773380346734355e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615374682740348618607264066378438" *
"4219080280366855498139417899628417801793530290279844098270103083769478" *
"03886829729526080965681651624268890658145939596717529924654297e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211671913333440726094096989143559" *
"4597716077955009099052958585715354310851863257379698414698566566883540" *
"14128228619874569711048191704311799816499419800041279225159869e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599818677165675255860702831788092" *
"5322272684893260104954491260403236366933452398556925107561356246196935" *
"42987235275672277019117281276501869437152846054193608390561174e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639081014366452145149886712312984103" *
"7969137005443136119280606480187549948489029704694542075833778639107474" *
"93091089096276664162338824370667637234138218503171986448783553e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533218312617820101814717945058653" *
"6929304406432377421193516268528355671182250160683337798312215918464292" *
"59908662745100666470514811825468671773863866181099563041087475e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331711352665296213376799856083923" *
"5927022126300646707956782657460529913811092791050984144949760869889883" *
"02161527659775067050559493624031384328363837180965478579864615e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971958309230771397838554960799600" *
"9276282841212569753775218198009162135790524945040145604421571485635267" *
"75861756192371008481747528912014374943097729010950867512561049e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265497417367665869586943252366484" *
"2390022733173787884255332335728945446726460156408370547985453444611030" *
"17959267362107416817833654076661715207534639456250439823215617e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788933897432429617958296860041688" *
"1372097758068296109392331289112345155786569504053890262904228347369483" *
"81964274763857089119529188921879773493294695714079434365635981e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111512277703892608748707044705009" *
"0222865507801213105965654797474845898752063070542821839398966756805303" *
"91328857635675230489109399987380541754486238950929663501184995e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677309985172616338977319094615423" *
"2814464501892579583581202101184088758901712701893167570516101409892566" *
"48110219547066664204350520653040848640982802866729119746942686e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517968512115183705490132426368686" *
"9908425853729685039539803985371335227661976489378100849076946900817679" *
"80381370961881976456170915770613021333081940439929101493294408e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157702768625093623798037563832602" *
"8861440196199658154300881609134205102992674631223637655490058565469585" *
"06037833078343887756797069906010191373463696896419797946956820e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824959434972713795351445376369688" *
"2571132372643088626643563071644994359349480667871357282305007203459067" *
"00532120770235392809357388559755448249022155285240292354322185e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230768007106280350894472068263832" *
"3229539568714680953636479086840579715848312086154615253313051492315325" *
"88599310232940805410043118222774708919416752489773380346734355e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615374682740348618607264066378438" *
"4219080280366855498139417899628417801793530290279844098270103083769478" *
"03886829729526080965681651624268890658145939596717529924654297e-01"
)
]
tab_u0[ :, :, 9, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217166088272180179653571717" *
"9471242585065408242335082237239329806413758253075721389262905381218333" *
"37212654215434400694040253544143849579117387813685758819728079e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260527866805384649310402390" *
"9187580088305827075967949547789737128015053804293327529236515034906982" *
"41102048824253738240217656201902019867720985219231550311513535e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445283578349224265911251644" *
"5420880713473482608251793806622295144347461533342685693729247371423990" *
"03211806864930886739166974175920850847701586610855280274290844e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677696874271128856176096925" *
"8292739699628309972062516116039239846946244516438451104288756172138945" *
"62487633171306409321366899038382560916920094948214691436469125e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819806637013655976280121601" *
"1714163527835532772788307467685779822629425325690513937873693556021747" *
"73652383598749121083726937396410468979742754425555281698620939e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587707121601869052995601565043" *
"1314305173158002659888098024104267431991366295564157661297391074431749" *
"70237455398252069147484731648689568154830346959903283567955567e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588319338165567626758758001829" *
"2784963658588993663790719946594864936762958297427307114083147297077137" *
"54759836825047628230636224108582685708615717951397996326081048e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348795756536819246307068904" *
"8560786501161760705706586798938248158470180436401634845889563441059253" *
"83037894386531189048761460595815610012865003425079472157351829e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091761158674966545123293608" *
"9910302183343901658294218548710652468281763751314527658112540084850892" *
"80071348804866307728592182070928106023055924926418894432698857e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776564414818882484633366638" *
"2954294404793649051144787558871118089637040631730649948966039798680450" *
"13031337112524793941238244888470895287840438042154460479877236e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894773136287140555792698530" *
"6093069198717904223489477990933668053329333004804424317094496364251281" *
"71094997143687729631583252387789912456031023265652435070650224e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424780229738123147218074628" *
"9862963049555461621910826271040066205054052420584929817001508721089346" *
"10615348560508107883454537461005609211559218953191485747044222e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322538976590532066326025502" *
"5174798109645589345851233833540736198454838820521613835753600285810226" *
"60208742491447726714484799746969347604993936430097955045509941e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835707058977063165623045505115" *
"3586935938286813298906197729718219650423060725845773541087244710003567" *
"43262377662003520145429281340521992454010089670430441433438486e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791877980347230654447115212" *
"3190184878219011870786128215173570080317459844682130501857388611656685" *
"43562325171216026905722187744043034706487845794541783466070067e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217166088272180179653571717" *
"9471242585065408242335082237239329806413758253075721389262905381218333" *
"37212654215434400694040253544143849579117387813685758819728079e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260527866805384649310402390" *
"9187580088305827075967949547789737128015053804293327529236515034906982" *
"41102048824253738240217656201902019867720985219231550311513535e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445283578349224265911251644" *
"5420880713473482608251793806622295144347461533342685693729247371423990" *
"03211806864930886739166974175920850847701586610855280274290844e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677696874271128856176096925" *
"8292739699628309972062516116039239846946244516438451104288756172138945" *
"62487633171306409321366899038382560916920094948214691436469125e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819806637013655976280121601" *
"1714163527835532772788307467685779822629425325690513937873693556021747" *
"73652383598749121083726937396410468979742754425555281698620939e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587707121601869052995601565043" *
"1314305173158002659888098024104267431991366295564157661297391074431749" *
"70237455398252069147484731648689568154830346959903283567955567e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588319338165567626758758001829" *
"2784963658588993663790719946594864936762958297427307114083147297077137" *
"54759836825047628230636224108582685708615717951397996326081048e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348795756536819246307068904" *
"8560786501161760705706586798938248158470180436401634845889563441059253" *
"83037894386531189048761460595815610012865003425079472157351829e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091761158674966545123293608" *
"9910302183343901658294218548710652468281763751314527658112540084850892" *
"80071348804866307728592182070928106023055924926418894432698857e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776564414818882484633366638" *
"2954294404793649051144787558871118089637040631730649948966039798680450" *
"13031337112524793941238244888470895287840438042154460479877236e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894773136287140555792698530" *
"6093069198717904223489477990933668053329333004804424317094496364251281" *
"71094997143687729631583252387789912456031023265652435070650224e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424780229738123147218074628" *
"9862963049555461621910826271040066205054052420584929817001508721089346" *
"10615348560508107883454537461005609211559218953191485747044222e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322538976590532066326025502" *
"5174798109645589345851233833540736198454838820521613835753600285810226" *
"60208742491447726714484799746969347604993936430097955045509941e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835707058977063165623045505115" *
"3586935938286813298906197729718219650423060725845773541087244710003567" *
"43262377662003520145429281340521992454010089670430441433438486e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791877980347230654447115212" *
"3190184878219011870786128215173570080317459844682130501857388611656685" *
"43562325171216026905722187744043034706487845794541783466070067e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831399791130452902812925724" *
"7422661960988587950864191815301935219808301357635801410096200236050045" *
"28212503422363344186206005573153581838115615168748745225588412e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019513541881018126078826666" *
"7367222988558350317091078812803100789314466641121870868377811031003731" *
"84559900033869139235335923213742506952864136106934556214290878e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503717715618405765042869159" *
"8458203750144046535721462115027805808553600465794866202845505463956224" *
"49001833530241485204172523395942950431785993666204910301952529e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006647763577710658695681071" *
"7107295204495811302315082217854132730826435834054809005330947484916568" *
"80043328912398625879918539258634630112688129635973856523742750e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561673429755994585234013740838" *
"3225084325567110700382472795663433886499982286691484108198674127180104" *
"78780465826989779751911099282376106065001102523797543347323445e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104827098113038947242747198463" *
"0620181576996352610527824804023556295304564772122265105872734391804947" *
"02245649329889374694313161922148310277997870130069379181324367e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275997040753641909783174325" *
"6968345424558167869624866563491612401975146526303249722709128062394802" *
"54338451508913241606472409350890614283361305716995021581149872e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444806445916251508427194569383" *
"7644950852022651082796250496790083386861866578434580230924964383023091" *
"95906330351922454691177810717731492230789448073847672430740845e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212019268065983418572637479104" *
"9171527818545598681752801443561491069529792181337161644757612437472313" *
"79578989847697553732470746008683041056425450802554749745983135e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085650260343373299857487196679" *
"8450084444779952032622642857426951750707786389440390773700661121386123" *
"48064893331602025831393352561212525361321947601379324722395354e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472687399100161320418263436890" *
"9278577367455907061982358695577145172956163284758293682814695140557345" *
"31989656502474047477975016199462634480320428238482893747064524e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710722344484836369527702235435" *
"7151818239146261158259403394050501608841911350862306491462667840806524" *
"17726832531250983972747502270172449495339005722750116572961134e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267011340551557131904128340816" *
"0788801571034292977276683992856932479458858029159166713664406749992866" *
"71937329468561718743182731817719203548866084544095834924368415e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038566166372323387279258756" *
"6260236516710246753363017507710581246484205164709266861454497839544779" *
"51529803698407724721063275186154671782442764382313222984087983e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068324308132220520502999596" *
"9288587604415913479370462669178551769559392599065465852038061874882063" *
"86237508082099158323559033501568454509567320992388429756112979e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831399791130452902812925724" *
"7422661960988587950864191815301935219808301357635801410096200236050045" *
"28212503422363344186206005573153581838115615168748745225588412e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019513541881018126078826666" *
"7367222988558350317091078812803100789314466641121870868377811031003731" *
"84559900033869139235335923213742506952864136106934556214290878e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503717715618405765042869159" *
"8458203750144046535721462115027805808553600465794866202845505463956224" *
"49001833530241485204172523395942950431785993666204910301952529e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006647763577710658695681071" *
"7107295204495811302315082217854132730826435834054809005330947484916568" *
"80043328912398625879918539258634630112688129635973856523742750e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561673429755994585234013740838" *
"3225084325567110700382472795663433886499982286691484108198674127180104" *
"78780465826989779751911099282376106065001102523797543347323445e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104827098113038947242747198463" *
"0620181576996352610527824804023556295304564772122265105872734391804947" *
"02245649329889374694313161922148310277997870130069379181324367e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275997040753641909783174325" *
"6968345424558167869624866563491612401975146526303249722709128062394802" *
"54338451508913241606472409350890614283361305716995021581149872e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444806445916251508427194569383" *
"7644950852022651082796250496790083386861866578434580230924964383023091" *
"95906330351922454691177810717731492230789448073847672430740845e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212019268065983418572637479104" *
"9171527818545598681752801443561491069529792181337161644757612437472313" *
"79578989847697553732470746008683041056425450802554749745983135e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085650260343373299857487196679" *
"8450084444779952032622642857426951750707786389440390773700661121386123" *
"48064893331602025831393352561212525361321947601379324722395354e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472687399100161320418263436890" *
"9278577367455907061982358695577145172956163284758293682814695140557345" *
"31989656502474047477975016199462634480320428238482893747064524e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710722344484836369527702235435" *
"7151818239146261158259403394050501608841911350862306491462667840806524" *
"17726832531250983972747502270172449495339005722750116572961134e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267011340551557131904128340816" *
"0788801571034292977276683992856932479458858029159166713664406749992866" *
"71937329468561718743182731817719203548866084544095834924368415e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038566166372323387279258756" *
"6260236516710246753363017507710581246484205164709266861454497839544779" *
"51529803698407724721063275186154671782442764382313222984087983e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068324308132220520502999596" *
"9288587604415913479370462669178551769559392599065465852038061874882063" *
"86237508082099158323559033501568454509567320992388429756112979e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025680607076376983527135349" *
"0503473726453379000813824213976949096119969030558726726217972865148499" *
"61000310924033159224893760298324234276878385657551784865543819e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464651526235813338811027526" *
"4655916438529051702182071103169089139387748484637982000344333712811963" *
"33772956384161130645225245823494619166271774446885448731235276e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541420942806915970379486727092" *
"2837774169957325618800349084144416748708629715936411339337066852230231" *
"81019438263023074624219572605451284457654313487050550722303068e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196274800833311645392498153" *
"0394961572835362881596351509277592450661049950266470032173216461672131" *
"57006198407962725840048329626942960511155542891159049221681770e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530323423639442392423088976" *
"2501373889297396675180233811418980499340220414760159620512873212555930" *
"65074128468557685281836056797696393021331989063751579836899121e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464911928732038553905620075874" *
"4576881839801233646218094477849551285459740519285044231815693283960853" *
"45955739304507026737954476699449000008426291553180753581706364e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760366176391214961408411024" *
"0138371144202537202220705546488068179063973334827665354418525731315642" *
"35137954928873740434385599489342953733989280554176325937913720e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756101674615918944653449577" *
"2420126938077523254941954266092229613603650636087715483191982838565061" *
"62909979755429456209533161046830489691947931197483012579577961e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197614310766432665246556241" *
"3097469649510697852858133880765390605877775316237738601749057443853243" *
"50559440860357494195464490314046460989832313158129575816757240e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785391457132440605293796302" *
"4911634157843748376268121557045469790142485625805593675188992055108974" *
"19635743463804276015212416673565826279158601616774920236155767e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235970835304331302674107095" *
"0876248532032196566938205252088848505720064266611344612164953198582021" *
"03510490278053300865045370556442607946998559653515270808514977e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222381137608580931247792377069" *
"7728480453484984692425414158682455757028644589702362842378645342862842" *
"81339306219276286111766647943660848523135495762769810692445350e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579895742542758811433717476" *
"3566313041601463609636017572518213587499773503021180552120257601655841" *
"42523622890642049820299701070196670444659091706712211636137581e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171542368623466520587370310" *
"4920272476732598198136807094404482444535643188030202722387407045114620" *
"79048583606370893030069532737822668889666594227952045866123656e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916234265423908711950851559" *
"6087249724249506225321344805120003258488557411862144180959563834755037" *
"40843120527971290143665259420265808198418298415317741284856619e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025680607076376983527135349" *
"0503473726453379000813824213976949096119969030558726726217972865148499" *
"61000310924033159224893760298324234276878385657551784865543819e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464651526235813338811027526" *
"4655916438529051702182071103169089139387748484637982000344333712811963" *
"33772956384161130645225245823494619166271774446885448731235276e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541420942806915970379486727092" *
"2837774169957325618800349084144416748708629715936411339337066852230231" *
"81019438263023074624219572605451284457654313487050550722303068e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196274800833311645392498153" *
"0394961572835362881596351509277592450661049950266470032173216461672131" *
"57006198407962725840048329626942960511155542891159049221681770e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530323423639442392423088976" *
"2501373889297396675180233811418980499340220414760159620512873212555930" *
"65074128468557685281836056797696393021331989063751579836899121e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464911928732038553905620075874" *
"4576881839801233646218094477849551285459740519285044231815693283960853" *
"45955739304507026737954476699449000008426291553180753581706364e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760366176391214961408411024" *
"0138371144202537202220705546488068179063973334827665354418525731315642" *
"35137954928873740434385599489342953733989280554176325937913720e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756101674615918944653449577" *
"2420126938077523254941954266092229613603650636087715483191982838565061" *
"62909979755429456209533161046830489691947931197483012579577961e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197614310766432665246556241" *
"3097469649510697852858133880765390605877775316237738601749057443853243" *
"50559440860357494195464490314046460989832313158129575816757240e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785391457132440605293796302" *
"4911634157843748376268121557045469790142485625805593675188992055108974" *
"19635743463804276015212416673565826279158601616774920236155767e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235970835304331302674107095" *
"0876248532032196566938205252088848505720064266611344612164953198582021" *
"03510490278053300865045370556442607946998559653515270808514977e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222381137608580931247792377069" *
"7728480453484984692425414158682455757028644589702362842378645342862842" *
"81339306219276286111766647943660848523135495762769810692445350e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579895742542758811433717476" *
"3566313041601463609636017572518213587499773503021180552120257601655841" *
"42523622890642049820299701070196670444659091706712211636137581e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171542368623466520587370310" *
"4920272476732598198136807094404482444535643188030202722387407045114620" *
"79048583606370893030069532737822668889666594227952045866123656e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916234265423908711950851559" *
"6087249724249506225321344805120003258488557411862144180959563834755037" *
"40843120527971290143665259420265808198418298415317741284856619e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608382861461635997310699067" *
"6526043637981089605321684494838727818846103410164170692418528214084323" *
"86880584826227830034882264419664455237549844034688817711319519e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318554446939585248047232983" *
"7583046643626855948043836570954368938161387200289686282195263815197203" *
"78200879773905983894188923578315745767328181542323554069758261e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422078274842496250947072860" *
"0682861551832040139088455059471982773586038445052071058756252491637905" *
"36883026976152402776435105661489718603950659651029961923772954e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086708827318760585607614350" *
"7330280445298247933749924707121375512197883166035174766059901522480871" *
"78778896440790518600715349113287999334312074610773765110768575e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486406594291813811433236123" *
"0572040893502732725676169580893309038496143950867847432153007719298057" *
"35701361129590914298831162288367061190589540637381877404205295e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236179180653301909098573086" *
"5841899975583765693298016421407395214183230730936645536164923621320156" *
"12722848122570359805839168232995851139847023530665820704514377e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850847380952828229225939128" *
"2070387004846916655633185524055096342682777516561121858668660872497509" *
"87005319516910279481491938414164286067244924168307120086890393e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931422021566586354271983950983" *
"5996447178392721141758557855138308100511366174415402827852585692113544" *
"66746626296458350918028577008038911525547146560771444238562441e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104328094656399619852113989" *
"9114551957738617875790567335780291479014955555441429943982895730336405" *
"12931895557952355600323891027795664980004550084193944611250483e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909239177055348616564012941" *
"8443569638847319989844149866520746577241731564837361424981772269990093" *
"23863599987739648375097462589312645808178959938768176278632606e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086776588122284426408429349" *
"4174557902177995334326719955085624263638055799997325735109114696365002" *
"49609004081334532925811867569200260726594976800136994282245459e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672726489835164487284134211" *
"5978950814529801308983455519998765121645137379515378043577928772029115" *
"96862833786716281475279220960504504545787273987433002877189174e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982339333330429912987680157" *
"7003566536390303384763210274695018795912002881222794275054983166546360" *
"94387648952026971364798928267765328028072163265398886014163535e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717484079092043567544106234" *
"3565989224640469176472504684454125107910243190442506554224262662158661" *
"58047563383357414259351960850697244769777446406403580813386349e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821754639822670437964454116" *
"4596174436449485471550453400775034059674901847165394438913195464524082" *
"11824406751343270845925504684706128056771447936001742058964144e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608382861461635997310699067" *
"6526043637981089605321684494838727818846103410164170692418528214084323" *
"86880584826227830034882264419664455237549844034688817711319519e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318554446939585248047232983" *
"7583046643626855948043836570954368938161387200289686282195263815197203" *
"78200879773905983894188923578315745767328181542323554069758261e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422078274842496250947072860" *
"0682861551832040139088455059471982773586038445052071058756252491637905" *
"36883026976152402776435105661489718603950659651029961923772954e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086708827318760585607614350" *
"7330280445298247933749924707121375512197883166035174766059901522480871" *
"78778896440790518600715349113287999334312074610773765110768575e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486406594291813811433236123" *
"0572040893502732725676169580893309038496143950867847432153007719298057" *
"35701361129590914298831162288367061190589540637381877404205295e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236179180653301909098573086" *
"5841899975583765693298016421407395214183230730936645536164923621320156" *
"12722848122570359805839168232995851139847023530665820704514377e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850847380952828229225939128" *
"2070387004846916655633185524055096342682777516561121858668660872497509" *
"87005319516910279481491938414164286067244924168307120086890393e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931422021566586354271983950983" *
"5996447178392721141758557855138308100511366174415402827852585692113544" *
"66746626296458350918028577008038911525547146560771444238562441e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104328094656399619852113989" *
"9114551957738617875790567335780291479014955555441429943982895730336405" *
"12931895557952355600323891027795664980004550084193944611250483e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909239177055348616564012941" *
"8443569638847319989844149866520746577241731564837361424981772269990093" *
"23863599987739648375097462589312645808178959938768176278632606e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086776588122284426408429349" *
"4174557902177995334326719955085624263638055799997325735109114696365002" *
"49609004081334532925811867569200260726594976800136994282245459e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672726489835164487284134211" *
"5978950814529801308983455519998765121645137379515378043577928772029115" *
"96862833786716281475279220960504504545787273987433002877189174e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982339333330429912987680157" *
"7003566536390303384763210274695018795912002881222794275054983166546360" *
"94387648952026971364798928267765328028072163265398886014163535e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717484079092043567544106234" *
"3565989224640469176472504684454125107910243190442506554224262662158661" *
"58047563383357414259351960850697244769777446406403580813386349e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821754639822670437964454116" *
"4596174436449485471550453400775034059674901847165394438913195464524082" *
"11824406751343270845925504684706128056771447936001742058964144e-01"
)
]
tab_u0[ :, :, 10, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153636374265232813723818" *
"5406795837539623063941957693967534341326646540337367592977206788565737" *
"04464609000191885327412665439245920245346609285596610425153050e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465607035920098540739703" *
"2297670550180825484770796968561115320950341230618134770088202898578688" *
"18826610668427521053477613170674890207591030983428294396929599e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141556650371626779704126" *
"6995763746133465043770187576989977335363632468578631355860143865452061" *
"99579768978094689347932717695839634536679442293820738109817465e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458031589777030886937457" *
"3068995863274129572308666450530584852508154806955707669296962286012433" *
"73292853637435715708719324173587654114447236810893575477810935e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469901093320639687724001" *
"1825436601961575465036373942600141919469256863828851144056080722081698" *
"30290176262668463621260444105868081336871943026904532713777347e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701817695746786572573404" *
"3692758884726385903950182595849378964293193987093664174906632071510346" *
"09921758389373517874222532694748523260324065213081290399477358e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863008426559771884713696" *
"8818969626908237766280608047005834505226559964026330661922760305015236" *
"27431637506861218893548540975573815767690058027892729340065923e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300579305842358375622887" *
"3190161176882474426240434759676441163663146519432555410427811543476550" *
"60308384929318872187212024530085555053801792196274648447031385e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283108998467644767796945" *
"2232524376469669427319645640540662467367738695257121405324068590723560" *
"11553894173631891439256819779663526571166792939386995605874777e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137014485652642279093279" *
"0470120466393673725089953093931395851801161028057893761924395811748954" *
"89204505598624506586075298511541794766171694812751163142660567e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422012247339941083046482" *
"1864158053117777790237107900202431917687866943597637571039961177632942" *
"60792506371321500965320791327072023754495185860514797875962049e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520155775572060474936904" *
"8054997157490329169349339461222183620599244061339030587200638802470572" *
"32038579739859161214182852135843291911250534636744712505570161e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372120210565940234615367" *
"0396655006738619083937063487112055273566230141871719892035454781253209" *
"84315132228292754272001186228411967789856563435108286520207266e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974327464611888654772120" *
"1253927900011035778721831172629036847962754472400078519535984923926032" *
"69193470389263560994403577338769180063225763419147544578788544e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189352232068533351318" *
"4488328750089886419908260213981498861770064488399405270164952106999132" *
"34358438831240451751560057003575919374705523203096538357410673e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153636374265232813723818" *
"5406795837539623063941957693967534341326646540337367592977206788565737" *
"04464609000191885327412665439245920245346609285596610425153050e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465607035920098540739703" *
"2297670550180825484770796968561115320950341230618134770088202898578688" *
"18826610668427521053477613170674890207591030983428294396929599e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141556650371626779704126" *
"6995763746133465043770187576989977335363632468578631355860143865452061" *
"99579768978094689347932717695839634536679442293820738109817465e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458031589777030886937457" *
"3068995863274129572308666450530584852508154806955707669296962286012433" *
"73292853637435715708719324173587654114447236810893575477810935e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469901093320639687724001" *
"1825436601961575465036373942600141919469256863828851144056080722081698" *
"30290176262668463621260444105868081336871943026904532713777347e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701817695746786572573404" *
"3692758884726385903950182595849378964293193987093664174906632071510346" *
"09921758389373517874222532694748523260324065213081290399477358e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863008426559771884713696" *
"8818969626908237766280608047005834505226559964026330661922760305015236" *
"27431637506861218893548540975573815767690058027892729340065923e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300579305842358375622887" *
"3190161176882474426240434759676441163663146519432555410427811543476550" *
"60308384929318872187212024530085555053801792196274648447031385e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283108998467644767796945" *
"2232524376469669427319645640540662467367738695257121405324068590723560" *
"11553894173631891439256819779663526571166792939386995605874777e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137014485652642279093279" *
"0470120466393673725089953093931395851801161028057893761924395811748954" *
"89204505598624506586075298511541794766171694812751163142660567e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422012247339941083046482" *
"1864158053117777790237107900202431917687866943597637571039961177632942" *
"60792506371321500965320791327072023754495185860514797875962049e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520155775572060474936904" *
"8054997157490329169349339461222183620599244061339030587200638802470572" *
"32038579739859161214182852135843291911250534636744712505570161e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372120210565940234615367" *
"0396655006738619083937063487112055273566230141871719892035454781253209" *
"84315132228292754272001186228411967789856563435108286520207266e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974327464611888654772120" *
"1253927900011035778721831172629036847962754472400078519535984923926032" *
"69193470389263560994403577338769180063225763419147544578788544e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189352232068533351318" *
"4488328750089886419908260213981498861770064488399405270164952106999132" *
"34358438831240451751560057003575919374705523203096538357410673e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433553670324124611113315" *
"0678246719517836479175961827970011184942013461315982078365024358912194" *
"06872615714172600019101580831372537943966579941779376676053176e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494558647163173170850205" *
"3687989061180006335823807519766171486381952889000592096882102870724828" *
"31955020827021633295124279779434284180045587587386135071886417e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567562327560310904919688" *
"6251274660839486651106447927253468055895678159241629095343129404332886" *
"97935053412327444814307851140213415326365818636798261291046248e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307987664830553662655412" *
"4616722181320491699843682827159369805873144564366833223901173594680589" *
"92798902496253530735815643218336060559407004594928558650907876e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870722457665007346863333" *
"1371547667417145283166545653780659979182033034925319644198642867847815" *
"93661250038785340034760985935721417155820672386936025424632039e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323492803194924817077550" *
"4998919701204208855823071748838820854300370896325058387719214370865473" *
"02699063149751782350348778197083363877134829933090580392347521e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043271892308856203689512" *
"3893270526293289917289780415568901045367856452979238976930846529733161" *
"39335536447505563338821693675421739218743641816544557825916509e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376708325361061814947879" *
"0959853420750608567607876091091553055189897721635728783755302879165303" *
"61383714349522748287498529403375864132197614854478900174134150e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164753874256884376764911" *
"3585517525650816812828840794148079047403897404388941990556742496618482" *
"08604905013375378224822156549612354311155215480901632417618611e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209528080592073177002522" *
"1643150361595020984579691022930028426937124002832513687744186438679250" *
"76766915209850337414903585213384967381305754741079559254099258e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479444489995339552227694" *
"4193341252470256041624051329932011068676121164669763976796976960296553" *
"59089692562195147095904741390107325854618725761809686844395427e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614685986173294454005222" *
"9432684869270902754682374456861828217268895617604086253874776542053768" *
"90167216950482240532918976103932463981760727579490006720211196e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830351974118893596867583" *
"9875066400963891221417485570907567963747731491201907831624720067054501" *
"23630962833371619307950769118568884287130979723603639258541169e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271802445414738766672586" *
"5958554045410886040262844959374610386110789173753313197055225937851657" *
"75931339778130720649383735514112447108101912062242649186340853e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103266500403270765340" *
"1449608887579402832014235106461683886846843696795342037115899949225277" *
"02572156739279900430323748788641777122151797604323209711724092e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433553670324124611113315" *
"0678246719517836479175961827970011184942013461315982078365024358912194" *
"06872615714172600019101580831372537943966579941779376676053176e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494558647163173170850205" *
"3687989061180006335823807519766171486381952889000592096882102870724828" *
"31955020827021633295124279779434284180045587587386135071886417e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567562327560310904919688" *
"6251274660839486651106447927253468055895678159241629095343129404332886" *
"97935053412327444814307851140213415326365818636798261291046248e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307987664830553662655412" *
"4616722181320491699843682827159369805873144564366833223901173594680589" *
"92798902496253530735815643218336060559407004594928558650907876e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870722457665007346863333" *
"1371547667417145283166545653780659979182033034925319644198642867847815" *
"93661250038785340034760985935721417155820672386936025424632039e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323492803194924817077550" *
"4998919701204208855823071748838820854300370896325058387719214370865473" *
"02699063149751782350348778197083363877134829933090580392347521e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043271892308856203689512" *
"3893270526293289917289780415568901045367856452979238976930846529733161" *
"39335536447505563338821693675421739218743641816544557825916509e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376708325361061814947879" *
"0959853420750608567607876091091553055189897721635728783755302879165303" *
"61383714349522748287498529403375864132197614854478900174134150e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164753874256884376764911" *
"3585517525650816812828840794148079047403897404388941990556742496618482" *
"08604905013375378224822156549612354311155215480901632417618611e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209528080592073177002522" *
"1643150361595020984579691022930028426937124002832513687744186438679250" *
"76766915209850337414903585213384967381305754741079559254099258e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479444489995339552227694" *
"4193341252470256041624051329932011068676121164669763976796976960296553" *
"59089692562195147095904741390107325854618725761809686844395427e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614685986173294454005222" *
"9432684869270902754682374456861828217268895617604086253874776542053768" *
"90167216950482240532918976103932463981760727579490006720211196e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830351974118893596867583" *
"9875066400963891221417485570907567963747731491201907831624720067054501" *
"23630962833371619307950769118568884287130979723603639258541169e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271802445414738766672586" *
"5958554045410886040262844959374610386110789173753313197055225937851657" *
"75931339778130720649383735514112447108101912062242649186340853e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103266500403270765340" *
"1449608887579402832014235106461683886846843696795342037115899949225277" *
"02572156739279900430323748788641777122151797604323209711724092e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784509548879577201613423" *
"3894829976006637528349874916525074988279991321958642648504763833536094" *
"06551070516554077086868435574957720649490193123332497113480449e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851606365395991894447551" *
"1361250570244237960828602665842064056535802952748627996137935328254090" *
"89073188517904820884608903763274124483596033742655673762288471e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215453908981477848841580" *
"6589161042016968031040367209993077923807263514631142081909939532052483" *
"20425478001290992056889351880573048815449907987256179247875657e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584350199586625822734695" *
"2001157822966905653739537425623549504603230375928061515446177030548393" *
"63302646910325515205688254790205417258795559170609196044149206e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628411825760927366039373" *
"3990157595667254778033778070831450864653709686666565177001530678962460" *
"61464675772090804290173708659743343705404958668744358396378145e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189141336527061875661487" *
"4700090336647163190335069828883541478303654706521867204889150040262435" *
"98204314324914128886421134982537148909963513967738260999009955e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550022646245943742075435" *
"5103331867564069297957303336060162101447737304321841799893803733503901" *
"37467952716892745814004155887398608257118912443791143665838949e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189642519769367842647883" *
"2148672833219411609944582061896725499842618101181286570164651699547195" *
"28521190763977609056625737932397416754642509498088063572569880e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601864791497976155269170" *
"3353587243479509927279012139768602097720549333624734306188976466286768" *
"37253710906316661221827864664553457684379942891581840378968176e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288592292375483064949557" *
"0186646323861455097541053817822775255704551948890467674761933343927715" *
"62514988574451687244175165444630295729751312009892491275084909e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800059168681988188904797" *
"6545969887040267124304210484775090459923987485475252355705324143796437" *
"05559603350873457592078478777433928322425902057098393225275834e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930755247140490327817331" *
"7959857421643729577527856809085922292738356836870896322607435825918795" *
"82708279063642982463908301422309835137181731719171979852172442e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689961795046044726959568" *
"2905113940381698226299320359709006155802665932664485341057792840097608" *
"99749703250444006841068098193431400814905889721536816922111727e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375407972313996381185822" *
"3268649811859021845686043271111585782389858295410601168262654851195679" *
"47212765646383788457301517459215247771117870614726806578548596e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139212248015081979740978" *
"9244173568285520022338879362603699278482168638209144742007806891418553" *
"03065179287137787295818922156477977795872823829541243133894523e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784509548879577201613423" *
"3894829976006637528349874916525074988279991321958642648504763833536094" *
"06551070516554077086868435574957720649490193123332497113480449e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851606365395991894447551" *
"1361250570244237960828602665842064056535802952748627996137935328254090" *
"89073188517904820884608903763274124483596033742655673762288471e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215453908981477848841580" *
"6589161042016968031040367209993077923807263514631142081909939532052483" *
"20425478001290992056889351880573048815449907987256179247875657e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584350199586625822734695" *
"2001157822966905653739537425623549504603230375928061515446177030548393" *
"63302646910325515205688254790205417258795559170609196044149206e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628411825760927366039373" *
"3990157595667254778033778070831450864653709686666565177001530678962460" *
"61464675772090804290173708659743343705404958668744358396378145e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189141336527061875661487" *
"4700090336647163190335069828883541478303654706521867204889150040262435" *
"98204314324914128886421134982537148909963513967738260999009955e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550022646245943742075435" *
"5103331867564069297957303336060162101447737304321841799893803733503901" *
"37467952716892745814004155887398608257118912443791143665838949e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189642519769367842647883" *
"2148672833219411609944582061896725499842618101181286570164651699547195" *
"28521190763977609056625737932397416754642509498088063572569880e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601864791497976155269170" *
"3353587243479509927279012139768602097720549333624734306188976466286768" *
"37253710906316661221827864664553457684379942891581840378968176e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288592292375483064949557" *
"0186646323861455097541053817822775255704551948890467674761933343927715" *
"62514988574451687244175165444630295729751312009892491275084909e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800059168681988188904797" *
"6545969887040267124304210484775090459923987485475252355705324143796437" *
"05559603350873457592078478777433928322425902057098393225275834e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930755247140490327817331" *
"7959857421643729577527856809085922292738356836870896322607435825918795" *
"82708279063642982463908301422309835137181731719171979852172442e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689961795046044726959568" *
"2905113940381698226299320359709006155802665932664485341057792840097608" *
"99749703250444006841068098193431400814905889721536816922111727e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375407972313996381185822" *
"3268649811859021845686043271111585782389858295410601168262654851195679" *
"47212765646383788457301517459215247771117870614726806578548596e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139212248015081979740978" *
"9244173568285520022338879362603699278482168638209144742007806891418553" *
"03065179287137787295818922156477977795872823829541243133894523e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451715906570705225729211" *
"4010602207970301078385789810649328410107883381207774426948100896710455" *
"47436316587712898751913939784769868094566248535588061846286554e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676521663496557571507217" *
"9280098277639169924880459701214936062562019161310659404381388033763516" *
"88599344886695847310101029184478246444598549997877154550334106e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230307243196090435348576" *
"5152246196348824953417989798567484912231714998584519716967417680471521" *
"49421963300994489222773462602954304977767604465283936012181244e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863555549306818824851159" *
"9135868627798068801272559965849604991101000684574663967488947543094828" *
"18187108097801438488081797020519716629027367337885773350751289e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536666398822535351127889" *
"2039515344158454537825679929828964690727737321394073559409044776449343" *
"87829621863948954451579656333988144248644747234340291777777976e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260889830775625831081683" *
"1727214773243296084232954339500995094447499753234001860239824382198326" *
"82190758315076980425912265386786128619648381310292684891508031e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863909409883234959092596" *
"7136830222492094004910551263661323155486928825437850383352373107456550" *
"35641040136518105662895001437511537318300003958094618305582979e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965458128267839668677384" *
"8102550524184859062305202185836345855010157698948957515471289586003297" *
"82106482344253554658662209399854325998633975670485519268534035e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202630995959892719746835" *
"1985234311147544987994029975223232473519922547693604593299060283587564" *
"99288606451828640672809985852157168199828186426943501335195003e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058307094973200776378163" *
"2102219269479444393917237575533202075426592075360653304385823575730705" *
"10763069546807440064807455807947939723072507139739702541882127e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563169742051094817634445" *
"3193131943074258870707785452200528188868073572058323412679738923340971" *
"29023648031934575158294886374726379848529160539425014300288108e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508897782058499456247373" *
"1283000974740651510006709158739747357509550839407376225503413305142017" *
"55980311622803742281232634392565863053543546675550973664429042e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146898158280021361210873" *
"3100671229351066181441652855165238499527202654989340310064978025829183" *
"66320995120881225259589074767093255702361718808995809752167526e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342192870387770149044563" *
"8052203589161994049477340657463339447789067206612261238587154817203561" *
"62181215495290435395204990214732740509310844234909448583492341e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680525064502737407897118" *
"3064924581704939211408984498842070553376424118083087113337127549290662" *
"85046098814910549444146374253684302587837502398070023521451579e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451715906570705225729211" *
"4010602207970301078385789810649328410107883381207774426948100896710455" *
"47436316587712898751913939784769868094566248535588061846286554e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676521663496557571507217" *
"9280098277639169924880459701214936062562019161310659404381388033763516" *
"88599344886695847310101029184478246444598549997877154550334106e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230307243196090435348576" *
"5152246196348824953417989798567484912231714998584519716967417680471521" *
"49421963300994489222773462602954304977767604465283936012181244e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863555549306818824851159" *
"9135868627798068801272559965849604991101000684574663967488947543094828" *
"18187108097801438488081797020519716629027367337885773350751289e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536666398822535351127889" *
"2039515344158454537825679929828964690727737321394073559409044776449343" *
"87829621863948954451579656333988144248644747234340291777777976e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260889830775625831081683" *
"1727214773243296084232954339500995094447499753234001860239824382198326" *
"82190758315076980425912265386786128619648381310292684891508031e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863909409883234959092596" *
"7136830222492094004910551263661323155486928825437850383352373107456550" *
"35641040136518105662895001437511537318300003958094618305582979e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965458128267839668677384" *
"8102550524184859062305202185836345855010157698948957515471289586003297" *
"82106482344253554658662209399854325998633975670485519268534035e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202630995959892719746835" *
"1985234311147544987994029975223232473519922547693604593299060283587564" *
"99288606451828640672809985852157168199828186426943501335195003e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058307094973200776378163" *
"2102219269479444393917237575533202075426592075360653304385823575730705" *
"10763069546807440064807455807947939723072507139739702541882127e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563169742051094817634445" *
"3193131943074258870707785452200528188868073572058323412679738923340971" *
"29023648031934575158294886374726379848529160539425014300288108e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508897782058499456247373" *
"1283000974740651510006709158739747357509550839407376225503413305142017" *
"55980311622803742281232634392565863053543546675550973664429042e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146898158280021361210873" *
"3100671229351066181441652855165238499527202654989340310064978025829183" *
"66320995120881225259589074767093255702361718808995809752167526e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342192870387770149044563" *
"8052203589161994049477340657463339447789067206612261238587154817203561" *
"62181215495290435395204990214732740509310844234909448583492341e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680525064502737407897118" *
"3064924581704939211408984498842070553376424118083087113337127549290662" *
"85046098814910549444146374253684302587837502398070023521451579e-01"
)
]
tab_u0[ :, :, 11, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645952962690014805" *
"4985634458635711214159646533100888077978399635028156894049894635826483" *
"75169389691193198399048833462610206020385303570944230204642899e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754235879282014893" *
"7819008849512603401319725001190630922284688023408994407996049457227224" *
"76978632292054315101561838960334656734563176017914349169345278e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629697613539130377" *
"8213655913041255865296957591758174496122244379232965482463041797400905" *
"13649858893645875267335760174454604686754187722875558004620209e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082038866369370988" *
"8320807200325918825338434797855522915243440187776393173791601796649278" *
"88569354322863050547738846688865318536766565014471072567199359e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710374753408288738" *
"2258687019126056160457407816967436796829785811479275313493855820661182" *
"11354602036726720190273674347416602365636678006564479938601074e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490818743499959232" *
"5762974074717252059705087914411209884190224757769340838582036506932651" *
"66771196155511738250755208228023695729427438864993269905125003e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109260506268471124" *
"7888130201586064304256399571452889189112697915162448369060485965054363" *
"97434856104518719163060150106402255493706488442960985058874681e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516568395327499058" *
"4056698099346302813450653304544642650903632575569286013052507409058152" *
"83233744531412549484594594741248168546693681482488180769230812e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554778453085293172" *
"0978557729158990465881520279829120944168214644218503052150705015722778" *
"13123282262243511705005154547831788683188304269697072984018709e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026540005406553580183" *
"3184927764562163215869505531742608289288156178690348641999308405547236" *
"52438443205668419706093792329112515456757321252724790082119572e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345161574229287465" *
"3552545001673861354016538695102278446063720367546945850104735570379198" *
"18441281532208374985790299197181343861746736883229313738073037e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846386272290957771" *
"7592791409829511048215089530037468827041112339311515310580947854978794" *
"19840071465305719850262633299576182803550336624376261845997225e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539315368393919155" *
"5183772757439441606892143858906847491002666603897869712233514697533805" *
"16124277679765619336735046939020456359089968717353821717072788e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670673462697933853" *
"3768195207350733145471264317804645063190526022701153325780212185710730" *
"23800034929180255304533986672460024785730833997882601582526906e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366185794406911142" *
"7444419524983103538409146050469093110864050728660867038226430113525352" *
"66333928701694029198291982144703305122981685641225064275640758e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645952962690014805" *
"4985634458635711214159646533100888077978399635028156894049894635826483" *
"75169389691193198399048833462610206020385303570944230204642899e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754235879282014893" *
"7819008849512603401319725001190630922284688023408994407996049457227224" *
"76978632292054315101561838960334656734563176017914349169345278e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629697613539130377" *
"8213655913041255865296957591758174496122244379232965482463041797400905" *
"13649858893645875267335760174454604686754187722875558004620209e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082038866369370988" *
"8320807200325918825338434797855522915243440187776393173791601796649278" *
"88569354322863050547738846688865318536766565014471072567199359e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710374753408288738" *
"2258687019126056160457407816967436796829785811479275313493855820661182" *
"11354602036726720190273674347416602365636678006564479938601074e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490818743499959232" *
"5762974074717252059705087914411209884190224757769340838582036506932651" *
"66771196155511738250755208228023695729427438864993269905125003e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109260506268471124" *
"7888130201586064304256399571452889189112697915162448369060485965054363" *
"97434856104518719163060150106402255493706488442960985058874681e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516568395327499058" *
"4056698099346302813450653304544642650903632575569286013052507409058152" *
"83233744531412549484594594741248168546693681482488180769230812e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554778453085293172" *
"0978557729158990465881520279829120944168214644218503052150705015722778" *
"13123282262243511705005154547831788683188304269697072984018709e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026540005406553580183" *
"3184927764562163215869505531742608289288156178690348641999308405547236" *
"52438443205668419706093792329112515456757321252724790082119572e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345161574229287465" *
"3552545001673861354016538695102278446063720367546945850104735570379198" *
"18441281532208374985790299197181343861746736883229313738073037e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846386272290957771" *
"7592791409829511048215089530037468827041112339311515310580947854978794" *
"19840071465305719850262633299576182803550336624376261845997225e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539315368393919155" *
"5183772757439441606892143858906847491002666603897869712233514697533805" *
"16124277679765619336735046939020456359089968717353821717072788e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670673462697933853" *
"3768195207350733145471264317804645063190526022701153325780212185710730" *
"23800034929180255304533986672460024785730833997882601582526906e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366185794406911142" *
"7444419524983103538409146050469093110864050728660867038226430113525352" *
"66333928701694029198291982144703305122981685641225064275640758e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451866297794782038" *
"8394846447535003753184358800078555606637588913971119877552544849192590" *
"45434978653912461441480462781501579715744422013270339879270053e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982563448452897798" *
"7466321241841626488719491390622126202165011254759522025518708561995931" *
"75516069184203254383177407679964105275853661064853512912852117e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750693360283109455" *
"3230428058740461341552033032220837242714722111189765044288482889563601" *
"14230415179791134876592223853272525679298381035075256197578853e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392167273834529694" *
"8730002726893102798055686963393185625284774794635637754980109091743776" *
"42244302430948423002871596814997578772339035485674853062428363e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357377212979382477" *
"5505406816954325298026726147882980832145803407161886433127122583218600" *
"52255422244983806869228798583362577951737959073982982580996196e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415823951059359567" *
"2987448190460295441809764698862912743931388254337239879168352094660985" *
"70555567226698894413144929988922238120963431023508737328615122e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499500625875646488" *
"5559957721643573291248822955727094129289994168051513254140965122594042" *
"84402725122865118581708064711444469165305087139072152059674909e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056913971690170985" *
"0783718625960266047100946341586939690941579009116475602313769594919169" *
"83704397972778471488628415800349582185837261718754267626309751e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838541427864503378" *
"5217945217663651244945812735014031506161203049272025827681080663984080" *
"25836652807575571466963383937987760469770280510188290102693141e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499694145476653384" *
"0760653017790255341642408693575273014562428464903180565171266539632711" *
"75793661020342055403154748078293467666836758958743835947474737e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451819360025855029444" *
"4040437011740845323628645192662473301444448209909569073974480112349818" *
"68068912261336209555350488841689675601247528019134278065001233e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999823729715556932" *
"1182165499992022351825239803524897086419420850417267999042209770091519" *
"69141448707348697272206041089761855550440996970009901972161610e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354801120036601590346" *
"2060659579388215602957363748439885902411621587923157198782793732717888" *
"56415836364442942083950283085755624493642010893548809089848731e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550823430251341212" *
"0923966819410853518306858840953020878245560090295833658637230667785396" *
"26968286295236148943026498041134161542178983545647748659741571e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379350963226465944" *
"8824595268682346131916634120492496720744781270986120775284176367208868" *
"97278790202648700030935931698408776037704460082920749534520155e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451866297794782038" *
"8394846447535003753184358800078555606637588913971119877552544849192590" *
"45434978653912461441480462781501579715744422013270339879270053e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982563448452897798" *
"7466321241841626488719491390622126202165011254759522025518708561995931" *
"75516069184203254383177407679964105275853661064853512912852117e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750693360283109455" *
"3230428058740461341552033032220837242714722111189765044288482889563601" *
"14230415179791134876592223853272525679298381035075256197578853e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392167273834529694" *
"8730002726893102798055686963393185625284774794635637754980109091743776" *
"42244302430948423002871596814997578772339035485674853062428363e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357377212979382477" *
"5505406816954325298026726147882980832145803407161886433127122583218600" *
"52255422244983806869228798583362577951737959073982982580996196e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415823951059359567" *
"2987448190460295441809764698862912743931388254337239879168352094660985" *
"70555567226698894413144929988922238120963431023508737328615122e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499500625875646488" *
"5559957721643573291248822955727094129289994168051513254140965122594042" *
"84402725122865118581708064711444469165305087139072152059674909e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056913971690170985" *
"0783718625960266047100946341586939690941579009116475602313769594919169" *
"83704397972778471488628415800349582185837261718754267626309751e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838541427864503378" *
"5217945217663651244945812735014031506161203049272025827681080663984080" *
"25836652807575571466963383937987760469770280510188290102693141e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499694145476653384" *
"0760653017790255341642408693575273014562428464903180565171266539632711" *
"75793661020342055403154748078293467666836758958743835947474737e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451819360025855029444" *
"4040437011740845323628645192662473301444448209909569073974480112349818" *
"68068912261336209555350488841689675601247528019134278065001233e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999823729715556932" *
"1182165499992022351825239803524897086419420850417267999042209770091519" *
"69141448707348697272206041089761855550440996970009901972161610e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354801120036601590346" *
"2060659579388215602957363748439885902411621587923157198782793732717888" *
"56415836364442942083950283085755624493642010893548809089848731e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550823430251341212" *
"0923966819410853518306858840953020878245560090295833658637230667785396" *
"26968286295236148943026498041134161542178983545647748659741571e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379350963226465944" *
"8824595268682346131916634120492496720744781270986120775284176367208868" *
"97278790202648700030935931698408776037704460082920749534520155e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128309977597914519" *
"2311694462300077037885448840800602021214941881701048054383011901160165" *
"52403261120170101051252090639777320068867701272686956730045032e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884534731797940591" *
"0080015167884807075730993433039502231144490867417637743942940771119929" *
"49923762904958261681646571992934738112162526518041471907310305e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299316698310381000" *
"0668196550502485056345505561324902674360747918509622325405433425748894" *
"41896808350480949202681032006938475011438836380545592134506273e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799530229249285691" *
"7235689347737922869029769584835775620124804310429622991527507568144834" *
"03144003154652974345205185504863666512683880786992259869593008e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403105943725861918070" *
"6785941447608898932657311057024332024474090788618536533003313764596598" *
"24362001204595241679124411523613941766854035463576887419429276e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598017906850814332" *
"8924455073088469081471357098977443137268720391892296334068288437151961" *
"28968800570101210475457307966669907171183536099335488371330496e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783207094899901920" *
"6405775549982902280375741632421294201370012262903983631185250420264294" *
"59350045376310599739948520742057454295921503465149403450512477e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905676843191181712" *
"0181936211941898023902378907179578003177102235336938166579638364236752" *
"92062909335158812226434315829016051057943523995085104772077739e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293209783642144717" *
"8252367487011897882405782444281438894232115965027984738131933047164320" *
"99576215004379692864477583610260918845866888059170820809295981e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368406148765977265" *
"8480233394792427455927194257038843609214774473999974173946682667736544" *
"11581158483788355062224126477770388584385285547231323591019463e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991012115823664691" *
"9734045329801429031992190350560786322931622728045387967797681116475938" *
"03849490530058161247755960016374540223500992507671839740884264e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804892614375546626" *
"1833182173646692578951978689276601896251263285943517734006005472220194" *
"39093286959214203486945690788741576749540526761635799921308551e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977324245258064430" *
"4657736895391409593637855590517459786241423263834382316322597677816567" *
"81927462528827096632654122017408308006312507152613652256778308e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659256948534997600" *
"7782489286661080549921607093442888352846279163030363817949757784097790" *
"94035766520433563761902704583857906710676840568459013468295564e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441991781371754469" *
"5702242933154197819635443586859816925202479919409405395791599711481227" *
"55444403813485538621922182587423276679813655975365309359483514e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128309977597914519" *
"2311694462300077037885448840800602021214941881701048054383011901160165" *
"52403261120170101051252090639777320068867701272686956730045032e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884534731797940591" *
"0080015167884807075730993433039502231144490867417637743942940771119929" *
"49923762904958261681646571992934738112162526518041471907310305e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299316698310381000" *
"0668196550502485056345505561324902674360747918509622325405433425748894" *
"41896808350480949202681032006938475011438836380545592134506273e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799530229249285691" *
"7235689347737922869029769584835775620124804310429622991527507568144834" *
"03144003154652974345205185504863666512683880786992259869593008e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403105943725861918070" *
"6785941447608898932657311057024332024474090788618536533003313764596598" *
"24362001204595241679124411523613941766854035463576887419429276e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598017906850814332" *
"8924455073088469081471357098977443137268720391892296334068288437151961" *
"28968800570101210475457307966669907171183536099335488371330496e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783207094899901920" *
"6405775549982902280375741632421294201370012262903983631185250420264294" *
"59350045376310599739948520742057454295921503465149403450512477e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905676843191181712" *
"0181936211941898023902378907179578003177102235336938166579638364236752" *
"92062909335158812226434315829016051057943523995085104772077739e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293209783642144717" *
"8252367487011897882405782444281438894232115965027984738131933047164320" *
"99576215004379692864477583610260918845866888059170820809295981e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368406148765977265" *
"8480233394792427455927194257038843609214774473999974173946682667736544" *
"11581158483788355062224126477770388584385285547231323591019463e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991012115823664691" *
"9734045329801429031992190350560786322931622728045387967797681116475938" *
"03849490530058161247755960016374540223500992507671839740884264e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804892614375546626" *
"1833182173646692578951978689276601896251263285943517734006005472220194" *
"39093286959214203486945690788741576749540526761635799921308551e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977324245258064430" *
"4657736895391409593637855590517459786241423263834382316322597677816567" *
"81927462528827096632654122017408308006312507152613652256778308e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659256948534997600" *
"7782489286661080549921607093442888352846279163030363817949757784097790" *
"94035766520433563761902704583857906710676840568459013468295564e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441991781371754469" *
"5702242933154197819635443586859816925202479919409405395791599711481227" *
"55444403813485538621922182587423276679813655975365309359483514e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298306543239059690" *
"4901684683337110557844953017914965217921543260627956070191850053081016" *
"23521828991054756266990361424512845392607075263217275868574414e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849077368607812989" *
"8270415703078414119209381908360384084929970199357464751871847661933639" *
"36079302155677260074543739522929575466024213816008629027389261e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261512892387900182" *
"1034902999987890189352540363290236781441705925602272738804905254821475" *
"00115002230041782936573273247623451919785892898102627563493866e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067710125205367843" *
"4446422363659244544530236844720871481088238846202595658921434805376239" *
"88746912030915411374567138531720806792895030242007770122325926e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612617809676098086" *
"8349598432938892647431744537528299409240198424714269884662335488435041" *
"35115155376090554125177160827973710693491875765271299216045925e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285197562278091434" *
"8831940543007835952194046026217143809739848106128591513685347031485955" *
"40789330568408873577552498273459948730706391863402516505573495e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769339981015635529" *
"2573060670572642529356240655366164141230904990469178145480716598051161" *
"51986164868649887687582795212901418408958167517771131974935248e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925354598790794063" *
"2243707638161657753323389187605007206704291564855295977928268145253761" *
"65795881306858629144913319233222295744511857793366351646409094e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619397042616363597266" *
"0943720587697046811230875524144430610365731212057778634314200308361761" *
"43366592687970556609503767091294975398715792016619875439735578e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718668889406280332" *
"9750978059621577199341353611763230653049539662246173556607226605571878" *
"04172030710929398347227400762232475258548054195818092577052053e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560554029139352087" *
"1351705755426404598760786433212035259605136795686212341461495427839045" *
"95652877326374485534341386646811377954875298028848686645583523e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122969010083143762" *
"8513574912984639706934851705606792212068697369105770618255212113079796" *
"43153935701168695358875277927467635535151876626677126078932095e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900808066761479455919" *
"2540314624768268073078058956636150486362653278700780168517727056157996" *
"31285510194775222048396933262465485520842572710580820528700316e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196263089910133304291" *
"5498722773833126349280516237804290616627824130048119082146917327089536" *
"37539337280161464152487930380627043421371652101246965415818629e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524626831203695957" *
"5860774239618240217758576033985438158040535990085563175983023503043309" *
"35233598079162486821601626918076515659932402438115734136431684e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298306543239059690" *
"4901684683337110557844953017914965217921543260627956070191850053081016" *
"23521828991054756266990361424512845392607075263217275868574414e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849077368607812989" *
"8270415703078414119209381908360384084929970199357464751871847661933639" *
"36079302155677260074543739522929575466024213816008629027389261e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261512892387900182" *
"1034902999987890189352540363290236781441705925602272738804905254821475" *
"00115002230041782936573273247623451919785892898102627563493866e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067710125205367843" *
"4446422363659244544530236844720871481088238846202595658921434805376239" *
"88746912030915411374567138531720806792895030242007770122325926e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612617809676098086" *
"8349598432938892647431744537528299409240198424714269884662335488435041" *
"35115155376090554125177160827973710693491875765271299216045925e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285197562278091434" *
"8831940543007835952194046026217143809739848106128591513685347031485955" *
"40789330568408873577552498273459948730706391863402516505573495e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769339981015635529" *
"2573060670572642529356240655366164141230904990469178145480716598051161" *
"51986164868649887687582795212901418408958167517771131974935248e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925354598790794063" *
"2243707638161657753323389187605007206704291564855295977928268145253761" *
"65795881306858629144913319233222295744511857793366351646409094e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619397042616363597266" *
"0943720587697046811230875524144430610365731212057778634314200308361761" *
"43366592687970556609503767091294975398715792016619875439735578e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718668889406280332" *
"9750978059621577199341353611763230653049539662246173556607226605571878" *
"04172030710929398347227400762232475258548054195818092577052053e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560554029139352087" *
"1351705755426404598760786433212035259605136795686212341461495427839045" *
"95652877326374485534341386646811377954875298028848686645583523e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122969010083143762" *
"8513574912984639706934851705606792212068697369105770618255212113079796" *
"43153935701168695358875277927467635535151876626677126078932095e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900808066761479455919" *
"2540314624768268073078058956636150486362653278700780168517727056157996" *
"31285510194775222048396933262465485520842572710580820528700316e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196263089910133304291" *
"5498722773833126349280516237804290616627824130048119082146917327089536" *
"37539337280161464152487930380627043421371652101246965415818629e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524626831203695957" *
"5860774239618240217758576033985438158040535990085563175983023503043309" *
"35233598079162486821601626918076515659932402438115734136431684e-01"
)
]
tab_u0[ :, :, 12, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964405167579202" *
"3339500264549090960611131138560410679996668606576882133695053259028151" *
"00072460670917975964881967029219553922765805291552399530179190e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608024835062" *
"5367465461212065134254202632571997139802680122103686991434784990670031" *
"55523086996305550849130639836034219100915698954272603669062733e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699005326721307" *
"3049593647165040153868742567531257315674999047382670606645867797570500" *
"12559372261251768861411203312530240703087999561126979583179175e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021935028044343" *
"5840972247709447830933901554630153495127119560994181478427511416247657" *
"51824513036088263696698845475248844128073661949932127249263340e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335229964650129" *
"7499679782941922583465202529828251842699059683401419426767593736019155" *
"77792908308213366309531585862810761831270266900858207272862878e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756049304309501" *
"5895784055037842005966613283713674322702607549843406518307421683636647" *
"40275419186547367752567359147560667691049543354604576867589631e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177018640372372" *
"6668835439052595919885418842814512707083145354774663753852488630230221" *
"54449369225953752539832374830790332008753886342970068320990534e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468596699350343" *
"5777743874106392284196157329147863523076523973160440210722405659334868" *
"48519543159461600731803514547295206904079542926993236021181635e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668378589863330" *
"7384225589641922226320357316143440010275068708623649317187929189362926" *
"57413858621512799722728386177407985685962235039645699329223626e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892399842781095" *
"5461358687759513430877867969892416261607179636168596522118218387057124" *
"70315007531350757376536915067297975727115484703285902000397584e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345053995924768189" *
"3440677503085772297694772232550056108693056299633981892108535471910912" *
"53242818230272222716389224763495592821490198096494059241186804e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292721328938434" *
"3979037065251825414895272779650787726712687680438204334833915249415753" *
"97544942570092940200625758760441870881414850023423909991984525e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243242923878648" *
"7632912088738239079470145811130503808122127606179150856782591814101224" *
"88658910969018014177451293851266632905320824016425092139113060e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627153930202242" *
"4493550376849984831153414750353901876549811652331807300298749415627784" *
"47453904326735225789155130648284189762911927407124345945972167e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165187620627842" *
"7800487452752487710961659861402361873034484868467905369102946903766775" *
"67266718519441806104292127654641874316909494070564196328716347e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964405167579202" *
"3339500264549090960611131138560410679996668606576882133695053259028151" *
"00072460670917975964881967029219553922765805291552399530179190e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608024835062" *
"5367465461212065134254202632571997139802680122103686991434784990670031" *
"55523086996305550849130639836034219100915698954272603669062733e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699005326721307" *
"3049593647165040153868742567531257315674999047382670606645867797570500" *
"12559372261251768861411203312530240703087999561126979583179175e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021935028044343" *
"5840972247709447830933901554630153495127119560994181478427511416247657" *
"51824513036088263696698845475248844128073661949932127249263340e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335229964650129" *
"7499679782941922583465202529828251842699059683401419426767593736019155" *
"77792908308213366309531585862810761831270266900858207272862878e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756049304309501" *
"5895784055037842005966613283713674322702607549843406518307421683636647" *
"40275419186547367752567359147560667691049543354604576867589631e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177018640372372" *
"6668835439052595919885418842814512707083145354774663753852488630230221" *
"54449369225953752539832374830790332008753886342970068320990534e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468596699350343" *
"5777743874106392284196157329147863523076523973160440210722405659334868" *
"48519543159461600731803514547295206904079542926993236021181635e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668378589863330" *
"7384225589641922226320357316143440010275068708623649317187929189362926" *
"57413858621512799722728386177407985685962235039645699329223626e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892399842781095" *
"5461358687759513430877867969892416261607179636168596522118218387057124" *
"70315007531350757376536915067297975727115484703285902000397584e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345053995924768189" *
"3440677503085772297694772232550056108693056299633981892108535471910912" *
"53242818230272222716389224763495592821490198096494059241186804e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292721328938434" *
"3979037065251825414895272779650787726712687680438204334833915249415753" *
"97544942570092940200625758760441870881414850023423909991984525e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243242923878648" *
"7632912088738239079470145811130503808122127606179150856782591814101224" *
"88658910969018014177451293851266632905320824016425092139113060e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627153930202242" *
"4493550376849984831153414750353901876549811652331807300298749415627784" *
"47453904326735225789155130648284189762911927407124345945972167e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165187620627842" *
"7800487452752487710961659861402361873034484868467905369102946903766775" *
"67266718519441806104292127654641874316909494070564196328716347e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344076878183" *
"6560945651555384862290171147273097371848953501756468827807310939048467" *
"97855056951416737481062460391800945243105242158443878835041906e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705802242751795" *
"5906987923495302435051945734038948666005766300336848474220685651535282" *
"66438719642638724668929054429964043572611072465231282655369827e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845197246151499" *
"7881396398941928901333962140255643739601323962569468841048484692779633" *
"99739479116542346674228400743074505075577040268852960253548583e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283331755526216" *
"8512660795578068633836287889153506204058145405448452707985068482628424" *
"81272173499161709305390473557171822619747051500499376960682618e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417654922044780" *
"3858182736327711352964068961708462859990191234757813926003406144334157" *
"11475733813534989858254190324792840651450497683785886502000644e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760415317361183" *
"4662947994880764150256158602662739992005830773985817438839462941401720" *
"01542074410111029422330879497253304683433750353054079406773256e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320550370708797" *
"8204890014958436085970497928437174915707610620622507273684730363539041" *
"86787929005292743789593511946996443337510980438436060819883351e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622530613245152" *
"1966539498210330429474071076856678654206335903937857845160604937620726" *
"12346618118060921200544379371205305686324506804480158138866242e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160771563335210" *
"9718757898291654931560692420386409100296833487268139427147428843727754" *
"91979789548840351964364192087462175641671487686181025057311363e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260043133797629" *
"3400169381695121005733091842235153204310037336636735545126269529035011" *
"12876459706367891710574771427707728117582967193306981656227188e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916413364569590" *
"8882284802657031985782765258496290558278037159424408601894356745040550" *
"19358003336430792909006281422731451829170715062860641645040518e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999415996653487323" *
"5412049116495423610489769076388369524760654489956278648643000867781024" *
"88381368016298137318597107037669113993320248832037371634485666e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788088460001152" *
"1906737913490288193282292565709907337855607060487454681743141170959438" *
"14135844913323817490831896987416476672043981719824954046137841e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595598328342384" *
"3354764534360727740445390906630040314966157667665596689782755895830852" *
"18219316258108579456598308966208079532611343941564705359265112e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698040822469" *
"6202923828493301692102264705698450676734370851081325770428989406403997" *
"59744892965365212915624040382904559755100996071788548652705703e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344076878183" *
"6560945651555384862290171147273097371848953501756468827807310939048467" *
"97855056951416737481062460391800945243105242158443878835041906e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705802242751795" *
"5906987923495302435051945734038948666005766300336848474220685651535282" *
"66438719642638724668929054429964043572611072465231282655369827e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845197246151499" *
"7881396398941928901333962140255643739601323962569468841048484692779633" *
"99739479116542346674228400743074505075577040268852960253548583e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283331755526216" *
"8512660795578068633836287889153506204058145405448452707985068482628424" *
"81272173499161709305390473557171822619747051500499376960682618e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417654922044780" *
"3858182736327711352964068961708462859990191234757813926003406144334157" *
"11475733813534989858254190324792840651450497683785886502000644e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760415317361183" *
"4662947994880764150256158602662739992005830773985817438839462941401720" *
"01542074410111029422330879497253304683433750353054079406773256e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320550370708797" *
"8204890014958436085970497928437174915707610620622507273684730363539041" *
"86787929005292743789593511946996443337510980438436060819883351e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622530613245152" *
"1966539498210330429474071076856678654206335903937857845160604937620726" *
"12346618118060921200544379371205305686324506804480158138866242e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160771563335210" *
"9718757898291654931560692420386409100296833487268139427147428843727754" *
"91979789548840351964364192087462175641671487686181025057311363e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260043133797629" *
"3400169381695121005733091842235153204310037336636735545126269529035011" *
"12876459706367891710574771427707728117582967193306981656227188e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916413364569590" *
"8882284802657031985782765258496290558278037159424408601894356745040550" *
"19358003336430792909006281422731451829170715062860641645040518e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999415996653487323" *
"5412049116495423610489769076388369524760654489956278648643000867781024" *
"88381368016298137318597107037669113993320248832037371634485666e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788088460001152" *
"1906737913490288193282292565709907337855607060487454681743141170959438" *
"14135844913323817490831896987416476672043981719824954046137841e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595598328342384" *
"3354764534360727740445390906630040314966157667665596689782755895830852" *
"18219316258108579456598308966208079532611343941564705359265112e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698040822469" *
"6202923828493301692102264705698450676734370851081325770428989406403997" *
"59744892965365212915624040382904559755100996071788548652705703e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344415725284223" *
"3674429122784410222544166317110996842300567510885009967689282159785834" *
"70664789349900882673760827477342564049381495603221617884859869e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608161010024535" *
"8601100480700581251288814941955937266711050552148551514101314091885490" *
"99791359060012670420849810579068478340890039434623927682178796e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426806242950355" *
"3896817468633076365824577558251657789486939657571918783201185569694733" *
"81904873600236680786956623830723932744113636731020495584162263e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668872553691250" *
"6757128518578143833901647074455680555076243770783506082473284248805733" *
"11338999439484894696111800281818160177299847740346985023622287e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098994637929102" *
"2081181604786086201778951276837398621477367213589328067871641575589050" *
"81437290660382904256182772006173651438690616388470756159777982e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176423634750731" *
"3201341984027868414078892728092658461281908402035256168095233158884790" *
"54373820366596954683679034729293133598118976068328330930239734e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355916029913838" *
"0611608090186591576991640391909829619793086331017699010751226357430613" *
"23275774245014741644457786819502765917392869220765752218198311e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804752303961275" *
"1301422671249908029860381277709172264921124200484220085934266764042448" *
"59915948196472456313772445860562184155310434763069272152299270e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308174586480015" *
"2722997118641246509770111606434198272491952866323644515117404284155029" *
"42235174993629128886021674848706988103636059709988706322866359e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469844759584322" *
"7007696102417656470996874099276751042961281872414314636467568342359175" *
"39587365221868602658630193580524002917876233349926728071831664e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040288788844931" *
"2233408088343724211309697658796177884983976372484850765210299707753051" *
"68123549035845335938246764540903710878590332066926451696696733e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889590230157531" *
"6501740749950823123600095690939721867476169918248403443817995271601479" *
"90672387803006919836695728927047876660333519096334959110403416e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299675681960126" *
"0605229796996819441065534556703256095185276142765603721136329347773699" *
"32984599502916677914066057708404485299689316369039101691911824e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224834816932067" *
"0355361094510476302855490899848933222455220948644127186835819435089894" *
"83514433847003989505238896313259610843452709392258600208281477e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968207615739122" *
"7900120311063502897297517346235339555163833570120324286748112310487000" *
"38568262546520136015285403039815348261787433755455921620383302e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344415725284223" *
"3674429122784410222544166317110996842300567510885009967689282159785834" *
"70664789349900882673760827477342564049381495603221617884859869e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608161010024535" *
"8601100480700581251288814941955937266711050552148551514101314091885490" *
"99791359060012670420849810579068478340890039434623927682178796e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426806242950355" *
"3896817468633076365824577558251657789486939657571918783201185569694733" *
"81904873600236680786956623830723932744113636731020495584162263e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668872553691250" *
"6757128518578143833901647074455680555076243770783506082473284248805733" *
"11338999439484894696111800281818160177299847740346985023622287e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098994637929102" *
"2081181604786086201778951276837398621477367213589328067871641575589050" *
"81437290660382904256182772006173651438690616388470756159777982e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176423634750731" *
"3201341984027868414078892728092658461281908402035256168095233158884790" *
"54373820366596954683679034729293133598118976068328330930239734e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355916029913838" *
"0611608090186591576991640391909829619793086331017699010751226357430613" *
"23275774245014741644457786819502765917392869220765752218198311e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804752303961275" *
"1301422671249908029860381277709172264921124200484220085934266764042448" *
"59915948196472456313772445860562184155310434763069272152299270e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308174586480015" *
"2722997118641246509770111606434198272491952866323644515117404284155029" *
"42235174993629128886021674848706988103636059709988706322866359e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469844759584322" *
"7007696102417656470996874099276751042961281872414314636467568342359175" *
"39587365221868602658630193580524002917876233349926728071831664e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040288788844931" *
"2233408088343724211309697658796177884983976372484850765210299707753051" *
"68123549035845335938246764540903710878590332066926451696696733e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889590230157531" *
"6501740749950823123600095690939721867476169918248403443817995271601479" *
"90672387803006919836695728927047876660333519096334959110403416e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299675681960126" *
"0605229796996819441065534556703256095185276142765603721136329347773699" *
"32984599502916677914066057708404485299689316369039101691911824e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224834816932067" *
"0355361094510476302855490899848933222455220948644127186835819435089894" *
"83514433847003989505238896313259610843452709392258600208281477e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968207615739122" *
"7900120311063502897297517346235339555163833570120324286748112310487000" *
"38568262546520136015285403039815348261787433755455921620383302e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722452941386" *
"8868517323564818389760375867052574603517851590347023508280351986060000" *
"10421948717072115220827622518478661139501796982733322956767323e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231869892808036" *
"7110200136604444716188101987248314463147737844653527816730723950745565" *
"81173527071821821711366533089496222985480475263898779603513053e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710437564570330" *
"6339178567032441570645671915685886756906642806752038909429755618032163" *
"94052630734933579801767638807614263234430527015157828422771992e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918227901475322" *
"7551612474716848472905121190876381284024548393775841259545380183410394" *
"55176061321407058933593815301614175530767657927269499071351935e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802731320688396" *
"6736692226505039416044465675621271801413753685675923445515405484859667" *
"37037501349643478319251610453916412669503675910111745614989490e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329250748458028" *
"9081652412728841046769764415610556836643487878439923934291810041124681" *
"71423624722282380067211804319928383735589925911853809246446171e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396355886430975" *
"4374482170548043200208100942124456593945355042314115596372934898675946" *
"78777307682840576036892279951055221463602148908534588758839974e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324700600059916" *
"3187466009159545111625671230091970052235338799910899225511418338782950" *
"15454766546888642214704480205648322227068644277017516824168315e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928264803684488" *
"1009695927998233047579668296202077731279238849653801065204046113356840" *
"16514515798209388710269496211098352627517514744995833164670988e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484604048292588" *
"7565594704116730030200689548415717300362368388582655954412076707557660" *
"50355087346628031315580622054415218344252512222430472677806402e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325108932420527" *
"7021499176703887024756931243107929185787802655190663918821561983857868" *
"83247658217178093152195924379429488986689504472832019467597952e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727894130390536" *
"4474468619616761630605532610223403571229192173182444389801429982382846" *
"01511578616886286234176114990630421749893962301840380427253782e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848100733517672" *
"2073568892298741613011712178349486994090613693517091129066326992412817" *
"58664176576778943709605861683576667339294961843916868325616938e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925094288551463" *
"7316909644041610891966337122127242474212812804901623202033070494412250" *
"71564315297468143690117280848113742884690563417987761720742235e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919915782115" *
"9864269716333577638254291986449902314914227959996258209635526621161044" *
"67943221846726189215940216804677419997203611444016012860027237e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722452941386" *
"8868517323564818389760375867052574603517851590347023508280351986060000" *
"10421948717072115220827622518478661139501796982733322956767323e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231869892808036" *
"7110200136604444716188101987248314463147737844653527816730723950745565" *
"81173527071821821711366533089496222985480475263898779603513053e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710437564570330" *
"6339178567032441570645671915685886756906642806752038909429755618032163" *
"94052630734933579801767638807614263234430527015157828422771992e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918227901475322" *
"7551612474716848472905121190876381284024548393775841259545380183410394" *
"55176061321407058933593815301614175530767657927269499071351935e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802731320688396" *
"6736692226505039416044465675621271801413753685675923445515405484859667" *
"37037501349643478319251610453916412669503675910111745614989490e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329250748458028" *
"9081652412728841046769764415610556836643487878439923934291810041124681" *
"71423624722282380067211804319928383735589925911853809246446171e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396355886430975" *
"4374482170548043200208100942124456593945355042314115596372934898675946" *
"78777307682840576036892279951055221463602148908534588758839974e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324700600059916" *
"3187466009159545111625671230091970052235338799910899225511418338782950" *
"15454766546888642214704480205648322227068644277017516824168315e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928264803684488" *
"1009695927998233047579668296202077731279238849653801065204046113356840" *
"16514515798209388710269496211098352627517514744995833164670988e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484604048292588" *
"7565594704116730030200689548415717300362368388582655954412076707557660" *
"50355087346628031315580622054415218344252512222430472677806402e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325108932420527" *
"7021499176703887024756931243107929185787802655190663918821561983857868" *
"83247658217178093152195924379429488986689504472832019467597952e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727894130390536" *
"4474468619616761630605532610223403571229192173182444389801429982382846" *
"01511578616886286234176114990630421749893962301840380427253782e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848100733517672" *
"2073568892298741613011712178349486994090613693517091129066326992412817" *
"58664176576778943709605861683576667339294961843916868325616938e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925094288551463" *
"7316909644041610891966337122127242474212812804901623202033070494412250" *
"71564315297468143690117280848113742884690563417987761720742235e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919915782115" *
"9864269716333577638254291986449902314914227959996258209635526621161044" *
"67943221846726189215940216804677419997203611444016012860027237e-01"
)
]
tab_u0[ :, :, 13, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734240319" *
"9317621064427910076609894303186246180861487679627984412682744259246651" *
"18278307220896864276904005035460328176164191908522241956328862e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200673732" *
"4123556882872720121602825256080035429196694862665259159349561259366928" *
"93677913780805374578199854453378452819056296670370937735367245e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104984101" *
"4283467732692937404220662569808508910683926964821209510272298056916638" *
"38418316625369498213632772114829050243604791594496475944646268e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162524602" *
"5414874399507988454224487637676392018707344919343390714332813065891074" *
"34062888775468735498232855064459166772689996743444838850967289e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813324653" *
"8606265407169276967028535498783459058726776442258540638621203112696694" *
"92250663403130642315777335596114059106104936411996616036949874e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754943079" *
"6913178836865792532467134440035240997468848665427586379522593438837824" *
"33799935674523475537366011638939166979741921868233307846118101e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141075368" *
"5349378995853187071442432801948370823068653291251627127675667748502390" *
"10734811232685637500949182352907724274535349760974605271801242e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381578059" *
"1292110721682279671483235765214297578622825000178876731887282818173587" *
"75970689898769272887101975917867720154072186826889097715425310e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442318575" *
"4115716266128201899701066647494963832068461254062116762181282181545382" *
"32888048829763028919847123153639573472034920733038603877227787e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885316303" *
"5916399607998798934103718347152195720516549245054598859945365383655503" *
"09836247234396731214968844178231156461515095690728885570850687e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344097886" *
"8458252168703756270185996031937728880926633876891606102909133448343348" *
"38807132222029735460084083379785144850429365712311569568408309e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563403833" *
"3820911171773642355423871527876112098302897571955341304389290974460969" *
"41347754348690296161503088868708629408425240346864875721388471e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707261136" *
"3148706262012043845887243631313507252481723970421140411036757604140615" *
"85122398310873821557384853383721844859877958964582560224569967e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312368154" *
"2282656950657109607923397820457383054004833730802502157342011538577092" *
"54568968963153978511962397557631300092824118916631169113877715e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973505722" *
"6484280674371018142152839310018871958002330516093330341389832067571259" *
"26764720831058636144755672662757867705573341977240439674062507e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734240319" *
"9317621064427910076609894303186246180861487679627984412682744259246651" *
"18278307220896864276904005035460328176164191908522241956328862e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200673732" *
"4123556882872720121602825256080035429196694862665259159349561259366928" *
"93677913780805374578199854453378452819056296670370937735367245e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104984101" *
"4283467732692937404220662569808508910683926964821209510272298056916638" *
"38418316625369498213632772114829050243604791594496475944646268e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162524602" *
"5414874399507988454224487637676392018707344919343390714332813065891074" *
"34062888775468735498232855064459166772689996743444838850967289e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813324653" *
"8606265407169276967028535498783459058726776442258540638621203112696694" *
"92250663403130642315777335596114059106104936411996616036949874e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754943079" *
"6913178836865792532467134440035240997468848665427586379522593438837824" *
"33799935674523475537366011638939166979741921868233307846118101e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141075368" *
"5349378995853187071442432801948370823068653291251627127675667748502390" *
"10734811232685637500949182352907724274535349760974605271801242e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381578059" *
"1292110721682279671483235765214297578622825000178876731887282818173587" *
"75970689898769272887101975917867720154072186826889097715425310e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442318575" *
"4115716266128201899701066647494963832068461254062116762181282181545382" *
"32888048829763028919847123153639573472034920733038603877227787e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885316303" *
"5916399607998798934103718347152195720516549245054598859945365383655503" *
"09836247234396731214968844178231156461515095690728885570850687e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344097886" *
"8458252168703756270185996031937728880926633876891606102909133448343348" *
"38807132222029735460084083379785144850429365712311569568408309e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563403833" *
"3820911171773642355423871527876112098302897571955341304389290974460969" *
"41347754348690296161503088868708629408425240346864875721388471e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707261136" *
"3148706262012043845887243631313507252481723970421140411036757604140615" *
"85122398310873821557384853383721844859877958964582560224569967e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312368154" *
"2282656950657109607923397820457383054004833730802502157342011538577092" *
"54568968963153978511962397557631300092824118916631169113877715e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973505722" *
"6484280674371018142152839310018871958002330516093330341389832067571259" *
"26764720831058636144755672662757867705573341977240439674062507e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367631680" *
"2256239465160793908799204646864404059454154568798761787908326798983539" *
"62191151398179568813051821488093958681481541963774931379764600e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984822368" *
"1052933358356078766975049094841179288603489303754385357660905399381562" *
"37379329624112107946940001805302314221209103493283892482355431e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377066919" *
"3504023052057517609234478973007076444306363662361677860394865883915537" *
"00299694767332876195617225053254965366903879597542719071161975e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848132005" *
"6043315953216309610868685097408765683832446861487926460120338262489611" *
"53205519448255902466674861593558314700569074677153304053707630e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665098964402" *
"7228362322224242596609258140045373469834347662255099004247743437456047" *
"81412411403925308507286924102060089237084459923018181327161542e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233606923" *
"8692966690236084342992238231022060226986973868933617950899432373554377" *
"86936233445596454952003970940170501561999005606169536188402489e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266341377" *
"3151037170571173324451687991939698335914655633265363726334430897638403" *
"28748440313985038302662295872291374344618619504839286032408449e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546427984033" *
"7585694522173498898376635324091656101948538012760680639376584043940893" *
"98462671272661105174537122122656123451707718913828591818408907e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096305864" *
"7667481395940571567909106672204058116113169102671002281343411980723340" *
"22204536552835107361584711191089954395444921375411559379548626e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225074421" *
"3277609670603433645547106120876159964082359411973244862763356507565591" *
"16220735999226446269421873370472320729022056566592327335106106e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071625546" *
"9720442654555086107921876299136356653622859338947319430769139220550418" *
"76187320077274560936914621047210100982245724143096896493432661e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395769035" *
"5681955718650475918400412146368892654288919253176152154587344628717925" *
"22169462339220764242234939318726388249070533840335588930941049e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108983761" *
"8310466048395942716156424833345552986984947880600131220539899255132105" *
"42572967665468465311206952107927226843891753342736989629592166e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228375661" *
"7737170512357611793079445660089530849392936686499305812800145805666718" *
"89063296436050056689571430760450069722084805710594227301214064e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956844896" *
"8233594316688165145157534118155724702905165549685957926670289546917288" *
"89820726386121912313059649049408362783991398957536904797065656e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367631680" *
"2256239465160793908799204646864404059454154568798761787908326798983539" *
"62191151398179568813051821488093958681481541963774931379764600e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984822368" *
"1052933358356078766975049094841179288603489303754385357660905399381562" *
"37379329624112107946940001805302314221209103493283892482355431e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377066919" *
"3504023052057517609234478973007076444306363662361677860394865883915537" *
"00299694767332876195617225053254965366903879597542719071161975e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848132005" *
"6043315953216309610868685097408765683832446861487926460120338262489611" *
"53205519448255902466674861593558314700569074677153304053707630e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665098964402" *
"7228362322224242596609258140045373469834347662255099004247743437456047" *
"81412411403925308507286924102060089237084459923018181327161542e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233606923" *
"8692966690236084342992238231022060226986973868933617950899432373554377" *
"86936233445596454952003970940170501561999005606169536188402489e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266341377" *
"3151037170571173324451687991939698335914655633265363726334430897638403" *
"28748440313985038302662295872291374344618619504839286032408449e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546427984033" *
"7585694522173498898376635324091656101948538012760680639376584043940893" *
"98462671272661105174537122122656123451707718913828591818408907e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096305864" *
"7667481395940571567909106672204058116113169102671002281343411980723340" *
"22204536552835107361584711191089954395444921375411559379548626e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225074421" *
"3277609670603433645547106120876159964082359411973244862763356507565591" *
"16220735999226446269421873370472320729022056566592327335106106e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071625546" *
"9720442654555086107921876299136356653622859338947319430769139220550418" *
"76187320077274560936914621047210100982245724143096896493432661e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395769035" *
"5681955718650475918400412146368892654288919253176152154587344628717925" *
"22169462339220764242234939318726388249070533840335588930941049e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108983761" *
"8310466048395942716156424833345552986984947880600131220539899255132105" *
"42572967665468465311206952107927226843891753342736989629592166e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228375661" *
"7737170512357611793079445660089530849392936686499305812800145805666718" *
"89063296436050056689571430760450069722084805710594227301214064e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956844896" *
"8233594316688165145157534118155724702905165549685957926670289546917288" *
"89820726386121912313059649049408362783991398957536904797065656e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376589822" *
"4255694640933222239391494527059830377630107739096120646305041989848389" *
"83454041529388628686308356040262020622557660654783383075382728e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063661923" *
"4769536604618610110394182470550899916806183962318166864794473279313357" *
"89081625698395585078018403779333342303713109019223690923363907e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882560357" *
"9811094735696414645155760780083671238793814161084589106989936911182878" *
"83809707942578703306668658548921166913576665074200726286558186e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387395821" *
"9632861940162566371782813843779303321343628609070307319657722018337263" *
"52371076982681531884131972449117700123732881412441560366894635e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592233386" *
"4410905946604738597022148417638043664768823389324426697972998782742577" *
"67883350676527797505657653712881752559856073691256091507542566e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774534948" *
"4796102549899102646047267741231369827643918975415012219049786911971109" *
"25316666522893602189675624671079764353034717005154952697399989e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354706721" *
"1546525016572451132208581916777276630001114744853502361176542831283824" *
"96088367683238689967358458473822346847431151525910482715205341e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575875177" *
"0411216660488989275805090117490829938692713023999133234799098812607382" *
"83396020127333724933329829347207135013352085811367595783935238e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227683642" *
"4155795804103192191245911865907924289356061116113934175229261649999251" *
"53512228437750262621718661668110280764850333794423115960109776e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827044161" *
"3711907011574225496214598203350777861780790110605816498307908995687049" *
"30428162198622710580288752971923830144833030820357263143646897e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007323655" *
"2854307233186223802413759827553617908231842600119881472668327451966519" *
"77882175626165668442741460362348387894777828597417170660201228e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592054003504" *
"0643874016947448294091505722521090531199131095714506230393030231777332" *
"86749752659431822657728791217776174031997208995524268969262479e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364611067" *
"3703343612491370169444402342293845462811582437751538400971284893957517" *
"63658945301175233233070387601811256309231860829808422456909684e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485515075" *
"7731525146621521098537672499534721422570292901613507899350368675453187" *
"12005395458208531648144442939040891372024134117564206510327523e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362321959" *
"0959356940724850515991070921144783248443312490392457405038994414165722" *
"53059882450742525207794180967321625430405593013834145732921160e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376589822" *
"4255694640933222239391494527059830377630107739096120646305041989848389" *
"83454041529388628686308356040262020622557660654783383075382728e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063661923" *
"4769536604618610110394182470550899916806183962318166864794473279313357" *
"89081625698395585078018403779333342303713109019223690923363907e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882560357" *
"9811094735696414645155760780083671238793814161084589106989936911182878" *
"83809707942578703306668658548921166913576665074200726286558186e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387395821" *
"9632861940162566371782813843779303321343628609070307319657722018337263" *
"52371076982681531884131972449117700123732881412441560366894635e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592233386" *
"4410905946604738597022148417638043664768823389324426697972998782742577" *
"67883350676527797505657653712881752559856073691256091507542566e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774534948" *
"4796102549899102646047267741231369827643918975415012219049786911971109" *
"25316666522893602189675624671079764353034717005154952697399989e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354706721" *
"1546525016572451132208581916777276630001114744853502361176542831283824" *
"96088367683238689967358458473822346847431151525910482715205341e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575875177" *
"0411216660488989275805090117490829938692713023999133234799098812607382" *
"83396020127333724933329829347207135013352085811367595783935238e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227683642" *
"4155795804103192191245911865907924289356061116113934175229261649999251" *
"53512228437750262621718661668110280764850333794423115960109776e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827044161" *
"3711907011574225496214598203350777861780790110605816498307908995687049" *
"30428162198622710580288752971923830144833030820357263143646897e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007323655" *
"2854307233186223802413759827553617908231842600119881472668327451966519" *
"77882175626165668442741460362348387894777828597417170660201228e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592054003504" *
"0643874016947448294091505722521090531199131095714506230393030231777332" *
"86749752659431822657728791217776174031997208995524268969262479e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364611067" *
"3703343612491370169444402342293845462811582437751538400971284893957517" *
"63658945301175233233070387601811256309231860829808422456909684e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485515075" *
"7731525146621521098537672499534721422570292901613507899350368675453187" *
"12005395458208531648144442939040891372024134117564206510327523e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362321959" *
"0959356940724850515991070921144783248443312490392457405038994414165722" *
"53059882450742525207794180967321625430405593013834145732921160e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722017920105" *
"4981626286642925277789153666026060870684259789228827595755351166769991" *
"21724079761648152134597566746404320322538725353236668623812825e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333550691" *
"3927763961189889863498727178641244213500245945551383561280515642041573" *
"74575467725467956785833684183912334250543395466062316722382863e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434358803050" *
"0964176650865772707323640259713229811075635692806536054710436295032124" *
"02779363709702928008500216703192161541921201177408368887674417e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222771747428" *
"9800008361836620997394782672892434361489146144903668021005887709889220" *
"05764790377605933378884456177183952334878302884117794235851603e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278404557" *
"1235406939428249481264073162765928342981248160597073474377650490660250" *
"82979204107467108744857568757616888110164928312358716197823095e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096306359" *
"0785157245648530085031618473153360381697523880129939676939592847334353" *
"43932245759835244613097020642866951744913238590830068196677976e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176399024" *
"3141952136866045941055108805724024043020035500620563074576004204188425" *
"55346293665589142987549430014252678615195336706125926123852943e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551030957" *
"8217596506916053288467568919278204935579353392072542289213780955372692" *
"92714564643884133219575005053833547178181481100108050599762454e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190203440" *
"7723364912322324864258724877576623091167186736898011054002437556869069" *
"84983461589042195390221469354149171878795838969562030169308950e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578483672" *
"6796412994546505584100127087945624068197004116800463011157563253493616" *
"86525812325528050885871723127958738076821785632978864469340670e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136081667" *
"0902787805562451324400414943649925608289705407995428456217175635421683" *
"91746695682931868257933577098403982501326178729870203803776257e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276703589" *
"4365307179416703042116426662267813028623648421376326300411553708533763" *
"58619359332554398702371473328625620730955308575426711497995092e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791860041" *
"1785196103385263219290459684755344578076531685338916694209610550311063" *
"93173586369054897033667565761989317520228430757094467934233806e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937325595" *
"6329773241765050496964818642300568592954942884237562570569697091959748" *
"91809761245501525494418984790612879766300710632664514948384550e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595476408" *
"9487508656246320542192494236268113236747261811586529026729925309372360" *
"21209316524940950522724952868985503592423582876531938929912915e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722017920105" *
"4981626286642925277789153666026060870684259789228827595755351166769991" *
"21724079761648152134597566746404320322538725353236668623812825e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333550691" *
"3927763961189889863498727178641244213500245945551383561280515642041573" *
"74575467725467956785833684183912334250543395466062316722382863e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434358803050" *
"0964176650865772707323640259713229811075635692806536054710436295032124" *
"02779363709702928008500216703192161541921201177408368887674417e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222771747428" *
"9800008361836620997394782672892434361489146144903668021005887709889220" *
"05764790377605933378884456177183952334878302884117794235851603e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278404557" *
"1235406939428249481264073162765928342981248160597073474377650490660250" *
"82979204107467108744857568757616888110164928312358716197823095e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096306359" *
"0785157245648530085031618473153360381697523880129939676939592847334353" *
"43932245759835244613097020642866951744913238590830068196677976e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176399024" *
"3141952136866045941055108805724024043020035500620563074576004204188425" *
"55346293665589142987549430014252678615195336706125926123852943e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551030957" *
"8217596506916053288467568919278204935579353392072542289213780955372692" *
"92714564643884133219575005053833547178181481100108050599762454e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190203440" *
"7723364912322324864258724877576623091167186736898011054002437556869069" *
"84983461589042195390221469354149171878795838969562030169308950e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578483672" *
"6796412994546505584100127087945624068197004116800463011157563253493616" *
"86525812325528050885871723127958738076821785632978864469340670e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136081667" *
"0902787805562451324400414943649925608289705407995428456217175635421683" *
"91746695682931868257933577098403982501326178729870203803776257e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276703589" *
"4365307179416703042116426662267813028623648421376326300411553708533763" *
"58619359332554398702371473328625620730955308575426711497995092e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791860041" *
"1785196103385263219290459684755344578076531685338916694209610550311063" *
"93173586369054897033667565761989317520228430757094467934233806e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937325595" *
"6329773241765050496964818642300568592954942884237562570569697091959748" *
"91809761245501525494418984790612879766300710632664514948384550e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595476408" *
"9487508656246320542192494236268113236747261811586529026729925309372360" *
"21209316524940950522724952868985503592423582876531938929912915e-01"
)
]
tab_u0[ :, :, 14, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734227274" *
"0334504251610368046466258953436037025212538106557850866592834039061400" *
"17000364311082746914451546983931770812714223014990230461480699e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200643614" *
"4642156316303785165796015308929957702642017819518686298766214060510463" *
"27064350547787164524254789988754681976903142248323083396439048e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104935855" *
"6887840902245774081416199040001707084702753223298065853884539866815083" *
"30450286432310912635508091223658524499045338541248430998505476e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162461293" *
"5430774216952440974385141808707155264926250403340232106475651189730446" *
"48187809384261365360081670935087320373542765223287674117224879e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813253191" *
"3615241670092723988637820891127162571293637118406929177808766796239075" *
"47940524366665003608816625720628118697919651144865453386557789e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754872450" *
"2672664190143409555311939470371132423583632608749992920689067432530982" *
"61510618261495167898647772726154340215546851334299449886362948e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141014063" *
"1402303091012887416142592334339372058134071975618009375797214870644314" *
"64576420224821353843191150396434997003734950264246156217271959e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381531792" *
"1861358557696199628718158685182888543739747598277517162793233905923980" *
"76476265311581588992463776629015513060372616232613060332736490e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442289219" *
"9816979144682962386030901152424314585322959413398655889153327785527234" *
"39780466071852606187181633114519649459598219031144306134593493e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885302319" *
"2091663943010022095849013559074049921628038933139754503706527244836883" *
"43773377937711225837818879852214485012682003342024056176785000e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344095759" *
"0591112505741122584556805892467402694324812282604966256197327938528592" *
"01693502833331388270780736386573960507633764274726272886211446e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563409601" *
"0466375807343996918903273371590764221454078339979513527105635416969361" *
"96165876628184081299307263571424322769995042186197212140842942e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707271191" *
"8651401602339785984147955299608776168248406271139151305237132261472363" *
"61640264139122641937847153074888144170623146332190411439334399e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312379077" *
"7060109382736861144822535759771732677424160173339492434622915506496740" *
"46045999401796071749030049268292340548670055495179631803066044e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973513593" *
"2925719246461090996387544400222908568158747485321560229488101198710795" *
"36142469093630012263827266070307838806443183458512906329502091e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734227274" *
"0334504251610368046466258953436037025212538106557850866592834039061400" *
"17000364311082746914451546983931770812714223014990230461480699e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200643614" *
"4642156316303785165796015308929957702642017819518686298766214060510463" *
"27064350547787164524254789988754681976903142248323083396439048e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104935855" *
"6887840902245774081416199040001707084702753223298065853884539866815083" *
"30450286432310912635508091223658524499045338541248430998505476e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162461293" *
"5430774216952440974385141808707155264926250403340232106475651189730446" *
"48187809384261365360081670935087320373542765223287674117224879e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813253191" *
"3615241670092723988637820891127162571293637118406929177808766796239075" *
"47940524366665003608816625720628118697919651144865453386557789e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754872450" *
"2672664190143409555311939470371132423583632608749992920689067432530982" *
"61510618261495167898647772726154340215546851334299449886362948e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141014063" *
"1402303091012887416142592334339372058134071975618009375797214870644314" *
"64576420224821353843191150396434997003734950264246156217271959e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381531792" *
"1861358557696199628718158685182888543739747598277517162793233905923980" *
"76476265311581588992463776629015513060372616232613060332736490e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442289219" *
"9816979144682962386030901152424314585322959413398655889153327785527234" *
"39780466071852606187181633114519649459598219031144306134593493e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885302319" *
"2091663943010022095849013559074049921628038933139754503706527244836883" *
"43773377937711225837818879852214485012682003342024056176785000e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344095759" *
"0591112505741122584556805892467402694324812282604966256197327938528592" *
"01693502833331388270780736386573960507633764274726272886211446e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563409601" *
"0466375807343996918903273371590764221454078339979513527105635416969361" *
"96165876628184081299307263571424322769995042186197212140842942e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707271191" *
"8651401602339785984147955299608776168248406271139151305237132261472363" *
"61640264139122641937847153074888144170623146332190411439334399e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312379077" *
"7060109382736861144822535759771732677424160173339492434622915506496740" *
"46045999401796071749030049268292340548670055495179631803066044e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973513593" *
"2925719246461090996387544400222908568158747485321560229488101198710795" *
"36142469093630012263827266070307838806443183458512906329502091e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367682389" *
"6940488493953646389381953041677370976103175555292395198220356688818811" *
"51351705623181158689888816402004002979961531900060090875311732e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984923216" *
"1205750303463324443730020255308419167873759571882596216123388704344087" *
"70286827981225966069490833496910099548041168268721631687340608e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377209729" *
"6470728935841518319762227079509433474574452128726276099934526438355633" *
"44402122623302657863969728294611032796251288576121575920779628e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848302216" *
"0938309203644825133573028838254494945360855222048463680461132326983684" *
"99404740276954472536660942962404163638093561876903966522017656e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665099143255" *
"7045003035474106330373678399278035733679103725788862610525904385010639" *
"43368633518262825017330057861654177223406406144739926306408653e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233774309" *
"1489555135495628312966732865876029615290499594596867431184824527093417" *
"05238985252129610863366635914816507574374931675542001419495020e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266478902" *
"7541261615076630274058503974641635803049144315070778775179211726626851" *
"69419347856059988133559188284691559870772394634841768978302130e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546428077850" *
"5468985619195915897997572119468911115489319801812177978684301746371143" *
"45636475758700507564120369302883005903239788342193572744555083e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096348802" *
"5182546410974872217738368235342570336734077351936516288909510505615461" *
"37916649919646900575195257065084168433585697287648842976446678e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225067092" *
"2861588705800950677097097410473700930712440562906497193614411867036013" *
"12641595667293143877425104933044532753916139100642219100144893e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071576243" *
"8498623726229629344812192412268205493502091543430662589180872127808175" *
"73272492054612385628349434910999951425578294928139794665577461e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395692443" *
"8128609893518003973482802339054881181452011534246694682952286982864308" *
"01606934663733637996542870970675563230590050243432641467590161e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108898697" *
"1519450378679377866249505227408017468852733130628015553128175157377296" *
"53854711687768898223409385860666633776329923479186076007750321e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228302193" *
"0428724887715724645657275288851568702407634994222686855162884722204643" *
"04457741923493299039016866887098549058410046969395359519012570e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956801299" *
"7323421152604592342128100747162736372091743530842476923104673847284427" *
"65687638240695823814921755788120895200780149526093316729579388e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367682389" *
"6940488493953646389381953041677370976103175555292395198220356688818811" *
"51351705623181158689888816402004002979961531900060090875311732e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984923216" *
"1205750303463324443730020255308419167873759571882596216123388704344087" *
"70286827981225966069490833496910099548041168268721631687340608e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377209729" *
"6470728935841518319762227079509433474574452128726276099934526438355633" *
"44402122623302657863969728294611032796251288576121575920779628e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848302216" *
"0938309203644825133573028838254494945360855222048463680461132326983684" *
"99404740276954472536660942962404163638093561876903966522017656e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665099143255" *
"7045003035474106330373678399278035733679103725788862610525904385010639" *
"43368633518262825017330057861654177223406406144739926306408653e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233774309" *
"1489555135495628312966732865876029615290499594596867431184824527093417" *
"05238985252129610863366635914816507574374931675542001419495020e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266478902" *
"7541261615076630274058503974641635803049144315070778775179211726626851" *
"69419347856059988133559188284691559870772394634841768978302130e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546428077850" *
"5468985619195915897997572119468911115489319801812177978684301746371143" *
"45636475758700507564120369302883005903239788342193572744555083e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096348802" *
"5182546410974872217738368235342570336734077351936516288909510505615461" *
"37916649919646900575195257065084168433585697287648842976446678e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225067092" *
"2861588705800950677097097410473700930712440562906497193614411867036013" *
"12641595667293143877425104933044532753916139100642219100144893e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071576243" *
"8498623726229629344812192412268205493502091543430662589180872127808175" *
"73272492054612385628349434910999951425578294928139794665577461e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395692443" *
"8128609893518003973482802339054881181452011534246694682952286982864308" *
"01606934663733637996542870970675563230590050243432641467590161e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108898697" *
"1519450378679377866249505227408017468852733130628015553128175157377296" *
"53854711687768898223409385860666633776329923479186076007750321e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228302193" *
"0428724887715724645657275288851568702407634994222686855162884722204643" *
"04457741923493299039016866887098549058410046969395359519012570e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956801299" *
"7323421152604592342128100747162736372091743530842476923104673847284427" *
"65687638240695823814921755788120895200780149526093316729579388e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376609188" *
"3903498543120293872878033788645492753707540068194325710979916843809819" *
"71720786041169635677608318827657088908719313785105295435856025e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063700023" *
"2339412278179852555487560052805614337725420027895271594839989974021365" *
"90022955706523159512934400060635739943647766847165204431221862e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882612151" *
"9527062548928820180821813469392240667840450618108965713081487306078771" *
"61633794410992846370098173430087363718881774229957203214031645e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387453350" *
"5698650007157104385019975597843861573899806400701180800806881271294336" *
"21822754566192110298756084096226214032864495575218965512467271e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592288189" *
"7345716292498097418143668321513756058524323720406025513189302766845668" *
"74303745078619565117883578485542452071353217598519879239733573e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774580342" *
"4161656652606469660510329717021110485553169270081088065779878154999737" *
"79415671847893252731911640535444619295444651500439921640560735e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354739006" *
"8584567307794068436018775232839527249746053664809981270231736221143852" *
"36578621492158328621872776558378089389000398061025903898045697e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575893487" *
"7613235903716942000361533542153787578177658344916307869937735099274639" *
"29902899170494964347760930621934867386398197649864407426795309e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227688869" *
"9850239016327175879091187380648215945806501052103860625839596342902209" *
"35513515826489735013732713045639023676611517592251726735350713e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827037829" *
"9099308725526888484747957833723310429508145505320933958605192598767758" *
"21866497218884054605706574174459339944013674784237299586336148e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007307493" *
"4406194549076477639051360473038548925825836149178890957135601328231409" *
"32747950503242575144842924915943171200089571752485064347169351e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592053979897" *
"1053061323182674961450448668925063308683705210428524058572104403300717" *
"14594408686617052292776799426366192830609749492719851314636828e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364583902" *
"9102296887837195821215972276651969497832536035448210127857574709215322" *
"48919070093009310011363550712593070437465189627739390400628769e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485490145" *
"9083909778189809419415009510128482736934041772755349966650243962782666" *
"99346698162811457192528484307144055996172499255760214635300666e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362306273" *
"6329659522977612219772003979871479351198705223848396396876809946214167" *
"95554401913734055024972877246370770027030052458321401276503048e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376609188" *
"3903498543120293872878033788645492753707540068194325710979916843809819" *
"71720786041169635677608318827657088908719313785105295435856025e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063700023" *
"2339412278179852555487560052805614337725420027895271594839989974021365" *
"90022955706523159512934400060635739943647766847165204431221862e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882612151" *
"9527062548928820180821813469392240667840450618108965713081487306078771" *
"61633794410992846370098173430087363718881774229957203214031645e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387453350" *
"5698650007157104385019975597843861573899806400701180800806881271294336" *
"21822754566192110298756084096226214032864495575218965512467271e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592288189" *
"7345716292498097418143668321513756058524323720406025513189302766845668" *
"74303745078619565117883578485542452071353217598519879239733573e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774580342" *
"4161656652606469660510329717021110485553169270081088065779878154999737" *
"79415671847893252731911640535444619295444651500439921640560735e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354739006" *
"8584567307794068436018775232839527249746053664809981270231736221143852" *
"36578621492158328621872776558378089389000398061025903898045697e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575893487" *
"7613235903716942000361533542153787578177658344916307869937735099274639" *
"29902899170494964347760930621934867386398197649864407426795309e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227688869" *
"9850239016327175879091187380648215945806501052103860625839596342902209" *
"35513515826489735013732713045639023676611517592251726735350713e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827037829" *
"9099308725526888484747957833723310429508145505320933958605192598767758" *
"21866497218884054605706574174459339944013674784237299586336148e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007307493" *
"4406194549076477639051360473038548925825836149178890957135601328231409" *
"32747950503242575144842924915943171200089571752485064347169351e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592053979897" *
"1053061323182674961450448668925063308683705210428524058572104403300717" *
"14594408686617052292776799426366192830609749492719851314636828e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364583902" *
"9102296887837195821215972276651969497832536035448210127857574709215322" *
"48919070093009310011363550712593070437465189627739390400628769e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485490145" *
"9083909778189809419415009510128482736934041772755349966650243962782666" *
"99346698162811457192528484307144055996172499255760214635300666e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362306273" *
"6329659522977612219772003979871479351198705223848396396876809946214167" *
"95554401913734055024972877246370770027030052458321401276503048e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722018015519" *
"8153157604756687482711458073907698451760240478763948935476426224998611" *
"57242351631615660955901770292185546270232575456067270238368814e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333745540" *
"0222000389602168462236641494267986183222807860348489800375744231327344" *
"04551039536328788607402763330101773373936700613497480010119503e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434359086137" *
"2266024497451416247544480221511478589770793111383039585850916444726808" *
"87379349940806607112768850121445556642551930979377586244212414e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222772094239" *
"5352271174790449627562346305119986759669819717089781756282901830898314" *
"55340053316646571344384533771085784237005341334587431386970846e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278781114" *
"1282260542427382542853282410361934107754661294003106357080037078016963" *
"23875003703025925916671609393747611884973968565196185438032487e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096674381" *
"2816127751818116960188504673122712063945681753113687581437096748850889" *
"01313937266065956465067124763565305138192284645873929280023502e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176721607" *
"6818648944686163616561398908845022680573067838117175983347750605887209" *
"72675919845248405032778213934395916257113956820707968545159777e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551278001" *
"7311600601406538654995912134857884409008633395911395041600692840650835" *
"87078927398030254878194343769270160194313010298307339669485210e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190356105" *
"3533687866349312699055000722393886528850762020485448399944237108280763" *
"91461848614517838000693879429707196217094913780474438545979544e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578537262" *
"0759554280464133523135039783060785091502346298832202628230959225467791" *
"09617403852316765023220989807967846144351781517606241221852957e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136046490" *
"8801012516726073339939465263642911349398167257428424269296855730173436" *
"87239245796051315928775621158478471183907948513516520063324692e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276603585" *
"2336868582319621116109556404842460457043724376833795078643087495306384" *
"18765900445728956473765705161110537139447343623484857186403915e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791729255" *
"5374322334762307091515444899729151501991270321361218507536353613367124" *
"98657557938516150586755368314438839801485568560637609578473680e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937202985" *
"6659268248626029433233623443044952344258889986113384359500453182373624" *
"72826394436538332106060740600453228951100987245554929126426766e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595399764" *
"9228576721867714757281093737924684098552941066700374207538358749424264" *
"30962378781873721363750888559155496920986586602934629227731291e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722018015519" *
"8153157604756687482711458073907698451760240478763948935476426224998611" *
"57242351631615660955901770292185546270232575456067270238368814e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333745540" *
"0222000389602168462236641494267986183222807860348489800375744231327344" *
"04551039536328788607402763330101773373936700613497480010119503e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434359086137" *
"2266024497451416247544480221511478589770793111383039585850916444726808" *
"87379349940806607112768850121445556642551930979377586244212414e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222772094239" *
"5352271174790449627562346305119986759669819717089781756282901830898314" *
"55340053316646571344384533771085784237005341334587431386970846e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278781114" *
"1282260542427382542853282410361934107754661294003106357080037078016963" *
"23875003703025925916671609393747611884973968565196185438032487e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096674381" *
"2816127751818116960188504673122712063945681753113687581437096748850889" *
"01313937266065956465067124763565305138192284645873929280023502e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176721607" *
"6818648944686163616561398908845022680573067838117175983347750605887209" *
"72675919845248405032778213934395916257113956820707968545159777e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551278001" *
"7311600601406538654995912134857884409008633395911395041600692840650835" *
"87078927398030254878194343769270160194313010298307339669485210e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190356105" *
"3533687866349312699055000722393886528850762020485448399944237108280763" *
"91461848614517838000693879429707196217094913780474438545979544e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578537262" *
"0759554280464133523135039783060785091502346298832202628230959225467791" *
"09617403852316765023220989807967846144351781517606241221852957e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136046490" *
"8801012516726073339939465263642911349398167257428424269296855730173436" *
"87239245796051315928775621158478471183907948513516520063324692e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276603585" *
"2336868582319621116109556404842460457043724376833795078643087495306384" *
"18765900445728956473765705161110537139447343623484857186403915e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791729255" *
"5374322334762307091515444899729151501991270321361218507536353613367124" *
"98657557938516150586755368314438839801485568560637609578473680e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937202985" *
"6659268248626029433233623443044952344258889986113384359500453182373624" *
"72826394436538332106060740600453228951100987245554929126426766e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595399764" *
"9228576721867714757281093737924684098552941066700374207538358749424264" *
"30962378781873721363750888559155496920986586602934629227731291e-01"
)
]
tab_u0[ :, :, 15, 2] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734227272" *
"4683408480647430091259227699793522756995915982330433379117841227138032" *
"50442908573089059505425330902391666803625084040007788105695296e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200643611" *
"9477578426371955939795202887134388228465628558460950201526922964525774" *
"74734710556629331099050506880027928041361828787751756763120250e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104935853" *
"0044037951509817010169053896773437990226465959696004141822534721513342" *
"82270261361572600126508871481718019183223379936529153430854753e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162461291" *
"5226950429859542770979213187776463853082882886828952466723804551715735" *
"83068196194613165803224714839130750787316216397177218567398551e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813253190" *
"7435712510659275670902514347584245169715468574470298579789381832201597" *
"09257950689890198008416604107164098105846087486024346955040218e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754872451" *
"5644562786202242673531183177013889034467358643396796955838420791265346" *
"36601278310323689649318400066086639924601248163664285376072212e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141014066" *
"5488233562851908366138930801126363138588189433088612928843270011569786" *
"41182852640422990669475399043889812588178608839163615802181982e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381531797" *
"5579726514489927747318415976654657708704310176945210065413568586791870" *
"57360880321180043248056079384382112390307365711649246343812453e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442289226" *
"8621571414073616345705280573174236940016011390207528185034171887932621" *
"08407257526621110908051268990769390933132203821824236947260987e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885302326" *
"9262291111744376402622204817586016195131215013143952093156394405797601" *
"54790259612096822084179740834744646920633788634762290240623219e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344095766" *
"8383100803571077097384680149948780551445490066552143034665255717583112" *
"57086165887050448109508572930510608782618237466337423812267752e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563409608" *
"1269786669108807524702706619426754961153643858965550742218866600811782" *
"57023297313425862282083994989402570091643875888676206419966904e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707271197" *
"5995389333447826119063443085235782773778845690469365036850297788529498" *
"76166176002249101609562962731963754369341410213007593826628971e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312379081" *
"6400116535513637769700317470944814736305124573463467631152181114824400" *
"17082769077747789152526605344230568667328619724023238644695136e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973513595" *
"2209558416529540128026113582900615396543776614390494869907405829264520" *
"55847818705121194381491032149597866057227931504810083475758765e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999946057033777600636460511705949310281217153637645964404734227272" *
"4683408480647430091259227699793522756995915982330433379117841227138032" *
"50442908573089059505425330902391666803625084040007788105695296e-01"
) parse(
BigFloat,
"1.24999920743711656527128542594528348766423260465610754247608200643611" *
"9477578426371955939795202887134388228465628558460950201526922964525774" *
"74734710556629331099050506880027928041361828787751756763120250e-01"
) parse(
BigFloat,
"1.24999927913757464023780477954406610751910445141563629699007104935853" *
"0044037951509817010169053896773437990226465959696004141822534721513342" *
"82270261361572600126508871481718019183223379936529153430854753e-01"
) parse(
BigFloat,
"1.24999966475596722624149133116270386819584677458042082021939162461291" *
"5226950429859542770979213187776463853082882886828952466723804551715735" *
"83068196194613165803224714839130750787316216397177218567398551e-01"
) parse(
BigFloat,
"1.25000030558538969140727071801977472244894819469914710335236813253190" *
"7435712510659275670902514347584245169715468574470298579789381832201597" *
"09257950689890198008416604107164098105846087486024346955040218e-01"
) parse(
BigFloat,
"1.25000110406537159748916361210667266562587706701833490756058754872451" *
"5644562786202242673531183177013889034467358643396796955838420791265346" *
"36601278310323689649318400066086639924601248163664285376072212e-01"
) parse(
BigFloat,
"1.25000193863457393687367041366061582840588318863025109177030141014066" *
"5488233562851908366138930801126363138588189433088612928843270011569786" *
"41182852640422990669475399043889812588178608839163615802181982e-01"
) parse(
BigFloat,
"1.25000268223740104106962410429875057865643348300595516468609381531797" *
"5579726514489927747318415976654657708704310176945210065413568586791870" *
"57360880321180043248056079384382112390307365711649246343812453e-01"
) parse(
BigFloat,
"1.25000322166706325996618452248341423201629091283123554668391442289226" *
"8621571414073616345705280573174236940016011390207528185034171887932621" *
"08407257526621110908051268990769390933132203821824236947260987e-01"
) parse(
BigFloat,
"1.25000347480028446390609369981938643208749776137026539892411885302326" *
"9262291111744376402622204817586016195131215013143952093156394405797601" *
"54790259612096822084179740834744646920633788634762290240623219e-01"
) parse(
BigFloat,
"1.25000340309982638442682774769187774359750894422021345054006344095766" *
"8383100803571077097384680149948780551445490066552143034665255717583112" *
"57086165887050448109508572930510608782618237466337423812267752e-01"
) parse(
BigFloat,
"1.25000301748143379883632375471666672303368424520161846292729563409608" *
"1269786669108807524702706619426754961153643858965550742218866600811782" *
"57023297313425862282083994989402570091643875888676206419966904e-01"
) parse(
BigFloat,
"1.25000237665201133876761934455787272231791322372123539243248707271197" *
"5995389333447826119063443085235782773778845690469365036850297788529498" *
"76166176002249101609562962731963754369341410213007593826628971e-01"
) parse(
BigFloat,
"1.25000157817202943948089645230677858450835706974328670627157312379081" *
"6400116535513637769700317470944814736305124573463467631152181114824400" *
"17082769077747789152526605344230568667328619724023238644695136e-01"
) parse(
BigFloat,
"1.25000074360282710460913624928156149036346791852189366165188973513595" *
"2209558416529540128026113582900615396543776614390494869907405829264520" *
"55847818705121194381491032149597866057227931504810083475758765e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367682387" *
"7932605419750075374746519122690056616180779944123671337789765324993953" *
"64943180740290435658833494316447712001130847606289885429256073e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984923213" *
"7004906139881510040453617121926759055175448149102426227836682579089366" *
"43207742020709080713035183375587520249173919972170097944597365e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377209728" *
"1668059352983404881913799744737934651661293676389711577076413476458891" *
"01597902004152812539228714399086368584546231881474540583746240e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848302216" *
"8680443650589132881528279459358240195761415080889632194837725754597270" *
"77832297896169383555029329428031653197232751246660800796320445e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665099143259" *
"7041293906109966819965324899585759911605327141619545038199596719495069" *
"94193525018139994206297990510505876427449796605250738284057492e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233774316" *
"8545550748851308705367915480621593060072844445679253685903380993704565" *
"02667890624381037381095765598021906752926004709195940927941751e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266478914" *
"0834873976121347231496467269173840279025845093550600268346070090124041" *
"79889419732298217908650723163773705364928374923395423494455744e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546428077864" *
"8674998685473412931074284442912085260216135996484729055424479472909477" *
"22663692781043655960761035984367450747776455067688426985522338e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096348818" *
"7426888053792019859920635130252373200832114169940316988485891814954416" *
"86762284209927984812066174164532720047211012536263612577950972e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225067109" *
"0365174302628095964369854382752178970251140013829533899685123284022798" *
"26756790228429279349710742322433625956564622161819799828195874e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071576259" *
"6667327366103415470269690234754894597843239108243608529348243739356740" *
"88936653341042303377770310450602325876773930692009816298458551e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395692457" *
"3775735925877602536730632479091064433165244637232260001164610022527403" *
"55889264499117961074288934471142981388387850335349384652040630e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108898707" *
"4881974484991252026770193657889060318129572719386317178304001227327343" *
"00608495207774263634101220852686214420997136655937322254673366e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228302199" *
"6665261386688392532627945013580424819413803342872297038905313608353060" *
"74662930584145441776120744214937942559094409492620995582115782e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956801302" *
"7259048280137973927069898321158426218777859812836361186207333322493484" *
"86749148380369827673093107536888158128118682084884107794135749e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000454528840768328211489082900812831433554451955344367682387" *
"7932605419750075374746519122690056616180779944123671337789765324993953" *
"64943180740290435658833494316447712001130847606289885429256073e-01"
) parse(
BigFloat,
"1.40625000000878801683072744419646145345622019494560982705803984923213" *
"7004906139881510040453617121926759055175448149102426227836682579089366" *
"43207742020709080713035183375587520249173919972170097944597365e-01"
) parse(
BigFloat,
"1.40625000001208226832715294074229704415096503567566750845201377209728" *
"1668059352983404881913799744737934651661293676389711577076413476458891" *
"01597902004152812539228714399086368584546231881474540583746240e-01"
) parse(
BigFloat,
"1.40625000001392652296909316782265882832698006307994392283338848302216" *
"8680443650589132881528279459358240195761415080889632194837725754597270" *
"77832297896169383555029329428031653197232751246660800796320445e-01"
) parse(
BigFloat,
"1.40625000001404000970552268635429765072561672870731357417665099143259" *
"7041293906109966819965324899585759911605327141619545038199596719495069" *
"94193525018139994206297990510505876427449796605250738284057492e-01"
) parse(
BigFloat,
"1.40625000001240545120957992966837827741104826323503415760428233774316" *
"8545550748851308705367915480621593060072844445679253685903380993704565" *
"02667890624381037381095765598021906752926004709195940927941751e-01"
) parse(
BigFloat,
"1.40625000000927169419496251902588365594950275043283499320565266478914" *
"0834873976121347231496467269173840279025845093550600268346070090124041" *
"79889419732298217908650723163773705364928374923395423494455744e-01"
) parse(
BigFloat,
"1.40625000000511582475956787779221978432444805376720056622546428077864" *
"8674998685473412931074284442912085260216135996484729055424479472909477" *
"22663692781043655960761035984367450747776455067688426985522338e-01"
) parse(
BigFloat,
"1.40625000000057053635188459567633971987212018164764838160787096348818" *
"7426888053792019859920635130252373200832114169940316988485891814954416" *
"86762284209927984812066174164532720047211012536263612577950972e-01"
) parse(
BigFloat,
"1.40624999999632780792884043360806870265085649209537499260057225067109" *
"0365174302628095964369854382752178970251140013829533899685123284022798" *
"26756790228429279349710742322433625956564622161819799828195874e-01"
) parse(
BigFloat,
"1.40624999999303355643241493708203083231472686479451818916425071576259" *
"6667327366103415470269690234754894597843239108243608529348243739356740" *
"88936653341042303377770310450602325876773930692009816298458551e-01"
) parse(
BigFloat,
"1.40624999999118930179047471001636764554710721614690999416005395692457" *
"3775735925877602536730632479091064433165244637232260001164610022527403" *
"55889264499117961074288934471142981388387850335349384652040630e-01"
) parse(
BigFloat,
"1.40624999999107581505404519148571805859267010830354800788094108898707" *
"4881974484991252026770193657889060318129572719386317178304001227327343" *
"00608495207774263634101220852686214420997136655937322254673366e-01"
) parse(
BigFloat,
"1.40624999999271037354998794815833782468041038271803550595601228302199" *
"6665261386688392532627945013580424819413803342872297038905313608353060" *
"74662930584145441776120744214937942559094409492620995582115782e-01"
) parse(
BigFloat,
"1.40624999999584413056460535878103472578334068209103379239698956801302" *
"7259048280137973927069898321158426218777859812836361186207333322493484" *
"86749148380369827673093107536888158128118682084884107794135749e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376609187" *
"3479204708031621795008779265500930294511770619872595435266485264347097" *
"24552023945804207438857402617975393236071926913340492495619711e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063700020" *
"5726724979221643994647743777127280616475570537490501238477063629446457" *
"53723260567409708062225718055657924075147335338468271118595791e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882612147" *
"3350818230217212650339888928016999173812619677941066547196709618100059" *
"91882090192781978550336452665183045124079388847808408089035539e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387453343" *
"9683816940388171940621123042363964112343785615612268600299096269967251" *
"11100009380416064360460551619847296707262983711571404125759841e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592288181" *
"4485599473991379771817255494229103315931715836116392063330399918883860" *
"23989582856663429412816503085717375760139609200518786280008324e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774580333" *
"0243323687072360224125924388149829571422507737078982342563211432463587" *
"45789397506212175724720660211072074172574757309861523986015657e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354738997" *
"1154469810633145582686208388884077145475786557904270671617942803084502" *
"21107378340242921034416265434957694603543459242530149909161891e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575893478" *
"4630255401594585054955544349928326410595669449927413917346341573344720" *
"49099398899216432770767620973332743321280468741263112526311691e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227688861" *
"8347519612629227505625932727865273980618513113101249404472021730259351" *
"10144535735490633557371161590981362081871261093696568465996182e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827037823" *
"4132985764093938910423388267896755309383002915168128024485379570049093" *
"61794557693906330516460658753015250751496963562736179487711206e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007307488" *
"8439611848534207606195920931437452449739897305958977261751585470628597" *
"63327523493834912107037483027006113508601452836040226295102573e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592053979894" *
"3779707115252147754141464294772002292786066536134656169537215291536651" *
"83744276079025188419270393424662119290323409264701290074324764e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364583901" *
"7618259210772995390345543703623456175230312524569887378749336787558926" *
"77957042157046289544337282986645602601686100405073121980249402e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485490145" *
"8310085308393961780637451816310552703740606650392775265822625354106025" *
"47665659309932274264578173153940258079468073554869325765010509e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362306273" *
"9631416301207019357533110496991418481426593806340286796146451528051392" *
"39956382714253802473311224783061079481560792944463353568555837e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249935917057754516574035575452997173094025784506128344413376609187" *
"3479204708031621795008779265500930294511770619872595435266485264347097" *
"24552023945804207438857402617975393236071926913340492495619711e-01"
) parse(
BigFloat,
"1.56249856069059564577371090099089086231878464851599884608156063700020" *
"5726724979221643994647743777127280616475570537490501238477063629446457" *
"53723260567409708062225718055657924075147335338468271118595791e-01"
) parse(
BigFloat,
"1.56249772612139330703549919361724003412541421215445299426798882612147" *
"3350818230217212650339888928016999173812619677941066547196709618100059" *
"91882090192781978550336452665183045124079388847808408089035539e-01"
) parse(
BigFloat,
"1.56249698251856619747054615282003571547248196584340799668863387453343" *
"9683816940388171940621123042363964112343785615612268600299096269967251" *
"11100009380416064360460551619847296707262983711571404125759841e-01"
) parse(
BigFloat,
"1.56249644308890396956964783815216414483084530628403106098984592288181" *
"4485599473991379771817255494229103315931715836116392063330399918883860" *
"23989582856663429412816503085717375760139609200518786280008324e-01"
) parse(
BigFloat,
"1.56249618995568275644403850082391990211464912189134598176413774580333" *
"0243323687072360224125924388149829571422507737078982342563211432463587" *
"45789397506212175724720660211072074172574757309861523986015657e-01"
) parse(
BigFloat,
"1.56249626165614082933812258721036149369320760550018783355907354738997" *
"1154469810633145582686208388884077145475786557904270671617942803084502" *
"21107378340242921034416265434957694603543459242530149909161891e-01"
) parse(
BigFloat,
"1.56249664727453341181983078271958796979295756189641905804745575893478" *
"4630255401594585054955544349928326410595669449927413917346341573344720" *
"49099398899216432770767620973332743321280468741263112526311691e-01"
) parse(
BigFloat,
"1.56249728810395587116683702549378409324918197601867293308170227688861" *
"8347519612629227505625932727865273980618513113101249404472021730259351" *
"10144535735490633557371161590981362081871261093696568465996182e-01"
) parse(
BigFloat,
"1.56249808658393777014568392161399650735654785288597368469842827037823" *
"4132985764093938910423388267896755309383002915168128024485379570049093" *
"61794557693906330516460658753015250751496963562736179487711206e-01"
) parse(
BigFloat,
"1.56249892115314010378682065228937051882880235800065991040289007307488" *
"8439611848534207606195920931437452449739897305958977261751585470628597" *
"63327523493834912107037483027006113508601452836040226295102573e-01"
) parse(
BigFloat,
"1.56249966475596720655660369125077103937222380930762804889592053979894" *
"3779707115252147754141464294772002292786066536134656169537215291536651" *
"83744276079025188419270393424662119290323409264701290074324764e-01"
) parse(
BigFloat,
"1.56250020418562942994475540738991651482669579689968977299678364583901" *
"7618259210772995390345543703623456175230312524569887378749336787558926" *
"77957042157046289544337282986645602601686100405073121980249402e-01"
) parse(
BigFloat,
"1.56250045731885064348354730336158745284768171375413659224837485490145" *
"8310085308393961780637451816310552703740606650392775265822625354106025" *
"47665659309932274264578173153940258079468073554869325765010509e-01"
) parse(
BigFloat,
"1.56250038561839257568653819367342267799023916139215441968209362306273" *
"9631416301207019357533110496991418481426593806340286796146451528051392" *
"39956382714253802473311224783061079481560792944463353568555837e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722018015520" *
"1768301701164518110643636530863867828732948763102369299662421231218874" *
"52330557629563242973290178910794706475847314985281340777887915e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333745540" *
"7777559339445525601370348728546204549943793351279069377913839199527569" *
"31033634898156409749239696540668579799242870939239139922922349e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434359086138" *
"3448165378572269864061683320127041562374016840486545826305969520324018" *
"88874803973445825630029732258291626034832134350266708547457476e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222772094240" *
"9218296773341634295152895589917237616408260682552324390718652867134537" *
"68378674323131124142849256235526184748955122537102428396258969e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278781115" *
"6411545107375003528801643513888807728398147278470687150331349492012794" *
"22042240101838845989371158227509741601798338105398468193894401e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096674382" *
"7574417857468706365650535642714946669154519106916035338216652052753113" *
"65330404709102532287184389463937092046975006159288247093825478e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176721608" *
"9667364236873800145626006972634432382430040201247661956344762436421481" *
"85827604438241148313086998004285118660745329701003340828844458e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551278002" *
"7079615567621679857693738426170246879297837394051412147790100551449750" *
"83425736152577972395996302227944763772485416172259067252440362e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190356105" *
"9588227645133320618466111011800423738171559075045860675028057324608236" *
"77650729957604418099486492835064199871296186464665970828231182e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578537262" *
"3054513637467574360358872067615195230616810673988483179434714432627303" *
"41124799674142336325972649946955596645201304408992376225725285e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136046490" *
"7823459539436045959940755330931404007002384057803895257314753546770993" *
"70081239922376513990420460827769817283186600879620450324380145e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276603584" *
"8995326482019413428536632424680216612255289675119325085517517835143592" *
"58523201820265847085861194737553565701371388984007565818130197e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791729255" *
"0867852359083763550744889188359539750361740230972781755625903500588283" *
"72175791316287564542169751855617846455647376449791847314818611e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937202985" *
"2342958300348786141923874719631779217808503018010322064563449830206328" *
"67874959521791675979167032552385593348577113501369534840359172e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595399764" *
"6467771990074598272402171730670309778014177454787169663541709716897512" *
"46708443759810338428415748785638319679454941766230232734147624e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875001487496539963885708663467804211662608451712298391722018015520" *
"1768301701164518110643636530863867828732948763102369299662421231218874" *
"52330557629563242973290178910794706475847314985281340777887915e-01"
) parse(
BigFloat,
"1.71874980062965446696502559859495964599801318676513849231868333745540" *
"7777559339445525601370348728546204549943793351279069377913839199527569" *
"31033634898156409749239696540668579799242870939239139922922349e-01"
) parse(
BigFloat,
"1.71874938988097365289822170418518639080991422230295261710434359086138" *
"3448165378572269864061683320127041562374016840486545826305969520324018" *
"88874803973445825630029732258291626034832134350266708547457476e-01"
) parse(
BigFloat,
"1.71874884516168616531649634389519127533193086863540067918222772094240" *
"9218296773341634295152895589917237616408260682552324390718652867134537" *
"68378674323131124142849256235526184748955122537102428396258969e-01"
) parse(
BigFloat,
"1.71874824940036563156686551886944249331687486536648612802724278781115" *
"6411545107375003528801643513888807728398147278470687150331349492012794" *
"22042240101838845989371158227509741601798338105398468193894401e-01"
) parse(
BigFloat,
"1.71874769329627251309364773589832447971939236260871285329242096674382" *
"7574417857468706365650535642714946669154519106916035338216652052753113" *
"65330404709102532287184389463937092046975006159288247093825478e-01"
) parse(
BigFloat,
"1.71874726151121389102704971615415013265485850863891769396346176721608" *
"9667364236873800145626006972634432382430040201247661956344762436421481" *
"85827604438241148313086998004285118660745329701003340828844458e-01"
) parse(
BigFloat,
"1.71874701978055079927339671772491879788931421965442925324690551278002" *
"7079615567621679857693738426170246879297837394051412147790100551449750" *
"83425736152577972395996302227944763772485416172259067252440362e-01"
) parse(
BigFloat,
"1.71874700490558539963454482095498267111519104202619396928255190356105" *
"9588227645133320618466111011800423738171559075045860675028057324608236" *
"77650729957604418099486492835064199871296186464665970828231182e-01"
) parse(
BigFloat,
"1.71874721915089633230838016215208776677324909058299718484595578537262" *
"3054513637467574360358872067615195230616810673988483179434714432627303" *
"41124799674142336325972649946955596645201304408992376225725285e-01"
) parse(
BigFloat,
"1.71874762989957714637518431588455333517989086563166560325102136046490" *
"7823459539436045959940755330931404007002384057803895257314753546770993" *
"70081239922376513990420460827769817283186600879620450324380145e-01"
) parse(
BigFloat,
"1.71874817461886463395690618975483025157725672508898122727889276603584" *
"8995326482019413428536632424680216612255289675119325085517517835143592" *
"58523201820265847085861194737553565701371388984007565818130197e-01"
) parse(
BigFloat,
"1.71874877038018516770653182491583711824980982146900807848097791729255" *
"0867852359083763550744889188359539750361740230972781755625903500588283" *
"72175791316287564542169751855617846455647376449791847314818611e-01"
) parse(
BigFloat,
"1.71874932648427828617974575472956843230784717342196262925092937202985" *
"2342958300348786141923874719631779217808503018010322064563449830206328" *
"67874959521791675979167032552385593348577113501369534840359172e-01"
) parse(
BigFloat,
"1.71874975826933690824634351515105046615383821680527524538919595399764" *
"6467771990074598272402171730670309778014177454787169663541709716897512" *
"46708443759810338428415748785638319679454941766230232734147624e-01"
)
]
tab_u0[ :, :, 2, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555558369894902438426262715021842524047147870398665" *
"3870896737526096419673499212957497652970982241093953502892302000582928" *
"98569723216201884668982929506196546779991088552333850981665294e-01"
) parse(
BigFloat,
"1.24999999998790619356662412572150720204121354744184389406156788199743" *
"0317034840831310182616634028423083993013906497219083830743767572666990" *
"72377215480168676968301758667380709200070670220463290548008406e-01"
) parse(
BigFloat,
"1.24999999998900012626100355202652690255266075376402048254172627516323" *
"0058757212798036498023144133473271842993584782783186702248060091546131" *
"88313613284811565314479276876816965961977651903219277383455196e-01"
) parse(
BigFloat,
"1.24999999999488409230252727866172790527343750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000000466231119965830643903718504488943284309224059462545802514" *
"1952575135963959959112104550456026604877520716705834964053153747786027" *
"53118801781022087903814796855737081471271131770959592606116805e-01"
) parse(
BigFloat,
"1.25000000001684613776508346761624602592124594971576043267350754244415" *
"8924114982314590020290737114269231554779322944135453758971529730296332" *
"30264135053352075218700195407486745466674518913384810060889823e-01"
) parse(
BigFloat,
"1.25000000002958069485087962874151452043458700093273506196239731743595" *
"6261830858516499253965300265814058894674097841502736169851330929117201" *
"45423791163534962094347670520153308833392061612990754990007693e-01"
) parse(
BigFloat,
"1.25000000004092726157978177070617675781250000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000004915842602419807175715237354987284978157475952852129601334" *
"6129103262473903580326500787042502347029017758906046497107697999417071" *
"01430276783798115331017070493803453220008911447666149018334706e-01"
) parse(
BigFloat,
"1.25000000005302106801315764498466955577128645255815610593843211800256" *
"9682965159168689817383365971576916006986093502780916169256232427333009" *
"27622784519831323031698241332619290799929329779536709451991594e-01"
) parse(
BigFloat,
"1.25000000005192713531877821867964985525983924623597951745827372483676" *
"9941242787201963501976855866526728157006415217216813297751939908453868" *
"11686386715188434685520723123183034038022348096780722616544804e-01"
) parse(
BigFloat,
"1.25000000004604316927725449204444885253906250000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000003626495038012346426713957276761056715690775940537454197485" *
"8047424864036040040887895449543973395122479283294165035946846252213972" *
"46881198218977912096185203144262918528728868229040407393883195e-01"
) parse(
BigFloat,
"1.25000000002408112381469830308993073189125405028423956732649245755584" *
"1075885017685409979709262885730768445220677055864546241028470269703667" *
"69735864946647924781299804592513254533325481086615189939110177e-01"
) parse(
BigFloat,
"1.25000000001134656672890214196466223737791299906726493803760268256404" *
"3738169141483500746034699734185941105325902158497263830148669070882798" *
"54576208836465037905652329479846691166607938387009245009992307e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555558369894902438426262715021842524047147870398665" *
"3870896737526096419673499212957497652970982241093953502892302000582928" *
"98569723216201884668982929506196546779991088552333850981665294e-01"
) parse(
BigFloat,
"1.24999999998790619356662412572150720204121354744184389406156788199743" *
"0317034840831310182616634028423083993013906497219083830743767572666990" *
"72377215480168676968301758667380709200070670220463290548008406e-01"
) parse(
BigFloat,
"1.24999999998900012626100355202652690255266075376402048254172627516323" *
"0058757212798036498023144133473271842993584782783186702248060091546131" *
"88313613284811565314479276876816965961977651903219277383455196e-01"
) parse(
BigFloat,
"1.24999999999488409230252727866172790527343750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000000466231119965830643903718504488943284309224059462545802514" *
"1952575135963959959112104550456026604877520716705834964053153747786027" *
"53118801781022087903814796855737081471271131770959592606116805e-01"
) parse(
BigFloat,
"1.25000000001684613776508346761624602592124594971576043267350754244415" *
"8924114982314590020290737114269231554779322944135453758971529730296332" *
"30264135053352075218700195407486745466674518913384810060889823e-01"
) parse(
BigFloat,
"1.25000000002958069485087962874151452043458700093273506196239731743595" *
"6261830858516499253965300265814058894674097841502736169851330929117201" *
"45423791163534962094347670520153308833392061612990754990007693e-01"
) parse(
BigFloat,
"1.25000000004092726157978177070617675781250000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000004915842602419807175715237354987284978157475952852129601334" *
"6129103262473903580326500787042502347029017758906046497107697999417071" *
"01430276783798115331017070493803453220008911447666149018334706e-01"
) parse(
BigFloat,
"1.25000000005302106801315764498466955577128645255815610593843211800256" *
"9682965159168689817383365971576916006986093502780916169256232427333009" *
"27622784519831323031698241332619290799929329779536709451991594e-01"
) parse(
BigFloat,
"1.25000000005192713531877821867964985525983924623597951745827372483676" *
"9941242787201963501976855866526728157006415217216813297751939908453868" *
"11686386715188434685520723123183034038022348096780722616544804e-01"
) parse(
BigFloat,
"1.25000000004604316927725449204444885253906250000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.25000000003626495038012346426713957276761056715690775940537454197485" *
"8047424864036040040887895449543973395122479283294165035946846252213972" *
"46881198218977912096185203144262918528728868229040407393883195e-01"
) parse(
BigFloat,
"1.25000000002408112381469830308993073189125405028423956732649245755584" *
"1075885017685409979709262885730768445220677055864546241028470269703667" *
"69735864946647924781299804592513254533325481086615189939110177e-01"
) parse(
BigFloat,
"1.25000000001134656672890214196466223737791299906726493803760268256404" *
"3738169141483500746034699734185941105325902158497263830148669070882798" *
"54576208836465037905652329479846691166607938387009245009992307e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110286897222269072022854806715690775940537454197485" *
"8047424864036040040887895449543973395122479283294165035946846252213972" *
"46881198218977912096185203144262918528728868229040407393883195e-01"
) parse(
BigFloat,
"1.56249999997803795453744381104548187935219155028423956732649245755584" *
"1075885017685409979709262885730768445220677055864546241028470269703667" *
"69735864946647924781299804592513254533325481086615189939110177e-01"
) parse(
BigFloat,
"1.56249999996530339745164764992021338483885049906726493803760268256404" *
"3738169141483500746034699734185941105325902158497263830148669070882798" *
"54576208836465037905652329479846691166607938387009245009992307e-01"
) parse(
BigFloat,
"1.56249999995395683072274550795555114746093750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999994572566627832920690457553172356465021842524047147870398665" *
"3870896737526096419673499212957497652970982241093953502892302000582928" *
"98569723216201884668982929506196546779991088552333850981665294e-01"
) parse(
BigFloat,
"1.56249999994186302428936963367705834950215104744184389406156788199743" *
"0317034840831310182616634028423083993013906497219083830743767572666990" *
"72377215480168676968301758667380709200070670220463290548008406e-01"
) parse(
BigFloat,
"1.56249999994295695698374905998207805001359825376402048254172627516323" *
"0058757212798036498023144133473271842993584782783186702248060091546131" *
"88313613284811565314479276876816965961977651903219277383455196e-01"
) parse(
BigFloat,
"1.56249999994884092302527278661727905273437500000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999995861914192240381439458833250582693284309224059462545802514" *
"1952575135963959959112104550456026604877520716705834964053153747786027" *
"53118801781022087903814796855737081471271131770959592606116805e-01"
) parse(
BigFloat,
"1.56249999997080296848782897557179717338218344971576043267350754244415" *
"8924114982314590020290737114269231554779322944135453758971529730296332" *
"30264135053352075218700195407486745466674518913384810060889823e-01"
) parse(
BigFloat,
"1.56249999998353752557362513669706566789552450093273506196239731743595" *
"6261830858516499253965300265814058894674097841502736169851330929117201" *
"45423791163534962094347670520153308833392061612990754990007693e-01"
) parse(
BigFloat,
"1.56249999999488409230252727866172790527343750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250000000311525674694357971270352101081034978157475952852129601334" *
"6129103262473903580326500787042502347029017758906046497107697999417071" *
"01430276783798115331017070493803453220008911447666149018334706e-01"
) parse(
BigFloat,
"1.56250000000697789873590315294022070323222395255815610593843211800256" *
"9682965159168689817383365971576916006986093502780916169256232427333009" *
"27622784519831323031698241332619290799929329779536709451991594e-01"
) parse(
BigFloat,
"1.56250000000588396604152372663520100272077674623597951745827372483676" *
"9941242787201963501976855866526728157006415217216813297751939908453868" *
"11686386715188434685520723123183034038022348096780722616544804e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110286897222269072022854806715690775940537454197485" *
"8047424864036040040887895449543973395122479283294165035946846252213972" *
"46881198218977912096185203144262918528728868229040407393883195e-01"
) parse(
BigFloat,
"1.56249999997803795453744381104548187935219155028423956732649245755584" *
"1075885017685409979709262885730768445220677055864546241028470269703667" *
"69735864946647924781299804592513254533325481086615189939110177e-01"
) parse(
BigFloat,
"1.56249999996530339745164764992021338483885049906726493803760268256404" *
"3738169141483500746034699734185941105325902158497263830148669070882798" *
"54576208836465037905652329479846691166607938387009245009992307e-01"
) parse(
BigFloat,
"1.56249999995395683072274550795555114746093750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999994572566627832920690457553172356465021842524047147870398665" *
"3870896737526096419673499212957497652970982241093953502892302000582928" *
"98569723216201884668982929506196546779991088552333850981665294e-01"
) parse(
BigFloat,
"1.56249999994186302428936963367705834950215104744184389406156788199743" *
"0317034840831310182616634028423083993013906497219083830743767572666990" *
"72377215480168676968301758667380709200070670220463290548008406e-01"
) parse(
BigFloat,
"1.56249999994295695698374905998207805001359825376402048254172627516323" *
"0058757212798036498023144133473271842993584782783186702248060091546131" *
"88313613284811565314479276876816965961977651903219277383455196e-01"
) parse(
BigFloat,
"1.56249999994884092302527278661727905273437500000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999995861914192240381439458833250582693284309224059462545802514" *
"1952575135963959959112104550456026604877520716705834964053153747786027" *
"53118801781022087903814796855737081471271131770959592606116805e-01"
) parse(
BigFloat,
"1.56249999997080296848782897557179717338218344971576043267350754244415" *
"8924114982314590020290737114269231554779322944135453758971529730296332" *
"30264135053352075218700195407486745466674518913384810060889823e-01"
) parse(
BigFloat,
"1.56249999998353752557362513669706566789552450093273506196239731743595" *
"6261830858516499253965300265814058894674097841502736169851330929117201" *
"45423791163534962094347670520153308833392061612990754990007693e-01"
) parse(
BigFloat,
"1.56249999999488409230252727866172790527343750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56250000000311525674694357971270352101081034978157475952852129601334" *
"6129103262473903580326500787042502347029017758906046497107697999417071" *
"01430276783798115331017070493803453220008911447666149018334706e-01"
) parse(
BigFloat,
"1.56250000000697789873590315294022070323222395255815610593843211800256" *
"9682965159168689817383365971576916006986093502780916169256232427333009" *
"27622784519831323031698241332619290799929329779536709451991594e-01"
) parse(
BigFloat,
"1.56250000000588396604152372663520100272077674623597951745827372483676" *
"9941242787201963501976855866526728157006415217216813297751939908453868" *
"11686386715188434685520723123183034038022348096780722616544804e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407039526601618232884456183528172275947378940532957" *
"3648357307612630896131565081487600590626111769745210292147319445104582" *
"77186241866100247226647351671785437801662225572721374963022923e-01"
) parse(
BigFloat,
"1.71874999999695787225740606839715461191141094043641542211090338002624" *
"5857596207398343222861542377867517090645908415262529534488338135053301" *
"90784153598416479364854491670349941348105397027127145224044298e-01"
) parse(
BigFloat,
"1.71874999999069032872239698217202433628801091416099525993797548382666" *
"9406543389104868943780342029930822800703964968897013534372708425088948" *
"30748529880200258338912548170589103872949277114660065902521472e-01"
) parse(
BigFloat,
"1.71874999998237854015314951539039611816406250000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999997328790101278058838034624462997904851758219543475416953565" *
"6191190141142731764792608233283317509721813931205182132367048807044619" *
"80964987106633011017428637082900086640400966150504160099564128e-01"
) parse(
BigFloat,
"1.71874999996480237870356235518077814093359716013206371254208153508543" *
"6294173827972476736556983393594019799795445696466562947568602404354033" *
"48687576294879370197745117514676567718545565146103234654176056e-01"
) parse(
BigFloat,
"1.71874999995821381707562201069119328865349533448804518003943539038590" *
"4325097173178849969140675022758088099844872213735451773303953968955391" *
"14015055257952383420686528322944591075661144394213703842642479e-01"
) parse(
BigFloat,
"1.71874999995452526491135358810424804687500000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999995429827084095832208806571803043816471827724052621059467042" *
"6351642692387369103868434918512399409373888230254789707852680554895417" *
"22813758133899752773352648328214562198337774427278625036977077e-01"
) parse(
BigFloat,
"1.71874999995756739265394751970709343496358905956358457788909661997375" *
"4142403792601656777138457622132482909354091584737470465511661864946698" *
"09215846401583520635145508329650058651894602972872854775955702e-01"
) parse(
BigFloat,
"1.71874999996383493618895660593222371058698908583900474006202451617333" *
"0593456610895131056219657970069177199296035031102986465627291574911051" *
"69251470119799741661087451829410896127050722885339934097478528e-01"
) parse(
BigFloat,
"1.71874999997214672475820407271385192871093750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999998123736389857299972390180224502095148241780456524583046434" *
"3808809858857268235207391766716682490278186068794817867632951192955380" *
"19035012893366988982571362917099913359599033849495839900435872e-01"
) parse(
BigFloat,
"1.71874999998972288620779123292346990594140283986793628745791846491456" *
"3705826172027523263443016606405980200204554303533437052431397595645966" *
"51312423705120629802254882485323432281454434853896765345823944e-01"
) parse(
BigFloat,
"1.71874999999631144783573157741305475822150466551195481996056460961409" *
"5674902826821150030859324977241911900155127786264548226696046031044608" *
"85984944742047616579313471677055408924338855605786296157357521e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407039526601618232884456183528172275947378940532957" *
"3648357307612630896131565081487600590626111769745210292147319445104582" *
"77186241866100247226647351671785437801662225572721374963022923e-01"
) parse(
BigFloat,
"1.71874999999695787225740606839715461191141094043641542211090338002624" *
"5857596207398343222861542377867517090645908415262529534488338135053301" *
"90784153598416479364854491670349941348105397027127145224044298e-01"
) parse(
BigFloat,
"1.71874999999069032872239698217202433628801091416099525993797548382666" *
"9406543389104868943780342029930822800703964968897013534372708425088948" *
"30748529880200258338912548170589103872949277114660065902521472e-01"
) parse(
BigFloat,
"1.71874999998237854015314951539039611816406250000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999997328790101278058838034624462997904851758219543475416953565" *
"6191190141142731764792608233283317509721813931205182132367048807044619" *
"80964987106633011017428637082900086640400966150504160099564128e-01"
) parse(
BigFloat,
"1.71874999996480237870356235518077814093359716013206371254208153508543" *
"6294173827972476736556983393594019799795445696466562947568602404354033" *
"48687576294879370197745117514676567718545565146103234654176056e-01"
) parse(
BigFloat,
"1.71874999995821381707562201069119328865349533448804518003943539038590" *
"4325097173178849969140675022758088099844872213735451773303953968955391" *
"14015055257952383420686528322944591075661144394213703842642479e-01"
) parse(
BigFloat,
"1.71874999995452526491135358810424804687500000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999995429827084095832208806571803043816471827724052621059467042" *
"6351642692387369103868434918512399409373888230254789707852680554895417" *
"22813758133899752773352648328214562198337774427278625036977077e-01"
) parse(
BigFloat,
"1.71874999995756739265394751970709343496358905956358457788909661997375" *
"4142403792601656777138457622132482909354091584737470465511661864946698" *
"09215846401583520635145508329650058651894602972872854775955702e-01"
) parse(
BigFloat,
"1.71874999996383493618895660593222371058698908583900474006202451617333" *
"0593456610895131056219657970069177199296035031102986465627291574911051" *
"69251470119799741661087451829410896127050722885339934097478528e-01"
) parse(
BigFloat,
"1.71874999997214672475820407271385192871093750000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71874999998123736389857299972390180224502095148241780456524583046434" *
"3808809858857268235207391766716682490278186068794817867632951192955380" *
"19035012893366988982571362917099913359599033849495839900435872e-01"
) parse(
BigFloat,
"1.71874999998972288620779123292346990594140283986793628745791846491456" *
"3705826172027523263443016606405980200204554303533437052431397595645966" *
"51312423705120629802254882485323432281454434853896765345823944e-01"
) parse(
BigFloat,
"1.71874999999631144783573157741305475822150466551195481996056460961409" *
"5674902826821150030859324977241911900155127786264548226696046031044608" *
"85984944742047616579313471677055408924338855605786296157357521e-01"
)
]
tab_u0[ :, :, 3, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344910882330776098029579757846035199402776" *
"8736082077350889165523305760516361171179962675094414887387676053552047" *
"01138081543301654371953456250450842997168046483022011781304219e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688371654281098466908939869110957622623506" *
"1733772625336579326044841683298768864044968828575662024938433543202253" *
"91509485804497472286795255487229723169141300409524378309613794e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757983397751319083177444250976804978837838" *
"6902362317902593060305383607361730397573008864487356192821465201981887" *
"09001147343060356882138577286038886073639790465930394236078562e-01"
) parse(
BigFloat,
"1.24999999999488409230999982152027801803973151810194166876170172752665" *
"5607012629361832317258310924779496624830076962822927227298310689179875" *
"47646937563330930819152449957674287127035473994422776211621340e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303700586728090049566965479120518289080314" *
"4194334797813531810587771936471798148454830451694447576497201407733848" *
"75717156348814702204901823146748502362654056055939982358706030e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989117471479400774186062700049858402789492" *
"0281128104824796993075157058231732518895226716510955377859811138978043" *
"35389246877988444669658849078019222543460687696075638278303834e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298986045931399317512909173899814447731822" *
"4946607397449929108515979206706906352748268039676621887743857189398454" *
"77617831072798581271871497080309541333624028273823180948396580e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380005834968481778252667451941545200223583" *
"1931208231309047572107955267032251364382618406717869351989210129116397" *
"02519715652380872918030586095006856535609223411709134410330080e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035094952637705680223087694095510000820806" *
"3195126153958158406584649506515890193202655731623454464601534075564350" *
"01381634109079218546077129844556013538441176928687122629025861e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691634180687383311343727582830587577600077" *
"0197435605972468246063113583733482500337649578142207327050776585914143" *
"11010229847883400631235330607777133366467923002184756100716286e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622022437217162695075223200964740221385744" *
"5028845913406454511802571659670520966809609542230513159167744927134509" *
"93518568309320516035892008808967970461969432945778740174251518e-01"
) parse(
BigFloat,
"1.25000000004604316927639112227978033164508626442473285065375027470917" *
"6324195601947215254849644342252754739552541443894942124690899439936521" *
"54872778089049942098878136137332569408573749417286358198708740e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076305248240391728685701972821026911143268" *
"7736873433495515761520183330560453215927787955023421775492008721382548" *
"26802559303566170713128762948258354172955167355769152051624049e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390888363489081004066604751891686797434091" *
"1650080126484250579032798208800518845487391690206913974129398990138353" *
"67130468774392428248371737016987633992148535715633496132026246e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081019789037082460739758278041730752491760" *
"6984600833859118463591976060325345011634350367041247464245352939717942" *
"24901884579582291646159089014697315201985195137885953461933500e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344910882330776098029579757846035199402776" *
"8736082077350889165523305760516361171179962675094414887387676053552047" *
"01138081543301654371953456250450842997168046483022011781304219e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688371654281098466908939869110957622623506" *
"1733772625336579326044841683298768864044968828575662024938433543202253" *
"91509485804497472286795255487229723169141300409524378309613794e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757983397751319083177444250976804978837838" *
"6902362317902593060305383607361730397573008864487356192821465201981887" *
"09001147343060356882138577286038886073639790465930394236078562e-01"
) parse(
BigFloat,
"1.24999999999488409230999982152027801803973151810194166876170172752665" *
"5607012629361832317258310924779496624830076962822927227298310689179875" *
"47646937563330930819152449957674287127035473994422776211621340e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303700586728090049566965479120518289080314" *
"4194334797813531810587771936471798148454830451694447576497201407733848" *
"75717156348814702204901823146748502362654056055939982358706030e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989117471479400774186062700049858402789492" *
"0281128104824796993075157058231732518895226716510955377859811138978043" *
"35389246877988444669658849078019222543460687696075638278303834e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298986045931399317512909173899814447731822" *
"4946607397449929108515979206706906352748268039676621887743857189398454" *
"77617831072798581271871497080309541333624028273823180948396580e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380005834968481778252667451941545200223583" *
"1931208231309047572107955267032251364382618406717869351989210129116397" *
"02519715652380872918030586095006856535609223411709134410330080e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035094952637705680223087694095510000820806" *
"3195126153958158406584649506515890193202655731623454464601534075564350" *
"01381634109079218546077129844556013538441176928687122629025861e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691634180687383311343727582830587577600077" *
"0197435605972468246063113583733482500337649578142207327050776585914143" *
"11010229847883400631235330607777133366467923002184756100716286e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622022437217162695075223200964740221385744" *
"5028845913406454511802571659670520966809609542230513159167744927134509" *
"93518568309320516035892008808967970461969432945778740174251518e-01"
) parse(
BigFloat,
"1.25000000004604316927639112227978033164508626442473285065375027470917" *
"6324195601947215254849644342252754739552541443894942124690899439936521" *
"54872778089049942098878136137332569408573749417286358198708740e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076305248240391728685701972821026911143268" *
"7736873433495515761520183330560453215927787955023421775492008721382548" *
"26802559303566170713128762948258354172955167355769152051624049e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390888363489081004066604751891686797434091" *
"1650080126484250579032798208800518845487391690206913974129398990138353" *
"67130468774392428248371737016987633992148535715633496132026246e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081019789037082460739758278041730752491760" *
"6984600833859118463591976060325345011634350367041247464245352939717942" *
"24901884579582291646159089014697315201985195137885953461933500e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968113181663813060235250555146751184019008" *
"5224084746405674658607681093820712952516693125615207635187179620430273" *
"58426759026099459614971312414379896485183030117239905152242689e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449160983564516704210594078877297236292213" *
"9050911078351639433405956292958441775476106779162915901198398913299651" *
"51689230693165033367924123581235688340999001282884674165254484e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401387428473746703357783540376570388955076" *
"1222325172112172807935978459442883640657321311057068093714701026409918" *
"75251569727691861084624028427086270177440840727615100798088342e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800111903496681051102849768496342858347013" *
"5181470943933229223299708819667161342787536654902469379635476798284798" *
"86054992675781250000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358884291064060976097617593780844474701854" *
"4852441361941425504136859885851345326405075943516159229011314635072402" *
"24473355794254533972469628859867085775865429214878287833638995e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772086350092279019719897820146072231121335" *
"8864901484967919977676029375471449291009651686983969590482811750196341" *
"42780793548514920158896992348539611995604743784480457057149990e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962315183677552044576948897090370427437820" *
"9637075059103348213791461840595470547432264622564785982209315392653431" *
"84140591211003559001528153161316781289776718101603869318379579e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008189869281444542524244273654132027970670" *
"7818981970787723662749389858238354323013486781024372618276174762286245" *
"82290649414062500000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040076687617631482288993718507380843951662" *
"2594897224382049004141708764417641370496793655409164983088995141855972" *
"23863890387963040385028687585620103514816969882760094847757311e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559028885716927838313650194776834791678456" *
"8768070892436084229343433565279912547537380001861456717077775848986594" *
"30601418720897466632075876418764311659000998717115325834745516e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606802440807697839166460733277561639015594" *
"6596656798675550854813411398795470682356165469967304524561473735876327" *
"07039079686370638915375971572913729822559159272384899201911658e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208077965784763491421394505157789169623657" *
"2637511026854494439449681038571192980225950126121903238640697964001446" *
"96235656738281250000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649305578217383566426626679873287553268816" *
"2966540608846298158612529972387008996608410837508213389264860127213843" *
"57817293619807966027530371140132914224134570785121712166361005e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236103519189165522804346453508059796849334" *
"8954080485819803685073360482766905032003835094040403027793363012089904" *
"39509855865547579841103007651460388004395256215519542942850010e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045874685603892497947295376563761600532849" *
"8181906911684375448957928017642883775581222158459586636066859369632813" *
"98150058203058940998471846838683218710223281898396130681620421e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968113181663813060235250555146751184019008" *
"5224084746405674658607681093820712952516693125615207635187179620430273" *
"58426759026099459614971312414379896485183030117239905152242689e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449160983564516704210594078877297236292213" *
"9050911078351639433405956292958441775476106779162915901198398913299651" *
"51689230693165033367924123581235688340999001282884674165254484e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401387428473746703357783540376570388955076" *
"1222325172112172807935978459442883640657321311057068093714701026409918" *
"75251569727691861084624028427086270177440840727615100798088342e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800111903496681051102849768496342858347013" *
"5181470943933229223299708819667161342787536654902469379635476798284798" *
"86054992675781250000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358884291064060976097617593780844474701854" *
"4852441361941425504136859885851345326405075943516159229011314635072402" *
"24473355794254533972469628859867085775865429214878287833638995e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772086350092279019719897820146072231121335" *
"8864901484967919977676029375471449291009651686983969590482811750196341" *
"42780793548514920158896992348539611995604743784480457057149990e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962315183677552044576948897090370427437820" *
"9637075059103348213791461840595470547432264622564785982209315392653431" *
"84140591211003559001528153161316781289776718101603869318379579e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008189869281444542524244273654132027970670" *
"7818981970787723662749389858238354323013486781024372618276174762286245" *
"82290649414062500000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040076687617631482288993718507380843951662" *
"2594897224382049004141708764417641370496793655409164983088995141855972" *
"23863890387963040385028687585620103514816969882760094847757311e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559028885716927838313650194776834791678456" *
"8768070892436084229343433565279912547537380001861456717077775848986594" *
"30601418720897466632075876418764311659000998717115325834745516e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606802440807697839166460733277561639015594" *
"6596656798675550854813411398795470682356165469967304524561473735876327" *
"07039079686370638915375971572913729822559159272384899201911658e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208077965784763491421394505157789169623657" *
"2637511026854494439449681038571192980225950126121903238640697964001446" *
"96235656738281250000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649305578217383566426626679873287553268816" *
"2966540608846298158612529972387008996608410837508213389264860127213843" *
"57817293619807966027530371140132914224134570785121712166361005e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236103519189165522804346453508059796849334" *
"8954080485819803685073360482766905032003835094040403027793363012089904" *
"39509855865547579841103007651460388004395256215519542942850010e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045874685603892497947295376563761600532849" *
"8181906911684375448957928017642883775581222158459586636066859369632813" *
"98150058203058940998471846838683218710223281898396130681620421e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848327215075883102243228687755651883672351" *
"1412677831548300506670538988307698476375246511128479650801109281446026" *
"71929781214516228614250626810925784764381417938482793852915309e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162910330324572377624131466826311769963173" *
"5325884524537035324183153866547764105934850246311971849438499550201832" *
"12257690685342486149493600879655064583574786298347137933317506e-01"
) parse(
BigFloat,
"1.56249999996530339745116755853041755872573834297284992976355725020843" *
"0660405231911903208742331718072590272081808923146305339554453499781420" *
"70029106490532349547280952877364745793411445720599595263224760e-01"
) parse(
BigFloat,
"1.56249999995395683072360887772021966835491373557526714934624972529082" *
"3675804398052784745150355657747245260447458556105057875309100560063478" *
"45127221910950057901121863862667430591426250582713641801291260e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116932849166267471587106472780660171931859" *
"2411886475403673910673661418263606431627421231199472762696776613615525" *
"46265303454251712273075320113118273588594297065735653582595479e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460393621116589840466466584045582595152588" *
"5409577023389364071195197341046014124492427384680719900247534103265732" *
"36636707715447530187917119349897153760567550992238020110905054e-01"
) parse(
BigFloat,
"1.56249999994295695699050309530005364586810456734970965911429951366921" *
"0578166715955377805455739265108975658020467420592414068130565762045365" *
"54128369254010414783260441148706316665066041048644036037369822e-01"
) parse(
BigFloat,
"1.56249999994884092303360869924049768639464525367720881810795145281747" *
"9282817027414617062408666582526741885277535518927985102607411249243353" *
"92774159474280988720274313820341717718461724577136418012912600e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075722553563581423124492194055143261609396" *
"7870139195866316555738127594219043408902289007799505451806301967797327" *
"20844378259764760106023687009415932954080306638653624159997290e-01"
) parse(
BigFloat,
"1.56249999997080296849728081761139438314892147743589414984483375318574" *
"3956932502877581738225512715978977779342685272616013253168911699041521" *
"80516468788938502570780712940686653134886938278789280079595094e-01"
) parse(
BigFloat,
"1.56249999998353752558244114071008012766890691070435888834439420260904" *
"8622411795502713853666334864454151613195726595781679763052957749461933" *
"22745052983748639172993360942976971925050278856536822749687840e-01"
) parse(
BigFloat,
"1.56249999999488409230999982152027801803973151810194166876170172752665" *
"5607012629361832317258310924779496624830076962822927227298310689179875" *
"47646937563330930819152449957674287127035473994422776211621340e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807116919473197053780614409030134973349888" *
"6870930552010943151735005164263135453650114287728512339910634635627828" *
"46508856020029276447198993707223444129867427511400764430317121e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463656147522874684901254297765212550129159" *
"3873240004025252991213469241480727760785108134247265202359877145977621" *
"56137451758833458532357194470444563957894173584898397902007546e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394044404052654068632749915899365193914826" *
"8704650311459239256952927317417766227257068098335571034476845487197988" *
"38645790220270573937013872671635401053395683528492381975542778e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848327215075883102243228687755651883672351" *
"1412677831548300506670538988307698476375246511128479650801109281446026" *
"71929781214516228614250626810925784764381417938482793852915309e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162910330324572377624131466826311769963173" *
"5325884524537035324183153866547764105934850246311971849438499550201832" *
"12257690685342486149493600879655064583574786298347137933317506e-01"
) parse(
BigFloat,
"1.56249999996530339745116755853041755872573834297284992976355725020843" *
"0660405231911903208742331718072590272081808923146305339554453499781420" *
"70029106490532349547280952877364745793411445720599595263224760e-01"
) parse(
BigFloat,
"1.56249999995395683072360887772021966835491373557526714934624972529082" *
"3675804398052784745150355657747245260447458556105057875309100560063478" *
"45127221910950057901121863862667430591426250582713641801291260e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116932849166267471587106472780660171931859" *
"2411886475403673910673661418263606431627421231199472762696776613615525" *
"46265303454251712273075320113118273588594297065735653582595479e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460393621116589840466466584045582595152588" *
"5409577023389364071195197341046014124492427384680719900247534103265732" *
"36636707715447530187917119349897153760567550992238020110905054e-01"
) parse(
BigFloat,
"1.56249999994295695699050309530005364586810456734970965911429951366921" *
"0578166715955377805455739265108975658020467420592414068130565762045365" *
"54128369254010414783260441148706316665066041048644036037369822e-01"
) parse(
BigFloat,
"1.56249999994884092303360869924049768639464525367720881810795145281747" *
"9282817027414617062408666582526741885277535518927985102607411249243353" *
"92774159474280988720274313820341717718461724577136418012912600e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075722553563581423124492194055143261609396" *
"7870139195866316555738127594219043408902289007799505451806301967797327" *
"20844378259764760106023687009415932954080306638653624159997290e-01"
) parse(
BigFloat,
"1.56249999997080296849728081761139438314892147743589414984483375318574" *
"3956932502877581738225512715978977779342685272616013253168911699041521" *
"80516468788938502570780712940686653134886938278789280079595094e-01"
) parse(
BigFloat,
"1.56249999998353752558244114071008012766890691070435888834439420260904" *
"8622411795502713853666334864454151613195726595781679763052957749461933" *
"22745052983748639172993360942976971925050278856536822749687840e-01"
) parse(
BigFloat,
"1.56249999999488409230999982152027801803973151810194166876170172752665" *
"5607012629361832317258310924779496624830076962822927227298310689179875" *
"47646937563330930819152449957674287127035473994422776211621340e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807116919473197053780614409030134973349888" *
"6870930552010943151735005164263135453650114287728512339910634635627828" *
"46508856020029276447198993707223444129867427511400764430317121e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463656147522874684901254297765212550129159" *
"3873240004025252991213469241480727760785108134247265202359877145977621" *
"56137451758833458532357194470444563957894173584898397902007546e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394044404052654068632749915899365193914826" *
"8704650311459239256952927317417766227257068098335571034476845487197988" *
"38645790220270573937013872671635401053395683528492381975542778e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580158586033146797215606316389631455107373" *
"6198779819945510154369213855739694796609799328276877935248906476893035" *
"54729422370630103572027370855939574822692780142383034358452609e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304848696850635632916035253105577142425818" *
"4741469137755462285261674211581963859138870911474900436740583015645906" *
"34821237956722324919290308910473936229869697923799143953145903e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457792965175714493625365927266448110228008" *
"2225832048793722512202469259561750314636801984207681416749512841878531" *
"15110249956136250769798258131069575623310459292739886216509587e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822988561917436226956293215059938800601965" *
"1599088693216321751909488815217540917449967456159214523136135862129126" *
"74676512369738089673402123332196055398737378146151397237782119e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472383587129186768852732578796175892094363" *
"5088954719983903310887281055930352853006970604643657928875895839017236" *
"17016169358956046839914421064994314422825062134261376609698326e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790554537692298295157636344118123382463923" *
"9913276225064919669599653307372297013801397761789270591238385174747616" *
"69297847516992254394104711910239023820890616836466140717654304e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533203977513423421724059960742121913604898" *
"8431202377085865228322786333039631440800888660986778927163581338065259" *
"68814893602873069906759566254290887941956192693243310339654919e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830942005584011982111493532252654492619106" *
"6742449649883690050906337318114466713375119945316445413934625161363676" *
"94364699536792966316232932882849709193354079330713590367314288e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250783419550865184895887215863023037511733" *
"0543669829938179896537123462374771916765320617039567478685718684470641" *
"39635277166162862744205562026910134370661299188330556008861679e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526093308733376349195458279147077350193288" *
"2000980512128227765644663106532502854236249033841544977194042145717770" *
"59543461580070641396942623972375772963484381406914446414168385e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373149040408297488486127604986206382391098" *
"4516617601089967538703868058552716398738317961108763997185112319485145" *
"79254449580656715546434674751780133570043620037973704150804701e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007953443666575755155200317192715692017141" *
"5143360956667368298996848502896925795925152489157230890798489299234550" *
"19688187167054876642830809550653653794616701184562193129532168e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358558418454825213258760953456478600524743" *
"1653494929899786740019056262184113860368149340672787485058729322346440" *
"77348530177836919476318511817855394770529017196452213757615961e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040387467891713686953857188134531110155182" *
"6829173424818770381306684010742169699573722183527174822696239986616060" *
"25066852019800711922128220972610685372463462494247449649659984e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297738028070588560387433571510532579014207" *
"8311247272797824822583550985074835272574231284329666486771043823298417" *
"25549805933919896409473366628558821251397886637470280027659368e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580158586033146797215606316389631455107373" *
"6198779819945510154369213855739694796609799328276877935248906476893035" *
"54729422370630103572027370855939574822692780142383034358452609e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304848696850635632916035253105577142425818" *
"4741469137755462285261674211581963859138870911474900436740583015645906" *
"34821237956722324919290308910473936229869697923799143953145903e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457792965175714493625365927266448110228008" *
"2225832048793722512202469259561750314636801984207681416749512841878531" *
"15110249956136250769798258131069575623310459292739886216509587e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822988561917436226956293215059938800601965" *
"1599088693216321751909488815217540917449967456159214523136135862129126" *
"74676512369738089673402123332196055398737378146151397237782119e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472383587129186768852732578796175892094363" *
"5088954719983903310887281055930352853006970604643657928875895839017236" *
"17016169358956046839914421064994314422825062134261376609698326e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790554537692298295157636344118123382463923" *
"9913276225064919669599653307372297013801397761789270591238385174747616" *
"69297847516992254394104711910239023820890616836466140717654304e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533203977513423421724059960742121913604898" *
"8431202377085865228322786333039631440800888660986778927163581338065259" *
"68814893602873069906759566254290887941956192693243310339654919e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830942005584011982111493532252654492619106" *
"6742449649883690050906337318114466713375119945316445413934625161363676" *
"94364699536792966316232932882849709193354079330713590367314288e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250783419550865184895887215863023037511733" *
"0543669829938179896537123462374771916765320617039567478685718684470641" *
"39635277166162862744205562026910134370661299188330556008861679e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526093308733376349195458279147077350193288" *
"2000980512128227765644663106532502854236249033841544977194042145717770" *
"59543461580070641396942623972375772963484381406914446414168385e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373149040408297488486127604986206382391098" *
"4516617601089967538703868058552716398738317961108763997185112319485145" *
"79254449580656715546434674751780133570043620037973704150804701e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007953443666575755155200317192715692017141" *
"5143360956667368298996848502896925795925152489157230890798489299234550" *
"19688187167054876642830809550653653794616701184562193129532168e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358558418454825213258760953456478600524743" *
"1653494929899786740019056262184113860368149340672787485058729322346440" *
"77348530177836919476318511817855394770529017196452213757615961e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040387467891713686953857188134531110155182" *
"6829173424818770381306684010742169699573722183527174822696239986616060" *
"25066852019800711922128220972610685372463462494247449649659984e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297738028070588560387433571510532579014207" *
"8311247272797824822583550985074835272574231284329666486771043823298417" *
"25549805933919896409473366628558821251397886637470280027659368e-01"
)
]
tab_u0[ :, :, 4, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068186759605430637880874901860689" *
"2084918688325027127746194313695456535870830475591307913156956576162759" *
"35380309353295100126981978992201254488220424002973837943690741e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011686513452761968563078127472851" *
"8055275084976145809803361541990816213732492252450019141604026371394454" *
"09473015291122378415232128058023883393477920112900437588982779e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528011703260789660548510558397347" *
"7433771842186909582901447118495470936215650948761684807482965496530989" *
"97846031188486318688268045121465696378144812516871167032606715e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168971977201032857902242533271066" *
"5630991611842268434949325104514486794646786058866108926943384717130143" *
"09720026670070571391380962067461642457846166088894936638355608e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003297635066801842472823956739650" *
"8401464698762698002067632193416477460908694260857300901367239115856925" *
"81246217806235051077808689670270046982950153386601739861051147e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505514863146099147355766726416200" *
"0427394496480609834618064560637287035925660881471725798013155201997916" *
"58365997649504418725893440262812631697707531785450089675047976e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662397876273921708478493073264110" *
"0797385594043163653836220101771051759662213526941422578139863897793936" *
"34900997391032608033497441589248340648957118024142787126152960e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914709383599593253746603849508092" *
"1842440993615090678361129094473531759725446460056633267748220950751202" *
"13824432682412794663807782630066666102194965341401380179335236e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989935723542651697215128417701181" *
"0969517067680434670900780297781806889326316529264527007782246111953542" *
"21323980504261595178442102589398810713152125510137919339185964e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894207415577310627500424621629276" *
"5538021470533723034912960413295885278855651589645544089515683466722594" *
"55677470670453748994471480583214944864418915744181231954742483e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107645871755210005673500056334984" *
"7100482798685508440192337196276607681189414652240996829421982162503761" *
"50162234710411964260151586056796603072519787026638294653841877e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252401750968654396317460086713561" *
"6063261097490052648586111859149211172881464548749936047297823195308491" *
"52759566004770222150628196234013733451066462091415464773848400e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274662993554396330397479193191199" *
"2080793248179251961181959253243488841147855801959542419682987059216609" *
"38353517693461841822584169679671929826784890621998284447611392e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924674319593108764547036993974391" *
"9516002650956933082562179542213241198739892344105389212856563823074871" *
"52787541746173042070219892027490582055503225879180022372766006e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038027660479359133265802781496277" *
"8205053468031830084966561641594099350186417939728574026944617306361148" *
"93394762067322697223899868164031401911485875954059532778937692e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068186759605430637880874901860689" *
"2084918688325027127746194313695456535870830475591307913156956576162759" *
"35380309353295100126981978992201254488220424002973837943690741e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011686513452761968563078127472851" *
"8055275084976145809803361541990816213732492252450019141604026371394454" *
"09473015291122378415232128058023883393477920112900437588982779e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528011703260789660548510558397347" *
"7433771842186909582901447118495470936215650948761684807482965496530989" *
"97846031188486318688268045121465696378144812516871167032606715e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168971977201032857902242533271066" *
"5630991611842268434949325104514486794646786058866108926943384717130143" *
"09720026670070571391380962067461642457846166088894936638355608e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003297635066801842472823956739650" *
"8401464698762698002067632193416477460908694260857300901367239115856925" *
"81246217806235051077808689670270046982950153386601739861051147e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505514863146099147355766726416200" *
"0427394496480609834618064560637287035925660881471725798013155201997916" *
"58365997649504418725893440262812631697707531785450089675047976e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662397876273921708478493073264110" *
"0797385594043163653836220101771051759662213526941422578139863897793936" *
"34900997391032608033497441589248340648957118024142787126152960e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914709383599593253746603849508092" *
"1842440993615090678361129094473531759725446460056633267748220950751202" *
"13824432682412794663807782630066666102194965341401380179335236e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989935723542651697215128417701181" *
"0969517067680434670900780297781806889326316529264527007782246111953542" *
"21323980504261595178442102589398810713152125510137919339185964e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894207415577310627500424621629276" *
"5538021470533723034912960413295885278855651589645544089515683466722594" *
"55677470670453748994471480583214944864418915744181231954742483e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107645871755210005673500056334984" *
"7100482798685508440192337196276607681189414652240996829421982162503761" *
"50162234710411964260151586056796603072519787026638294653841877e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252401750968654396317460086713561" *
"6063261097490052648586111859149211172881464548749936047297823195308491" *
"52759566004770222150628196234013733451066462091415464773848400e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274662993554396330397479193191199" *
"2080793248179251961181959253243488841147855801959542419682987059216609" *
"38353517693461841822584169679671929826784890621998284447611392e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924674319593108764547036993974391" *
"9516002650956933082562179542213241198739892344105389212856563823074871" *
"52787541746173042070219892027490582055503225879180022372766006e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038027660479359133265802781496277" *
"8205053468031830084966561641594099350186417939728574026944617306361148" *
"93394762067322697223899868164031401911485875954059532778937692e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568148115431744369266475985811959" *
"5724683009001294479780690426002828670419644033864105008746620730558237" *
"21553389678731734279035378055325216984088032430627910881457777e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320942358922597798563114915370728" *
"2030684264246311203977440048702513414981571964026984204288918710496672" *
"16481411809001125939574323030957814132061848558409225434176173e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246328453295233223862063462451154" *
"8377286352274228541378924290819033339212234988665226006089866784355311" *
"76602952686572920315977291229267366719274636221691078174601531e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430228892864133905043543904641703" *
"5052223285945314495556916764437843096470699981432069826752368795278995" *
"78758583770704365707819606057152748254710549359419406678938638e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431143012747127132925717009376032" *
"4914554683404431579846105900446131680532364450626472509826372402335462" *
"48026492992229806204716852299655929710126841841532298790179725e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682104797278441258448963633623161" *
"0316471558175006160747621654977539093589132589707682286664765545218198" *
"63354504567373862784845445695616068108576723885353903097307299e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168805448068762583220078476305796" *
"2244502120392107542737230181661842825205521706833501796163255382363225" *
"07564501990456033805848764449779108559878877599167940297939972e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257035224148790462826320575540243" *
"6571905731062228461070657860436301095359445262685904268299193019741648" *
"06028884342429859830170354057409247858929311193613877868629145e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688887108717046093559844589728284" *
"0847222722060933981289967434433472424939801228821799259552572289183410" *
"84475494663698125551134976002084030874841278762985966987171368e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936092865226192664263205660169515" *
"4541221466815917257093217811733787680377873298658920064010274309244975" *
"89547472533428733890596031026451433726867462635204652434452973e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010706770853557238964257113089088" *
"8194619378787999919691733569617267756147210274020678262209326235386336" *
"29425931655856939514193062828141881139654674971922799694027615e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826806331284656557782776670898540" *
"1519682445116913965513741095998457998888745281253834441546824224462652" *
"27270300571725494122350748000256499604218761834194471189690508e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825892211401663329900603566164211" *
"1657351047657796881224551959990169414827080812059431758472820617406185" *
"58002391350200053625453501757753318148802469352081579078449421e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930426870349204377356941917082" *
"6255434172887222300323036205458762001770312672978221981634427474523449" *
"42674379775055997045324908361793179750352587308259974771321846e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229776080027879606242099234447" *
"4327403610670120918333427678774458270153923555852402472135937637378422" *
"98464382351973826024321589607630139299050433594445937570689173e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568148115431744369266475985811959" *
"5724683009001294479780690426002828670419644033864105008746620730558237" *
"21553389678731734279035378055325216984088032430627910881457777e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320942358922597798563114915370728" *
"2030684264246311203977440048702513414981571964026984204288918710496672" *
"16481411809001125939574323030957814132061848558409225434176173e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246328453295233223862063462451154" *
"8377286352274228541378924290819033339212234988665226006089866784355311" *
"76602952686572920315977291229267366719274636221691078174601531e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430228892864133905043543904641703" *
"5052223285945314495556916764437843096470699981432069826752368795278995" *
"78758583770704365707819606057152748254710549359419406678938638e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431143012747127132925717009376032" *
"4914554683404431579846105900446131680532364450626472509826372402335462" *
"48026492992229806204716852299655929710126841841532298790179725e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682104797278441258448963633623161" *
"0316471558175006160747621654977539093589132589707682286664765545218198" *
"63354504567373862784845445695616068108576723885353903097307299e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168805448068762583220078476305796" *
"2244502120392107542737230181661842825205521706833501796163255382363225" *
"07564501990456033805848764449779108559878877599167940297939972e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257035224148790462826320575540243" *
"6571905731062228461070657860436301095359445262685904268299193019741648" *
"06028884342429859830170354057409247858929311193613877868629145e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688887108717046093559844589728284" *
"0847222722060933981289967434433472424939801228821799259552572289183410" *
"84475494663698125551134976002084030874841278762985966987171368e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936092865226192664263205660169515" *
"4541221466815917257093217811733787680377873298658920064010274309244975" *
"89547472533428733890596031026451433726867462635204652434452973e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010706770853557238964257113089088" *
"8194619378787999919691733569617267756147210274020678262209326235386336" *
"29425931655856939514193062828141881139654674971922799694027615e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826806331284656557782776670898540" *
"1519682445116913965513741095998457998888745281253834441546824224462652" *
"27270300571725494122350748000256499604218761834194471189690508e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825892211401663329900603566164211" *
"1657351047657796881224551959990169414827080812059431758472820617406185" *
"58002391350200053625453501757753318148802469352081579078449421e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930426870349204377356941917082" *
"6255434172887222300323036205458762001770312672978221981634427474523449" *
"42674379775055997045324908361793179750352587308259974771321846e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229776080027879606242099234447" *
"4327403610670120918333427678774458270153923555852402472135937637378422" *
"98464382351973826024321589607630139299050433594445937570689173e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701093008797301860435793144408536" *
"1600382983197754817663909499286812822772588849829039461336040603540209" *
"67709205401983001395984848826874128050033468615678832127480620e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950597649798032569992910690356190" *
"3395775086777945040989181890311362405185879585800440464113260392453104" *
"61310889149707842148954788894897713471244275511134752061426587e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419558206874627815036084037357458" *
"6354554209400697047820605051580426234105093042503410568127737806537790" *
"48622492276638516134825090784975313658734224292535953346197456e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707823196182595629687039071115474" *
"9485682156759821040130850984909965610101019302248030429830669543414183" *
"03908273847863778330656530456685333402603823777807360853584135e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622876591076006015958292717847120" *
"6547258164958514183162107495442615607675155723192314989574321889663751" *
"79039660253654087177749202437353226726348558737298682892938863e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268483535586903418868566624340114" *
"8139997062480546126737864634690158525815617336037228767691663983016705" *
"72142530206324624722326118242308207742093873137902773901694213e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498497500967406345362573585043862" *
"5383187946811792525759642358653789272296928401946971739875845346668213" *
"61584150118397794735343708470469754967730242448448713623465800e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867979718814107829906180503980577" *
"6867529330496867641435368950237622137610502743153069320145543147910172" *
"64954353797097682467933318535319138016151860382382586856329769e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437123064030878899311879493941837" *
"4326188261936563645393997091465432190020992134416911453024264723452260" *
"14387368457792525533232447171421538773350628080275962586125820e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401902269876460601757069942741887" *
"5370798089896470361627072051549263257484516391832147112910784681135482" *
"06314357934125174186672979980184876893891792548019102926424437e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076354812348354438063296065794397" *
"3624013729664089475081494407283931094037003479928378662087289004415895" *
"61882611982338400842418977041640675805579427938328278745195038e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635861268922376884379840461576639" *
"1031746581809372528840595817763829785432074057423487110564864417540250" *
"15043026515132570750867064429569419118234114797026783498656915e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450571520014893568267094680475197" *
"4911128658973228564186801666716556912674859395386320956606449892208384" *
"22769420046664417442490414985924996987257143523963253602025517e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590680728657683753354512779234499" *
"0478387829911099681052697176360633344657582789154770515825368052259313" *
"44137876869936390491503026304183092429759857760160102319025582e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217253663728691745511106348476973" *
"2023202183189482161745073935393270932704571178445825890450204951242706" *
"11816399782719319836869137124488146104945904277903785493712526e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701093008797301860435793144408536" *
"1600382983197754817663909499286812822772588849829039461336040603540209" *
"67709205401983001395984848826874128050033468615678832127480620e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950597649798032569992910690356190" *
"3395775086777945040989181890311362405185879585800440464113260392453104" *
"61310889149707842148954788894897713471244275511134752061426587e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419558206874627815036084037357458" *
"6354554209400697047820605051580426234105093042503410568127737806537790" *
"48622492276638516134825090784975313658734224292535953346197456e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707823196182595629687039071115474" *
"9485682156759821040130850984909965610101019302248030429830669543414183" *
"03908273847863778330656530456685333402603823777807360853584135e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622876591076006015958292717847120" *
"6547258164958514183162107495442615607675155723192314989574321889663751" *
"79039660253654087177749202437353226726348558737298682892938863e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268483535586903418868566624340114" *
"8139997062480546126737864634690158525815617336037228767691663983016705" *
"72142530206324624722326118242308207742093873137902773901694213e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498497500967406345362573585043862" *
"5383187946811792525759642358653789272296928401946971739875845346668213" *
"61584150118397794735343708470469754967730242448448713623465800e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867979718814107829906180503980577" *
"6867529330496867641435368950237622137610502743153069320145543147910172" *
"64954353797097682467933318535319138016151860382382586856329769e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437123064030878899311879493941837" *
"4326188261936563645393997091465432190020992134416911453024264723452260" *
"14387368457792525533232447171421538773350628080275962586125820e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401902269876460601757069942741887" *
"5370798089896470361627072051549263257484516391832147112910784681135482" *
"06314357934125174186672979980184876893891792548019102926424437e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076354812348354438063296065794397" *
"3624013729664089475081494407283931094037003479928378662087289004415895" *
"61882611982338400842418977041640675805579427938328278745195038e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635861268922376884379840461576639" *
"1031746581809372528840595817763829785432074057423487110564864417540250" *
"15043026515132570750867064429569419118234114797026783498656915e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450571520014893568267094680475197" *
"4911128658973228564186801666716556912674859395386320956606449892208384" *
"22769420046664417442490414985924996987257143523963253602025517e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590680728657683753354512779234499" *
"0478387829911099681052697176360633344657582789154770515825368052259313" *
"44137876869936390491503026304183092429759857760160102319025582e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217253663728691745511106348476973" *
"2023202183189482161745073935393270932704571178445825890450204951242706" *
"11816399782719319836869137124488146104945904277903785493712526e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802364123640136211835176527461727" *
"4982798410379295023835511159696098173353302633798632151013887373522296" *
"87045746338743465407471249403411923886638952709110007893862648e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129655868117488690941665710875545" *
"8325247714289267204460104833407307509815203964202908942895150689113153" *
"07483561666374082723508724793910391236501582619756960052530337e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914414721495367847854538963556708" *
"6548953536944685590511167792125394245891055031802471088528676653529446" *
"26037893286252196799293122659873046804502324019153789581290797e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234046466204810026444127879022154" *
"7443340862725395883495217198915608317169445769247303876784997637215950" *
"00911547569244125809983457126595060051684615804800436871176082e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413033751955634604548816419205286" *
"9234862534020993074588581133631643996949621321652072523947134104977984" *
"09020589878826185406675184998496216640720833037434882107813231e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778382405255616364141601151731233" *
"7904447782642915817053546597794605211343807978969177126285961946533929" *
"06592666099453414413212414944599372523593475091613172527600348e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927145242276993650042835032694034" *
"4664425534779619921043159775767526222801011157554241387463189331023009" *
"72632972124784606076563558438028123318024118445132086745447504e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390758692945347091810971876073894" *
"4229347840855558921111196452593622380389562702019984670500484932406235" *
"93933735899710386253264205746237204107935067129973249469043093e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588394569305210876700453645202222" *
"9600667248016906191787452219862435613200480051165549853860406236845590" *
"33169913103399777183939144714534616133032957090639721363596884e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261102824827858395162213702969599" *
"5989164317446507616241492907161529989746502126807176785151874561687550" *
"08124739509005708927703828727704608988398337722545071097926896e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476343971449979238085667250265761" *
"4034156833039494053415562037303639712567537281760452249074533945651523" *
"15406081565477132766402902980326578315717325442480897456153637e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156712226740537061696360234350048" *
"4601282333673568435165290968176805186599430592338810372655830541827702" *
"82723968166798802338297502299406037984637069895715257498647923e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977724940989712486867013397576860" *
"2455642844837328949560160106495858100655035056989844391119885396104017" *
"48333002314783886403459586055795545483864009993304332473594335e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612376287689730729705979423869718" *
"4055111222875832602016560281322593173252924993626836065608325914115256" *
"55368284360920108337120196706023929395763357396573740160809516e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463613450668353443968418742929593" *
"1026435132490723674801815014489475702898835592488934194874913181245909" *
"63492304659239378759285581094010553706012984923722170055975160e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802364123640136211835176527461727" *
"4982798410379295023835511159696098173353302633798632151013887373522296" *
"87045746338743465407471249403411923886638952709110007893862648e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129655868117488690941665710875545" *
"8325247714289267204460104833407307509815203964202908942895150689113153" *
"07483561666374082723508724793910391236501582619756960052530337e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914414721495367847854538963556708" *
"6548953536944685590511167792125394245891055031802471088528676653529446" *
"26037893286252196799293122659873046804502324019153789581290797e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234046466204810026444127879022154" *
"7443340862725395883495217198915608317169445769247303876784997637215950" *
"00911547569244125809983457126595060051684615804800436871176082e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413033751955634604548816419205286" *
"9234862534020993074588581133631643996949621321652072523947134104977984" *
"09020589878826185406675184998496216640720833037434882107813231e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778382405255616364141601151731233" *
"7904447782642915817053546597794605211343807978969177126285961946533929" *
"06592666099453414413212414944599372523593475091613172527600348e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927145242276993650042835032694034" *
"4664425534779619921043159775767526222801011157554241387463189331023009" *
"72632972124784606076563558438028123318024118445132086745447504e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390758692945347091810971876073894" *
"4229347840855558921111196452593622380389562702019984670500484932406235" *
"93933735899710386253264205746237204107935067129973249469043093e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588394569305210876700453645202222" *
"9600667248016906191787452219862435613200480051165549853860406236845590" *
"33169913103399777183939144714534616133032957090639721363596884e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261102824827858395162213702969599" *
"5989164317446507616241492907161529989746502126807176785151874561687550" *
"08124739509005708927703828727704608988398337722545071097926896e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476343971449979238085667250265761" *
"4034156833039494053415562037303639712567537281760452249074533945651523" *
"15406081565477132766402902980326578315717325442480897456153637e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156712226740537061696360234350048" *
"4601282333673568435165290968176805186599430592338810372655830541827702" *
"82723968166798802338297502299406037984637069895715257498647923e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977724940989712486867013397576860" *
"2455642844837328949560160106495858100655035056989844391119885396104017" *
"48333002314783886403459586055795545483864009993304332473594335e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612376287689730729705979423869718" *
"4055111222875832602016560281322593173252924993626836065608325914115256" *
"55368284360920108337120196706023929395763357396573740160809516e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463613450668353443968418742929593" *
"1026435132490723674801815014489475702898835592488934194874913181245909" *
"63492304659239378759285581094010553706012984923722170055975160e-01"
)
]
tab_u0[ :, :, 5, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070651627390457885522833" *
"3602391210400774325245643756595105362764053620009758245309439812792259" *
"80685423997189388606066702676231172868947697595530343267434054e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844765268407683024899611" *
"5381215685897488174568881715902090407440021583473928005834975603275586" *
"64702447509395021111794505084562736739189571593529893107339769e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104437932651678151525990" *
"8641226984765248832919700815423325813040763796052503093475905846968238" *
"83814167460443099326601375301456169596177126265382332222805340e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251623859624792993420187" *
"1038031270745591139509127491745882324904693113188271429687862602227409" *
"18760071762420572817596651916942719277440750217327766578475637e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899114616073134678501492" *
"7589301012574569229013137606517148290226649482623331189193912501007631" *
"48974715992542447372604446404610558301533437535251028518821768e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647981234302902322711682" *
"5190687820038605040845568489940058036582222728120883670940789290756405" *
"58819129095921540788414175791165551566852244027637969315611971e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070258710266643222274957" *
"3861547680665906334838503920243861034846944781140110581101913504465140" *
"10436408458111045965813897311719323808956354747612277771775118e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311990692282988857539986" *
"3271176219975773413195680141689578202514954156947145505175392952905317" *
"20745748428528328084215972945847324851039024667425939582519209e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351549341672190990732" *
"8097429627373387832640547289594929559735946272644970955932574067722176" *
"13321969924930871074346582359949847158483474899837579873529187e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068219468889738850534355" *
"8284572261443788364739447524231399401192850778932723157064824326854266" *
"50963409840107933648914508675437734137747582191560952378127252e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523362838681574244712495" *
"2093287698836813094130207856550423064224830384929993761611699337836630" *
"07498676424118516803176634301812841752569924266438929954921193e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708759772564135636145675" *
"2984411744594893050782047439999784639281369266437825934539343341184886" *
"03166050016308834112495345177357967358519908334226416124022869e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995256531666652732090789" *
"8004497384967526216587526420728061953974367161295182478966672514795544" *
"99689760292595027961290238599356433158035073188361170625232705e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711408352871593288960198" *
"8437143467936376023332957343361697321485921446045708035562009675431353" *
"68186883761833239465184780488981989043210285406251307483938723e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574314842872021868592405" *
"2697556871048289341598442481217635254588477574450635433213080207047603" *
"40922617864585072918716063125159676329296277939546582335516063e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070651627390457885522833" *
"3602391210400774325245643756595105362764053620009758245309439812792259" *
"80685423997189388606066702676231172868947697595530343267434054e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844765268407683024899611" *
"5381215685897488174568881715902090407440021583473928005834975603275586" *
"64702447509395021111794505084562736739189571593529893107339769e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104437932651678151525990" *
"8641226984765248832919700815423325813040763796052503093475905846968238" *
"83814167460443099326601375301456169596177126265382332222805340e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251623859624792993420187" *
"1038031270745591139509127491745882324904693113188271429687862602227409" *
"18760071762420572817596651916942719277440750217327766578475637e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899114616073134678501492" *
"7589301012574569229013137606517148290226649482623331189193912501007631" *
"48974715992542447372604446404610558301533437535251028518821768e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647981234302902322711682" *
"5190687820038605040845568489940058036582222728120883670940789290756405" *
"58819129095921540788414175791165551566852244027637969315611971e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070258710266643222274957" *
"3861547680665906334838503920243861034846944781140110581101913504465140" *
"10436408458111045965813897311719323808956354747612277771775118e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311990692282988857539986" *
"3271176219975773413195680141689578202514954156947145505175392952905317" *
"20745748428528328084215972945847324851039024667425939582519209e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351549341672190990732" *
"8097429627373387832640547289594929559735946272644970955932574067722176" *
"13321969924930871074346582359949847158483474899837579873529187e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068219468889738850534355" *
"8284572261443788364739447524231399401192850778932723157064824326854266" *
"50963409840107933648914508675437734137747582191560952378127252e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523362838681574244712495" *
"2093287698836813094130207856550423064224830384929993761611699337836630" *
"07498676424118516803176634301812841752569924266438929954921193e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708759772564135636145675" *
"2984411744594893050782047439999784639281369266437825934539343341184886" *
"03166050016308834112495345177357967358519908334226416124022869e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995256531666652732090789" *
"8004497384967526216587526420728061953974367161295182478966672514795544" *
"99689760292595027961290238599356433158035073188361170625232705e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711408352871593288960198" *
"8437143467936376023332957343361697321485921446045708035562009675431353" *
"68186883761833239465184780488981989043210285406251307483938723e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574314842872021868592405" *
"2697556871048289341598442481217635254588477574450635433213080207047603" *
"40922617864585072918716063125159676329296277939546582335516063e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797825287571455035020" *
"2721372074976854030701857926698694935662261947387480220713320902060391" *
"48028980926885583608840902460910234436695213604432632571258665e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084178223440424334142658" *
"2061081077694201783518289186185161996826180547371488459530354863125601" *
"69912734179227392900539752044922285178370237059382601625710706e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325248437026744682904420" *
"1701114275837085062901235490108967298168704605953254337232866082504110" *
"64310200624021846252410995311495787912011990162504485938249718e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203651074929141581133824" *
"0707678091686863965816682193261342574181794140199384015985741637083855" *
"97980408949240111153525106320694548595738079559543664572946142e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239685191250786009242648" *
"7125633591070363101533244217476046500341188471982842469034209969717692" *
"45407467827293129667997588911030216521156246655465546385195884e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546967475442677772139290" *
"7322185733093987254919960165612139353776017657263764493910168323010836" *
"08020426924427209249048271451818365349616811015136547385574874e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130014138346972644686209" *
"0135662731572266541037719382716192472847109088796679210485733797976005" *
"28264077065210374745779641074858495390678910074581336743188509e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532697239706016078194597" *
"8118811345628936199258768846491278470827104501516935385721146168351926" *
"45136011400655150234893093945820426896744350602184900775691430e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973899414418444623169104" *
"5738714690792749385278341182595052943278708478308470968803244144417799" *
"98277764288172342958786872157086649259219655153666783252538310e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448519016265591743933393" *
"3771775379855290285052083809711369545391287562256942856877047871820902" *
"84213350702186098404791463036750385233779384504628465230791195e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448802679271394980981" *
"4339263934187359833432222343007588389345354199913032603845359298650493" *
"74390373711168819982935321686159477855057877457097231085136881e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046164776874496610031" *
"0096746197684662551073755156678166452046922914757269727211868316048635" *
"41980294576171424681473411923939162571017086028502092499827395e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012048455230068491679" *
"3337515278160496198635762869660993117773662658794795470367981105288533" *
"93382501883715629834266248661427037846428400776665695639472109e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985729764263338305723110" *
"5768193444356983392658873034922116601062335789581393318601185063527077" *
"22950203120225985515512125656963102301733083611083043606388194e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683101359043433366842" *
"2747194693403751278778028980598039336694653661810622977354796942353808" *
"18132063525665645088765654117940376905750738496047604081889860e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797825287571455035020" *
"2721372074976854030701857926698694935662261947387480220713320902060391" *
"48028980926885583608840902460910234436695213604432632571258665e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084178223440424334142658" *
"2061081077694201783518289186185161996826180547371488459530354863125601" *
"69912734179227392900539752044922285178370237059382601625710706e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325248437026744682904420" *
"1701114275837085062901235490108967298168704605953254337232866082504110" *
"64310200624021846252410995311495787912011990162504485938249718e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203651074929141581133824" *
"0707678091686863965816682193261342574181794140199384015985741637083855" *
"97980408949240111153525106320694548595738079559543664572946142e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239685191250786009242648" *
"7125633591070363101533244217476046500341188471982842469034209969717692" *
"45407467827293129667997588911030216521156246655465546385195884e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546967475442677772139290" *
"7322185733093987254919960165612139353776017657263764493910168323010836" *
"08020426924427209249048271451818365349616811015136547385574874e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130014138346972644686209" *
"0135662731572266541037719382716192472847109088796679210485733797976005" *
"28264077065210374745779641074858495390678910074581336743188509e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532697239706016078194597" *
"8118811345628936199258768846491278470827104501516935385721146168351926" *
"45136011400655150234893093945820426896744350602184900775691430e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973899414418444623169104" *
"5738714690792749385278341182595052943278708478308470968803244144417799" *
"98277764288172342958786872157086649259219655153666783252538310e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448519016265591743933393" *
"3771775379855290285052083809711369545391287562256942856877047871820902" *
"84213350702186098404791463036750385233779384504628465230791195e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448802679271394980981" *
"4339263934187359833432222343007588389345354199913032603845359298650493" *
"74390373711168819982935321686159477855057877457097231085136881e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046164776874496610031" *
"0096746197684662551073755156678166452046922914757269727211868316048635" *
"41980294576171424681473411923939162571017086028502092499827395e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012048455230068491679" *
"3337515278160496198635762869660993117773662658794795470367981105288533" *
"93382501883715629834266248661427037846428400776665695639472109e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985729764263338305723110" *
"5768193444356983392658873034922116601062335789581393318601185063527077" *
"22950203120225985515512125656963102301733083611083043606388194e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683101359043433366842" *
"2747194693403751278778028980598039336694653661810622977354796942353808" *
"18132063525665645088765654117940376905750738496047604081889860e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963628835858051898841" *
"0160365115147322853916134778708656308829920718084958136347928621976499" *
"38276712225367500432166569101458295754512475660835814240301599e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861677197287445244164" *
"9739555192492103344246322637015310471542177201592627379335670016390358" *
"85228462743758273217379621078356816270202845009923413144320598e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889166075138100222038536" *
"8821540908576318244235101596356077923406671274322637865665570091419592" *
"03121671399905975331921772320057615386949213445233868524014077e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265528959483539046170788" *
"1240049701934025017226993256110509067140836685947105256197042896448517" *
"42850943540384758040934467305439813429346395973653176379424017e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338184362569419959390676" *
"1923089906263591715558033173345250452411887828312128519885294127386214" *
"18522377057055531770652537081153990575938766309652997567934796e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401603082661357875599638" *
"4511773540997299730795104712749880174580234231905208571738167914998945" *
"58247115536469471213824999573004904198323989617834921346546092e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609229802968551947724314" *
"1204423167400928793375596034206623337014119489887269347142467301007946" *
"33296244289991481882886999088536726563166101715627326540173806e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619796024510135108138582" *
"1635021945233438805524533123617826049989347487158853990978826807769028" *
"43845008143825648977782736077411918017921507129823252859198163e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735016361638446535457565" *
"0889144131601358733865361933257744990887128964154315815158708085478411" *
"59148759062548501324961560483810951595021512168111371802494022e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963535452421340908822569" *
"5649481110484750459395933571739524542578056024971236153519202933597351" *
"80192409748766328204991360745614847609561506506380759634435653e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749243538929669351032757" *
"4381333982238191678322209096397315508695468115558387074669880351303486" *
"47035582522338399798719312907293321012144905915438795271166948e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907862215149522325827014" *
"8793493069527896078237896762952459806211930608852758436421070353295694" *
"74681888229531008320533290947551690354716923246814805269304064e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550022846099471933389302" *
"8695965563683086597649893257369143171213177271407315212205009222672115" *
"45429991568769881811469827663980183876512072211691050897195827e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819186986863210250470012" *
"1767754872721206366552062221176079734641647323489645579003899192526584" *
"37709851884747342703054512933426853723896485216152140382623902e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547782106874959340776" *
"7261266658479921185056516415720778154225855902190423396119022313782215" *
"77924341701505558325722410014515758839724605273991244172571413e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963628835858051898841" *
"0160365115147322853916134778708656308829920718084958136347928621976499" *
"38276712225367500432166569101458295754512475660835814240301599e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861677197287445244164" *
"9739555192492103344246322637015310471542177201592627379335670016390358" *
"85228462743758273217379621078356816270202845009923413144320598e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889166075138100222038536" *
"8821540908576318244235101596356077923406671274322637865665570091419592" *
"03121671399905975331921772320057615386949213445233868524014077e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265528959483539046170788" *
"1240049701934025017226993256110509067140836685947105256197042896448517" *
"42850943540384758040934467305439813429346395973653176379424017e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338184362569419959390676" *
"1923089906263591715558033173345250452411887828312128519885294127386214" *
"18522377057055531770652537081153990575938766309652997567934796e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401603082661357875599638" *
"4511773540997299730795104712749880174580234231905208571738167914998945" *
"58247115536469471213824999573004904198323989617834921346546092e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609229802968551947724314" *
"1204423167400928793375596034206623337014119489887269347142467301007946" *
"33296244289991481882886999088536726563166101715627326540173806e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619796024510135108138582" *
"1635021945233438805524533123617826049989347487158853990978826807769028" *
"43845008143825648977782736077411918017921507129823252859198163e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735016361638446535457565" *
"0889144131601358733865361933257744990887128964154315815158708085478411" *
"59148759062548501324961560483810951595021512168111371802494022e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963535452421340908822569" *
"5649481110484750459395933571739524542578056024971236153519202933597351" *
"80192409748766328204991360745614847609561506506380759634435653e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749243538929669351032757" *
"4381333982238191678322209096397315508695468115558387074669880351303486" *
"47035582522338399798719312907293321012144905915438795271166948e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907862215149522325827014" *
"8793493069527896078237896762952459806211930608852758436421070353295694" *
"74681888229531008320533290947551690354716923246814805269304064e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550022846099471933389302" *
"8695965563683086597649893257369143171213177271407315212205009222672115" *
"45429991568769881811469827663980183876512072211691050897195827e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819186986863210250470012" *
"1767754872721206366552062221176079734641647323489645579003899192526584" *
"37709851884747342703054512933426853723896485216152140382623902e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547782106874959340776" *
"7261266658479921185056516415720778154225855902190423396119022313782215" *
"77924341701505558325722410014515758839724605273991244172571413e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759971692611781743026322" *
"4886481492647477372802014333375931969470526190442735944844419449610784" *
"19247724458559997684807060460642329688239252218791290013232632e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024614431260215369148019" *
"9352118611243397588684145811823100137100846809712360227249909184971676" *
"37101050920963894253436571970608078142818361349641681741803900e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583270512919105959937318" *
"8998169969106997813154485678776453842160729153046918087183447674678275" *
"00992361020028261322518560365561346698293368918275718104061271e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821611872795193496376610" *
"3880047757061360458183472207591888479116269142385282011921407424498377" *
"38280986862373426434748667094193432160794921687322951268652904e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439429374318850210179532" *
"8613004620053918497259281913947976850367675350448858101457590321202827" *
"57638352165651052834758369263283820551858271864916842012323436e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772182576321583717327365" *
"0970075776658508924352682742767149951489407893061861086827866295539705" *
"68930626316616050238951600372881073132824059351986260286973112e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292087381421320457463" *
"2280343516416499642770752153678260202838316072721504876705454452450404" *
"46537902226665743344952057401011133682605388418193519577868068e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171614065653398413275" *
"2941233240018213536199896452331719350230609978620526329320385977257491" *
"63075622108861411851175116112927675957796577110056053079819114e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170915998622116872757" *
"2826233854114376859793700684535429678855833424595833541456408905320422" *
"98437700288013910105118818152007553937475879916584377554074242e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206108136534410192405712" *
"5533217768720800146106565887023596883329532774757123332348359218798798" *
"25244415265844878204582011827966953913219724102239106275116141e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053394137323927686295151" *
"0793727986288693179731963146809579166149907483247680443359325000247320" *
"78113624118866541109510392155421436414910038588780580129539105e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914775179173229356727758" *
"5325142948446918940330222731382481665246772534064297020458851284574400" *
"38620862528641360206403630900490365257570589880792270081178897e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161986683104822181439031" *
"5820703978710720204858594459446750995899616689582677773942226010196234" *
"64653694587651237867643166231677769198588684677878764850020605e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940653521917866972636546" *
"6291011788903786275570196949692242522673864177538760715274509987020089" *
"08701378996451375795357229936155368187299943874304226125757763e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601928409621284827711" *
"0074182473714302299056390412041796283444698946054001954452417558954269" *
"14333584134315652715346404185617556580353292752921456618182472e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759971692611781743026322" *
"4886481492647477372802014333375931969470526190442735944844419449610784" *
"19247724458559997684807060460642329688239252218791290013232632e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024614431260215369148019" *
"9352118611243397588684145811823100137100846809712360227249909184971676" *
"37101050920963894253436571970608078142818361349641681741803900e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583270512919105959937318" *
"8998169969106997813154485678776453842160729153046918087183447674678275" *
"00992361020028261322518560365561346698293368918275718104061271e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821611872795193496376610" *
"3880047757061360458183472207591888479116269142385282011921407424498377" *
"38280986862373426434748667094193432160794921687322951268652904e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439429374318850210179532" *
"8613004620053918497259281913947976850367675350448858101457590321202827" *
"57638352165651052834758369263283820551858271864916842012323436e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772182576321583717327365" *
"0970075776658508924352682742767149951489407893061861086827866295539705" *
"68930626316616050238951600372881073132824059351986260286973112e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292087381421320457463" *
"2280343516416499642770752153678260202838316072721504876705454452450404" *
"46537902226665743344952057401011133682605388418193519577868068e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171614065653398413275" *
"2941233240018213536199896452331719350230609978620526329320385977257491" *
"63075622108861411851175116112927675957796577110056053079819114e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170915998622116872757" *
"2826233854114376859793700684535429678855833424595833541456408905320422" *
"98437700288013910105118818152007553937475879916584377554074242e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206108136534410192405712" *
"5533217768720800146106565887023596883329532774757123332348359218798798" *
"25244415265844878204582011827966953913219724102239106275116141e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053394137323927686295151" *
"0793727986288693179731963146809579166149907483247680443359325000247320" *
"78113624118866541109510392155421436414910038588780580129539105e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914775179173229356727758" *
"5325142948446918940330222731382481665246772534064297020458851284574400" *
"38620862528641360206403630900490365257570589880792270081178897e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161986683104822181439031" *
"5820703978710720204858594459446750995899616689582677773942226010196234" *
"64653694587651237867643166231677769198588684677878764850020605e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940653521917866972636546" *
"6291011788903786275570196949692242522673864177538760715274509987020089" *
"08701378996451375795357229936155368187299943874304226125757763e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601928409621284827711" *
"0074182473714302299056390412041796283444698946054001954452417558954269" *
"14333584134315652715346404185617556580353292752921456618182472e-01"
)
]
tab_u0[ :, :, 6, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245069680819" *
"1839373526734368010468707399069649454946307923306573772196088632403019" *
"58556839735213961594172353850203808540937524643837233118259705e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388602907098" *
"6612016179304299518652652011408701244073708832139025459293707640380800" *
"23730247010150535560920666552592794851013482742486318054929484e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083277880967" *
"6499905410153564079498561150993887116170807100136698087194373039564343" *
"20982960355226800079921241049804422568526541753543854357279566e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794459268900" *
"6964322597713346086732301171961012940299035409030707723508557817467319" *
"66261065974660656013873292565811442474765744442968821654521952e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084194808625" *
"8077648663724754023770341073858365098874052265616175070652452190400901" *
"81397233536196156240251570529132358482502221386488752052352262e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712018896554" *
"1738634406409495887973620738336061956955758933764800569984242948112026" *
"28070463523773297550056532117345932287811395042084450094833687e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077264387142913" *
"7088441403872532091351583600802162442233896674214389284517546421586353" *
"99754904472851304854569595134881600468412712032867662146743989e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406134381474656" *
"5053384296526371782283543017516719060341815108332660564094416869954129" *
"92398639158174465342521787257525589257369092508699970427554482e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860059843540520" *
"1181618063658926775658802648708950812423345686174056087413732407212647" *
"67513255268981952703263230374057544727134387805711608360611249e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505032719294" *
"5313966155753592370122410310178530464279958370802415188859877726222666" *
"89576729739732746354617995978443159986715570909675148222489701e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682072064926" *
"6009506910066976492557359872539196225672931342311809943525526627246114" *
"81614287559584978393687391768490615571140508049433836174449494e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568584274256" *
"7410729588681668753683825650496711606892545095902312263858388189525107" *
"15174677910811367791183907124480002733771227936254297709959122e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108316987848" *
"8329796228803337812801818719001317281315072528012464853052296555501125" *
"24220665624951393656283721334274470180119857804529340823120995e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891770494866" *
"5763819741453998845950986781364644858280976067969291121174932012653487" *
"81310226980809208928076712021169390557883812919791412736157872e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467687929005" *
"9830582758828313959292165216288853699487384298169045792222107330401031" *
"62481903745105730019101789576523491610556573025548131867629039e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245069680819" *
"1839373526734368010468707399069649454946307923306573772196088632403019" *
"58556839735213961594172353850203808540937524643837233118259705e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388602907098" *
"6612016179304299518652652011408701244073708832139025459293707640380800" *
"23730247010150535560920666552592794851013482742486318054929484e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083277880967" *
"6499905410153564079498561150993887116170807100136698087194373039564343" *
"20982960355226800079921241049804422568526541753543854357279566e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794459268900" *
"6964322597713346086732301171961012940299035409030707723508557817467319" *
"66261065974660656013873292565811442474765744442968821654521952e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084194808625" *
"8077648663724754023770341073858365098874052265616175070652452190400901" *
"81397233536196156240251570529132358482502221386488752052352262e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712018896554" *
"1738634406409495887973620738336061956955758933764800569984242948112026" *
"28070463523773297550056532117345932287811395042084450094833687e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077264387142913" *
"7088441403872532091351583600802162442233896674214389284517546421586353" *
"99754904472851304854569595134881600468412712032867662146743989e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406134381474656" *
"5053384296526371782283543017516719060341815108332660564094416869954129" *
"92398639158174465342521787257525589257369092508699970427554482e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860059843540520" *
"1181618063658926775658802648708950812423345686174056087413732407212647" *
"67513255268981952703263230374057544727134387805711608360611249e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505032719294" *
"5313966155753592370122410310178530464279958370802415188859877726222666" *
"89576729739732746354617995978443159986715570909675148222489701e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682072064926" *
"6009506910066976492557359872539196225672931342311809943525526627246114" *
"81614287559584978393687391768490615571140508049433836174449494e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568584274256" *
"7410729588681668753683825650496711606892545095902312263858388189525107" *
"15174677910811367791183907124480002733771227936254297709959122e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108316987848" *
"8329796228803337812801818719001317281315072528012464853052296555501125" *
"24220665624951393656283721334274470180119857804529340823120995e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891770494866" *
"5763819741453998845950986781364644858280976067969291121174932012653487" *
"81310226980809208928076712021169390557883812919791412736157872e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467687929005" *
"9830582758828313959292165216288853699487384298169045792222107330401031" *
"62481903745105730019101789576523491610556573025548131867629039e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981053505023" *
"9584588557551924269042013816847255353843741378933463973163224253061987" *
"95930700465650649918562357084823575450912289421982185614474376e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091681312122" *
"1279134174747826531965019901996152197606937761116922821292449696240500" *
"29466006707859224546785708385164161267653289265739244275687354e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127716014512" *
"5409919338782553022169909683666267791293048618780571547541741333074574" *
"68220180083091359318678774244618469561713672711422341673735164e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529742885872921" *
"2168321613785571927398719451325296357081915623297770418680287247829782" *
"18260173451376335267150977812923816790429780516590446355744890e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777204560651637" *
"6602847080312052569327034764539451190029984923742707509618314238177988" *
"09607847994189497505904281679325682061008113639513255328810433e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900717438080610" *
"5945379382344089926064520388385797764474330552407842992187730358656338" *
"55478315630274153369914253639813373548956384879627880644080622e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149734891899175" *
"8646564353554866375774086802856407702126999527152810697974568698829239" *
"19873922335903576542408617800000917557327401977850624083570590e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314913531693732" *
"9262439439647559992964680994717184463566548047682346399923143836223491" *
"68042082019321086279712030562032132662126765097070967853783706e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945095878189577" *
"7936856838186999165473834656888685169598599083967588712840517128616407" *
"30256257841847804648315164375626660260392329865725385571509176e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695126199993252" *
"3294722368308102718959229075195830859374743530988025190488091609634967" *
"51726706220139813651503520509191777002931470311498250383853885e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761016751563" *
"6128283051698935622624866999750516894532072829582438709332280921845288" *
"13494354899234183509197110288680276391449833325154372638770861e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021226121200" *
"9671279933517798608570097893910337446965711480078101701828288618883328" *
"46251269790834864227826068616663703481551206611223644788874428e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396151341615" *
"6977748510899954525090615101677426554141849764414458324809664083080218" *
"96758718959844333701907273851843735161795019297664232483609038e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742324301870" *
"0582805061550911351944728974375037446158163306545427516463448038404795" *
"95882496703259094206485594457450341114566607768019683694781162e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054019022603" *
"0917274242914575508364634853679625879662054175542397565583128749187500" *
"30965067943303166404404574658319989423616844210457720602326408e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981053505023" *
"9584588557551924269042013816847255353843741378933463973163224253061987" *
"95930700465650649918562357084823575450912289421982185614474376e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091681312122" *
"1279134174747826531965019901996152197606937761116922821292449696240500" *
"29466006707859224546785708385164161267653289265739244275687354e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127716014512" *
"5409919338782553022169909683666267791293048618780571547541741333074574" *
"68220180083091359318678774244618469561713672711422341673735164e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529742885872921" *
"2168321613785571927398719451325296357081915623297770418680287247829782" *
"18260173451376335267150977812923816790429780516590446355744890e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777204560651637" *
"6602847080312052569327034764539451190029984923742707509618314238177988" *
"09607847994189497505904281679325682061008113639513255328810433e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900717438080610" *
"5945379382344089926064520388385797764474330552407842992187730358656338" *
"55478315630274153369914253639813373548956384879627880644080622e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149734891899175" *
"8646564353554866375774086802856407702126999527152810697974568698829239" *
"19873922335903576542408617800000917557327401977850624083570590e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314913531693732" *
"9262439439647559992964680994717184463566548047682346399923143836223491" *
"68042082019321086279712030562032132662126765097070967853783706e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945095878189577" *
"7936856838186999165473834656888685169598599083967588712840517128616407" *
"30256257841847804648315164375626660260392329865725385571509176e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695126199993252" *
"3294722368308102718959229075195830859374743530988025190488091609634967" *
"51726706220139813651503520509191777002931470311498250383853885e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761016751563" *
"6128283051698935622624866999750516894532072829582438709332280921845288" *
"13494354899234183509197110288680276391449833325154372638770861e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021226121200" *
"9671279933517798608570097893910337446965711480078101701828288618883328" *
"46251269790834864227826068616663703481551206611223644788874428e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396151341615" *
"6977748510899954525090615101677426554141849764414458324809664083080218" *
"96758718959844333701907273851843735161795019297664232483609038e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742324301870" *
"0582805061550911351944728974375037446158163306545427516463448038404795" *
"95882496703259094206485594457450341114566607768019683694781162e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054019022603" *
"0917274242914575508364634853679625879662054175542397565583128749187500" *
"30965067943303166404404574658319989423616844210457720602326408e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199708557334" *
"1133488751017463434903404801597158222794731976182723016467533502712119" *
"81011350969618287835198833216255013758120270504579504704462557e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376381526781" *
"7697229199005984441033061852277911403143455455722378449908232511812003" *
"17418455056067454867316939564970804093969917112048556068483605e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021946881345" *
"9865775307228058917923714177528180357805242304767510728617077666649399" *
"76911620819638874661715214471154903349353675749484481099591289e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413773284165589" *
"5564131360292844073562412279694750890437789545006578720863974431758314" *
"28268935918048703460044365543482824460367198290507786258778772e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946957349485" *
"0877632268484037007856194732335935263795087817909616019824949788958417" *
"88044233210194149180522276726453839172667729317052718512987672e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607658067624098" *
"9989915463037100413940849051446425702848871619745648430731260450519240" *
"07582593344810766398671005316832728989481110931852158293773996e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080617852832" *
"5645613096488229198562464217248105336831179521442956649873802351996335" *
"80678324194242179025898644124419582449846424488571152603496803e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285287886768" *
"0664406287173977819615018832465883864264209452869452391552446255783017" *
"86001743844945493489262922856600554675626736821460886733761558e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093213865032275" *
"5430643472081907045678178680205067389403866860021752934426791043800879" *
"92443741071409611035004251718580114075107491479277116764970264e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439498503269" *
"4628620469959135782386405248944922303041634092149955695444262655337303" *
"31576580986046480554087691822313789432608937243286668689082790e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964464926367" *
"9812795042026023088526815258446303095149220643970120177913545100890622" *
"39480794445112107958281319987116675917455863653171887821417590e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564801850053285" *
"7884114618188112533620279132369912259632498905587073222804658178779131" *
"50072726223737930530169082261865986157239675694273034431608958e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643499891166548" *
"6670887774071526938359932029742730262309187447782749808503613988997759" *
"58270342158694831488081831197569319544182241483852759686781547e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386474451493" *
"1796887133652713789437394091875470769294295724122448434992339615371768" *
"92704210607084966872411724039106586501833270595365803484745716e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793392445096" *
"8788468819912623221784716591971797264574238223126106010669860655355243" *
"96784839111831754987261359963623826044393150012805272766527675e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199708557334" *
"1133488751017463434903404801597158222794731976182723016467533502712119" *
"81011350969618287835198833216255013758120270504579504704462557e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376381526781" *
"7697229199005984441033061852277911403143455455722378449908232511812003" *
"17418455056067454867316939564970804093969917112048556068483605e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021946881345" *
"9865775307228058917923714177528180357805242304767510728617077666649399" *
"76911620819638874661715214471154903349353675749484481099591289e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413773284165589" *
"5564131360292844073562412279694750890437789545006578720863974431758314" *
"28268935918048703460044365543482824460367198290507786258778772e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946957349485" *
"0877632268484037007856194732335935263795087817909616019824949788958417" *
"88044233210194149180522276726453839172667729317052718512987672e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607658067624098" *
"9989915463037100413940849051446425702848871619745648430731260450519240" *
"07582593344810766398671005316832728989481110931852158293773996e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080617852832" *
"5645613096488229198562464217248105336831179521442956649873802351996335" *
"80678324194242179025898644124419582449846424488571152603496803e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285287886768" *
"0664406287173977819615018832465883864264209452869452391552446255783017" *
"86001743844945493489262922856600554675626736821460886733761558e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093213865032275" *
"5430643472081907045678178680205067389403866860021752934426791043800879" *
"92443741071409611035004251718580114075107491479277116764970264e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439498503269" *
"4628620469959135782386405248944922303041634092149955695444262655337303" *
"31576580986046480554087691822313789432608937243286668689082790e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964464926367" *
"9812795042026023088526815258446303095149220643970120177913545100890622" *
"39480794445112107958281319987116675917455863653171887821417590e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564801850053285" *
"7884114618188112533620279132369912259632498905587073222804658178779131" *
"50072726223737930530169082261865986157239675694273034431608958e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643499891166548" *
"6670887774071526938359932029742730262309187447782749808503613988997759" *
"58270342158694831488081831197569319544182241483852759686781547e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386474451493" *
"1796887133652713789437394091875470769294295724122448434992339615371768" *
"92704210607084966872411724039106586501833270595365803484745716e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793392445096" *
"8788468819912623221784716591971797264574238223126106010669860655355243" *
"96784839111831754987261359963623826044393150012805272766527675e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808556448094" *
"7504974579262818385728247417984356923547693557687496422390246245687491" *
"22581986524768371921910587829923789635919407953718166429751882e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257745829733" *
"2724097675487448036615320405236815164693515850934604996147542044985202" *
"99422351196405011695415256466910013270183463472176578171404553e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959781698294" *
"8611946440177159232094947746929738405557874713280534662455521493946379" *
"29006478325070328757788439597756994927401569849652909662319954e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053307109055533" *
"5653746375369325714070640579815990110323945537163402750376965082098895" *
"06798789374326817466605732040987661816965750979282135459893028e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319884212532" *
"4125915234370377598661169638348855177373267103407449823663182953259143" *
"95422522890830805718112959802346245539763189193485613548900806e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543138611768" *
"7383349636523330906129601929867580930652491767129158376951245238879136" *
"26110380938625869269500744288330681577452283947024241124976340e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216156085515" *
"7988131379515435460189690501963122388255177103525529845258298987641609" *
"04452287574226012193557264867957844869506723937639967643915578e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389184318314420" *
"6278798988027333039461302235563150069198751382450899037025540045349489" *
"77658934974207937546967613375164477485352936777066499992571915e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831987099106591" *
"6405531458416305936365228788506667094171421742836080044425003057393575" *
"96774421719468074761426105096902997837853402729845268780383553e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490180206191804" *
"8915159363993584231146340554058605743643205772312460533227713427352791" *
"50634511169809365332938810050299763597394969429868712711392726e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095687730156013" *
"0964160681851366749747777173466150653083526838643168782961293699078376" *
"56395266713679484049004273633626792738569734462606868596744847e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044705315113864" *
"4977754864173202933600128230533471149396553670901618774983176591177422" *
"96708310901662558403569120000467389899154117414905429006752923e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113081202716599" *
"8873878955520359766377425201072732133816103737068774706110197272411052" *
"54289245187079693291492630547219630390804724678977994613498338e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785215651850511" *
"7887693551565498513240808156749609489918194229569253617612559819018017" *
"21676472566374061639456356946026605325319051763010666880585505e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333074543994" *
"9346061726025900245099655623553599882021593414012363799060998539443327" *
"20087542186288850661161371792452297032003820977407474072062033e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808556448094" *
"7504974579262818385728247417984356923547693557687496422390246245687491" *
"22581986524768371921910587829923789635919407953718166429751882e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257745829733" *
"2724097675487448036615320405236815164693515850934604996147542044985202" *
"99422351196405011695415256466910013270183463472176578171404553e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959781698294" *
"8611946440177159232094947746929738405557874713280534662455521493946379" *
"29006478325070328757788439597756994927401569849652909662319954e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053307109055533" *
"5653746375369325714070640579815990110323945537163402750376965082098895" *
"06798789374326817466605732040987661816965750979282135459893028e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319884212532" *
"4125915234370377598661169638348855177373267103407449823663182953259143" *
"95422522890830805718112959802346245539763189193485613548900806e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543138611768" *
"7383349636523330906129601929867580930652491767129158376951245238879136" *
"26110380938625869269500744288330681577452283947024241124976340e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216156085515" *
"7988131379515435460189690501963122388255177103525529845258298987641609" *
"04452287574226012193557264867957844869506723937639967643915578e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389184318314420" *
"6278798988027333039461302235563150069198751382450899037025540045349489" *
"77658934974207937546967613375164477485352936777066499992571915e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831987099106591" *
"6405531458416305936365228788506667094171421742836080044425003057393575" *
"96774421719468074761426105096902997837853402729845268780383553e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490180206191804" *
"8915159363993584231146340554058605743643205772312460533227713427352791" *
"50634511169809365332938810050299763597394969429868712711392726e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095687730156013" *
"0964160681851366749747777173466150653083526838643168782961293699078376" *
"56395266713679484049004273633626792738569734462606868596744847e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044705315113864" *
"4977754864173202933600128230533471149396553670901618774983176591177422" *
"96708310901662558403569120000467389899154117414905429006752923e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113081202716599" *
"8873878955520359766377425201072732133816103737068774706110197272411052" *
"54289245187079693291492630547219630390804724678977994613498338e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785215651850511" *
"7887693551565498513240808156749609489918194229569253617612559819018017" *
"21676472566374061639456356946026605325319051763010666880585505e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333074543994" *
"9346061726025900245099655623553599882021593414012363799060998539443327" *
"20087542186288850661161371792452297032003820977407474072062033e-01"
)
]
tab_u0[ :, :, 7, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"9494975625744016108840656184189159584281263215384342631659575725247867" *
"35651798210168645699129071083098771546708324776909530265127762e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"4960440116122924925939752190314971482263803804073974222613463467281318" *
"09635767092916057917102633177856162463753810656305288370144167e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"7118851517511256734255009989986270151139300949925713891048705180768509" *
"49170224690896831358045644535958881488647177119335731812154025e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540991" *
"0066450712887773363597815191021890207883245731972418944233636433181260" *
"12452150594625793823367653994877860499898577725917261900233921e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"8212490875087027953479508349460953159061505194511085733628523247731065" *
"38083971369305818199182649218308181323755935979722344347439626e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"5430821910877527963722803855669527311420390312668123733460454554045081" *
"22523947838864625726723977011744129173645552010491487736820995e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"4199517260261522834109605228054737166255752004148451330995826226099209" *
"34892036377928436285637125494442931416860477732944907118488732e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"4982204398390425258650584596088509579182090908270933592907684789444960" *
"62594552332107066209362158700662509335935933449052821962886184e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"3497596715508258775664103143980498407325965642619547573597145589201918" *
"96356274552613020689992407427654129655543907267588968421421500e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"9879695544644776226285003852838966843139932903359556275166906723048910" *
"48296291853329069225276480032099133657444707351469484401680023e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"8243000274968035799300093650725940543336220319080440256093608939913514" *
"00309904383742567744054728633588586776087122156269680878551359e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7628059894132149270060393021928312652358537333891621972815049535332936" *
"33095761618238527144219651728070336162131659607008632857655749e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1471651789071045054324525133288978568866905700411410837626065417487619" *
"56070569318614510574547957999441821495549328636806439133511077e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2405757433765118776361232913936815731506776680550924265785201746870385" *
"91487249793465385483970931601010744960883641672688012728075519e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3115345952669532524644083942112456227487864648706560752332946922755148" *
"69550942220276694979433901853827572550541608803355387980802478e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"9494975625744016108840656184189159584281263215384342631659575725247867" *
"35651798210168645699129071083098771546708324776909530265127762e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"4960440116122924925939752190314971482263803804073974222613463467281318" *
"09635767092916057917102633177856162463753810656305288370144167e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"7118851517511256734255009989986270151139300949925713891048705180768509" *
"49170224690896831358045644535958881488647177119335731812154025e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540991" *
"0066450712887773363597815191021890207883245731972418944233636433181260" *
"12452150594625793823367653994877860499898577725917261900233921e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"8212490875087027953479508349460953159061505194511085733628523247731065" *
"38083971369305818199182649218308181323755935979722344347439626e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"5430821910877527963722803855669527311420390312668123733460454554045081" *
"22523947838864625726723977011744129173645552010491487736820995e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"4199517260261522834109605228054737166255752004148451330995826226099209" *
"34892036377928436285637125494442931416860477732944907118488732e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"4982204398390425258650584596088509579182090908270933592907684789444960" *
"62594552332107066209362158700662509335935933449052821962886184e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"3497596715508258775664103143980498407325965642619547573597145589201918" *
"96356274552613020689992407427654129655543907267588968421421500e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"9879695544644776226285003852838966843139932903359556275166906723048910" *
"48296291853329069225276480032099133657444707351469484401680023e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"8243000274968035799300093650725940543336220319080440256093608939913514" *
"00309904383742567744054728633588586776087122156269680878551359e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7628059894132149270060393021928312652358537333891621972815049535332936" *
"33095761618238527144219651728070336162131659607008632857655749e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1471651789071045054324525133288978568866905700411410837626065417487619" *
"56070569318614510574547957999441821495549328636806439133511077e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2405757433765118776361232913936815731506776680550924265785201746870385" *
"91487249793465385483970931601010744960883641672688012728075519e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3115345952669532524644083942112456227487864648706560752332946922755148" *
"69550942220276694979433901853827572550541608803355387980802478e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6856586848014931942996130209592526277631886436629521730482709124931528" *
"80291107397269983931909089503815019088732482171658251172224122e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"1067845739351250141398498413479661757845939500449663386330073563792748" *
"88073739886931254965046983311533211916163047181889715484246030e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858103" *
"0894872322697344467735354827344312182721294749752133776984121722311612" *
"38525415219858368056174261028051078468142769246751247694266584e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"9885202712501316601677354032949849498433018394407030453460388006179674" *
"61504312715559233300844266085063490378655929067631290931964838e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"9159829994239348113736902923080312629826799704217966760781100842971733" *
"57951148603555228992874856586726664751420739222686516311432081e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"6534304668298202269606287896651317663087041245386393791304340219294747" *
"64729289733672171749862558971531536491381461930520332613608398e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398199" *
"3176753293072170169056461095548524594259684494502228734488601177379467" *
"77349742800018281988352471650699911754949066164778813086717283e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595938" *
"4197963354375469183896160044963229442882287861253827188247031522076034" *
"30153144597205163889323307873071918893748708549048000866309669e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"9084617051374319293025084212388335221572317723353378452813919710176759" *
"18169471237855704889351684118956878459249682330753954173563417e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"9565926354872468259109007256668589839250927175347965961301209837477799" *
"94491815439453115220679122967578381529587663625476931532894485e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"5236979104778290734793782110019995612258523240999093408923907196336998" *
"35769773999750828418444578903396463067561853930418460648766695e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"9364994411462778556461272463540244107291993274104564146858478637216473" *
"30932747982341660940843149476798524752643657751370437084171647e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"8347126584710964992276669196392148919576295665564586233582077535420729" *
"42805426753545803457860877278994079515291435455637064977028446e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6280083715817643671920992974653753788423391608581116752010506379937967" *
"81525580537265020001288589225293016949013400355062413539756517e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4139555757791758970449188508540490659367797044511652581455590856446617" *
"00548544880573420332920158840229985805845839938314813988952957e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6856586848014931942996130209592526277631886436629521730482709124931528" *
"80291107397269983931909089503815019088732482171658251172224122e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"1067845739351250141398498413479661757845939500449663386330073563792748" *
"88073739886931254965046983311533211916163047181889715484246030e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858103" *
"0894872322697344467735354827344312182721294749752133776984121722311612" *
"38525415219858368056174261028051078468142769246751247694266584e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"9885202712501316601677354032949849498433018394407030453460388006179674" *
"61504312715559233300844266085063490378655929067631290931964838e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"9159829994239348113736902923080312629826799704217966760781100842971733" *
"57951148603555228992874856586726664751420739222686516311432081e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"6534304668298202269606287896651317663087041245386393791304340219294747" *
"64729289733672171749862558971531536491381461930520332613608398e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398199" *
"3176753293072170169056461095548524594259684494502228734488601177379467" *
"77349742800018281988352471650699911754949066164778813086717283e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595938" *
"4197963354375469183896160044963229442882287861253827188247031522076034" *
"30153144597205163889323307873071918893748708549048000866309669e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"9084617051374319293025084212388335221572317723353378452813919710176759" *
"18169471237855704889351684118956878459249682330753954173563417e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"9565926354872468259109007256668589839250927175347965961301209837477799" *
"94491815439453115220679122967578381529587663625476931532894485e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"5236979104778290734793782110019995612258523240999093408923907196336998" *
"35769773999750828418444578903396463067561853930418460648766695e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"9364994411462778556461272463540244107291993274104564146858478637216473" *
"30932747982341660940843149476798524752643657751370437084171647e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"8347126584710964992276669196392148919576295665564586233582077535420729" *
"42805426753545803457860877278994079515291435455637064977028446e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6280083715817643671920992974653753788423391608581116752010506379937967" *
"81525580537265020001288589225293016949013400355062413539756517e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4139555757791758970449188508540490659367797044511652581455590856446617" *
"00548544880573420332920158840229985805845839938314813988952957e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3289283184065299314533423752809804042479663644019908060528157065389214" *
"76330441746099997088564980353108347589795756385620365166754050e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6234572362028630226827228724958693615361797692159917273779592080576348" *
"28749265479234231800231078457209943587074189845120821920246520e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7120883096915959580421910710248818183639307750166979420612354058899906" *
"89414554804171733720836326707389117359039152504953885255668860e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0292632208378250023581896185097827139863781422018902800798520357161394" *
"23575924460613839974160584765739620000714112170755693973639443e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5804726542420686860263908175241880041029089454173157684607303149187976" *
"67972795519563680703344644645016595196888599958556226136284262e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"8550402879972957240429367803667201930271838167045001651018760135063548" *
"06576647094368383398490517965387985806113128122958915324708683e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737188" *
"0369181676619463342299188877446418319725694178693537691571535670763793" *
"46315052950745666456710379924967463388890383308953210719339566e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"8241090684489316927403736524905055172536784526946674352002573972586106" *
"76302955524027953327623182567955627685838693887831793969746883e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"4154861624075768285615244811226789779226928631133705211643366408931156" *
"58081893355933488775158236905756766097173476452838860680310560e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766844" *
"0318010982816845812933137611386040804974204177277856552443622292828448" *
"23962988454098797882996944127751117755791850732282282668621234e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"6519788705625452176877203097045149348613442481375907871250669711988308" *
"61562112549420430908687244440235123310668018252807257512624880e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"7492640183482616427681677429587602464383633184745682455297934726412267" *
"01435281752383697024733125296493190975722229473540325033927880e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"2777491725788428918254733398471319265253253456658296930805477945159381" *
"36301466390329928600642952904249598273310869744997307337485378e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492437" *
"0923376851531750098477575999618734057492860928293704676897256971061584" *
"44998927708622127566510428416248302519846888521926236329226809e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"2016509597189308279069007456730976204917520502266246891219396525369958" *
"69623673157084104720801095716062777115334836145688956411649895e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3289283184065299314533423752809804042479663644019908060528157065389214" *
"76330441746099997088564980353108347589795756385620365166754050e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6234572362028630226827228724958693615361797692159917273779592080576348" *
"28749265479234231800231078457209943587074189845120821920246520e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7120883096915959580421910710248818183639307750166979420612354058899906" *
"89414554804171733720836326707389117359039152504953885255668860e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0292632208378250023581896185097827139863781422018902800798520357161394" *
"23575924460613839974160584765739620000714112170755693973639443e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5804726542420686860263908175241880041029089454173157684607303149187976" *
"67972795519563680703344644645016595196888599958556226136284262e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"8550402879972957240429367803667201930271838167045001651018760135063548" *
"06576647094368383398490517965387985806113128122958915324708683e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737188" *
"0369181676619463342299188877446418319725694178693537691571535670763793" *
"46315052950745666456710379924967463388890383308953210719339566e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"8241090684489316927403736524905055172536784526946674352002573972586106" *
"76302955524027953327623182567955627685838693887831793969746883e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"4154861624075768285615244811226789779226928631133705211643366408931156" *
"58081893355933488775158236905756766097173476452838860680310560e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766844" *
"0318010982816845812933137611386040804974204177277856552443622292828448" *
"23962988454098797882996944127751117755791850732282282668621234e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"6519788705625452176877203097045149348613442481375907871250669711988308" *
"61562112549420430908687244440235123310668018252807257512624880e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"7492640183482616427681677429587602464383633184745682455297934726412267" *
"01435281752383697024733125296493190975722229473540325033927880e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"2777491725788428918254733398471319265253253456658296930805477945159381" *
"36301466390329928600642952904249598273310869744997307337485378e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492437" *
"0923376851531750098477575999618734057492860928293704676897256971061584" *
"44998927708622127566510428416248302519846888521926236329226809e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"2016509597189308279069007456730976204917520502266246891219396525369958" *
"69623673157084104720801095716062777115334836145688956411649895e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"0946912932426310425771529676834720256186856246385239804060432968625554" *
"15648533709823201627118589928487203538751811563211881256898089e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408832" *
"9829390839603411363186515028023786033359363972325218929696682926615817" *
"89888074454614305970264793704006432434193574986013627439189959e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7135437420761303752711479438122954643654498800797071909098059511121679" *
"79377093764161667059742945099540810046187657224054683718968418e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"8427279993765559221160214256087704161868093111386488206006612758873179" *
"54510974000057817889639465579259125465793957030939183030522775e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"7666033996820879649840316343493391813755637546425483363025543008458141" *
"38716008177291195517109298065739435332180109984739752420170460e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"5961453347036214750130403702990384586838624629857579107053437593346257" *
"69739809035121097679608252103419565695447055303743641021334860e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"2801806367649850045512899204907450451259598063063506215288446278115387" *
"37440887778471573079059161527862534358351422652315189076285613e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"2886350382862303579018100677159913042753527117658533476236757556573891" *
"17078629382819407982809788356862403835880357832971615311017489e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5200574236273729212588484872650867507477213012834872326745126095123984" *
"11643074291816268032465432422927089933903133105579535883621040e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3287120202811158095856384078186826867920425216908373639848255135246010" *
"66439338033960358870100995697487612019606500325252814303932856e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"3135052010131966865598724808353763385968173719282853821013984699289828" *
"85724460852706285324303098327002339780596938130471611409479362e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"8459902472981657574535143224964335930152160216904528821900102708688160" *
"16343145950361647007735278989419297475291558550356105613155537e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5960011684088601086513127265232973557341515115873899433371321301930748" *
"31157131193848154249481756208631807667999873116456642252045336e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0695568460158736165540155349010955646641549827865488635633668654640891" *
"07940073552318137967699650096591215705513214070369010649397760e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6701237051066399710890354706827784653890251588243283943772603471318884" *
"22232854641134428478577942946854431973755272322816701351082917e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"0946912932426310425771529676834720256186856246385239804060432968625554" *
"15648533709823201627118589928487203538751811563211881256898089e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408832" *
"9829390839603411363186515028023786033359363972325218929696682926615817" *
"89888074454614305970264793704006432434193574986013627439189959e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7135437420761303752711479438122954643654498800797071909098059511121679" *
"79377093764161667059742945099540810046187657224054683718968418e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"8427279993765559221160214256087704161868093111386488206006612758873179" *
"54510974000057817889639465579259125465793957030939183030522775e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"7666033996820879649840316343493391813755637546425483363025543008458141" *
"38716008177291195517109298065739435332180109984739752420170460e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"5961453347036214750130403702990384586838624629857579107053437593346257" *
"69739809035121097679608252103419565695447055303743641021334860e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"2801806367649850045512899204907450451259598063063506215288446278115387" *
"37440887778471573079059161527862534358351422652315189076285613e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"2886350382862303579018100677159913042753527117658533476236757556573891" *
"17078629382819407982809788356862403835880357832971615311017489e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5200574236273729212588484872650867507477213012834872326745126095123984" *
"11643074291816268032465432422927089933903133105579535883621040e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3287120202811158095856384078186826867920425216908373639848255135246010" *
"66439338033960358870100995697487612019606500325252814303932856e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"3135052010131966865598724808353763385968173719282853821013984699289828" *
"85724460852706285324303098327002339780596938130471611409479362e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"8459902472981657574535143224964335930152160216904528821900102708688160" *
"16343145950361647007735278989419297475291558550356105613155537e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5960011684088601086513127265232973557341515115873899433371321301930748" *
"31157131193848154249481756208631807667999873116456642252045336e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0695568460158736165540155349010955646641549827865488635633668654640891" *
"07940073552318137967699650096591215705513214070369010649397760e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6701237051066399710890354706827784653890251588243283943772603471318884" *
"22232854641134428478577942946854431973755272322816701351082917e-01"
)
]
tab_u0[ :, :, 8, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347195503955758811064404905575402334667165790098433788009729933" *
"44437519329614057473965363606431169848217179576643024619717309e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262691354703482714200533238478583607935748778837804732859869605" *
"53329935674227649940855070128037759570411691769510006767322705e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382236296828684504074553161541227229444476733461866903847949967" *
"53966182466220693977171474832406041553798586568074156354732718e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068797830185522548653667337110654142966747758341803155740241762175" *
"63898001440129823389304922606625245095560377592679487581971245e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790725872285083617576538417328468226235095240415953822748681415778" *
"93515630686670425455960896330887638451507347171583714601050146e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595622690544721955973959660356847472598188409687999994884292139355" *
"02646814809691029294272326114259122734731985618081895203822461e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867252410572985535184469170025359559081419183541996333088923360" *
"31884349379665314442432978860820501234392871466675798569107772e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242193467040308202344639519514374429014729842624849803313994071036" *
"88838289953127583619892691042267898303392376427490159413520087e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121182176207033238625306523797122467992203253590633175807073848" *
"36278130489368099456973385794777703142079388278408266952533013e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086953568827074039581620726421738706841738849517302695618625372133" *
"03467391847427091546633702643944639862767382445085094600313507e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441766760085811081186887593022269151092706194558854902218485785772" *
"42709712596887247085062477461588575400529309206410811249767486e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267267348709367266143722096324749117450094394636423938727783273" *
"10282596371082322226427099882326291829809135517420234391815757e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064314609293708638224810280099133573741651837284663536491930364" *
"26963105070573200398638040139146579335672397438964436125386961e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419613848040639994674328908434155843058057916435943797436788322" *
"48288043843296654891733483862953766575067603346301891341473409e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242315781327367038306273255076617497120409489079503321764976876" *
"40996443919983116618914679254356515005543473009808560827943767e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347195503955758811064404905575402334667165790098433788009729933" *
"44437519329614057473965363606431169848217179576643024619717309e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262691354703482714200533238478583607935748778837804732859869605" *
"53329935674227649940855070128037759570411691769510006767322705e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382236296828684504074553161541227229444476733461866903847949967" *
"53966182466220693977171474832406041553798586568074156354732718e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068797830185522548653667337110654142966747758341803155740241762175" *
"63898001440129823389304922606625245095560377592679487581971245e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790725872285083617576538417328468226235095240415953822748681415778" *
"93515630686670425455960896330887638451507347171583714601050146e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595622690544721955973959660356847472598188409687999994884292139355" *
"02646814809691029294272326114259122734731985618081895203822461e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867252410572985535184469170025359559081419183541996333088923360" *
"31884349379665314442432978860820501234392871466675798569107772e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242193467040308202344639519514374429014729842624849803313994071036" *
"88838289953127583619892691042267898303392376427490159413520087e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121182176207033238625306523797122467992203253590633175807073848" *
"36278130489368099456973385794777703142079388278408266952533013e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086953568827074039581620726421738706841738849517302695618625372133" *
"03467391847427091546633702643944639862767382445085094600313507e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441766760085811081186887593022269151092706194558854902218485785772" *
"42709712596887247085062477461588575400529309206410811249767486e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267267348709367266143722096324749117450094394636423938727783273" *
"10282596371082322226427099882326291829809135517420234391815757e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064314609293708638224810280099133573741651837284663536491930364" *
"26963105070573200398638040139146579335672397438964436125386961e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419613848040639994674328908434155843058057916435943797436788322" *
"48288043843296654891733483862953766575067603346301891341473409e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242315781327367038306273255076617497120409489079503321764976876" *
"40996443919983116618914679254356515005543473009808560827943767e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199707615959827812315591465347400681826866429204793475774046101" *
"14756820610566751649151922678425686021918298067941751047109340e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610472323459500158511868848755020508054206945113248569269131226" *
"63580759919859761252283722277260046251772472715723825432394066e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109028947047112792662548022322031701798959472775650246972319624" *
"51253073815186810247039789874721853317693860581277705617339937e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850046986226373586356617661061685934292778697897275866567245575309" *
"14418256121407063882242139659769899180893177518994282313267325e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013823796524363958496713195596733705383590929281471909104662617294" *
"12852177046300349354463615534815186988221970078380965448032616e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860120501260386092853300335322060146648267401570891264064741787" *
"58263191983552124682477196441385514147536829941398815136845408e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654216824101175504456510814130460952123090844694783886527342515236" *
"23130466317175048697603722464568151716735359385339196876971076e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121416777297255417159359492889531501001850442804222345093840877283" *
"82110272429906932511776374420576642980855300662700020747044117e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759463813366055013508965389991707694898180583017048045756243380529" *
"23469511576047337455372977928597430707889911816735852670370147e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079156908248554462694498185508791401438504707569151362539966004" *
"44482824826299984293103206334959378627779875997305771095158844e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454746885159987852520343311097751114353552264864957345558264794074" *
"24038722806772514666652206579998870630183493833750440289072242e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593569925391398546573113368833892554238335686676023633420511512" *
"47213538160031665312052016557555296169893212788199102649299409e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570015942641602244556090266262526885269097697070096501558537917" *
"69637880153112818134630098654846715058610821486281325730003080e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507583716051961348490599950465455792726497005040387853536539946" *
"43023745597707285324776356688996826223368546102903133861194098e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984595240809932293033594069517229670425406990156187173099132293" *
"33953936713603187053796678664529709140845700477517713556304829e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199707615959827812315591465347400681826866429204793475774046101" *
"14756820610566751649151922678425686021918298067941751047109340e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610472323459500158511868848755020508054206945113248569269131226" *
"63580759919859761252283722277260046251772472715723825432394066e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109028947047112792662548022322031701798959472775650246972319624" *
"51253073815186810247039789874721853317693860581277705617339937e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850046986226373586356617661061685934292778697897275866567245575309" *
"14418256121407063882242139659769899180893177518994282313267325e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013823796524363958496713195596733705383590929281471909104662617294" *
"12852177046300349354463615534815186988221970078380965448032616e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860120501260386092853300335322060146648267401570891264064741787" *
"58263191983552124682477196441385514147536829941398815136845408e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654216824101175504456510814130460952123090844694783886527342515236" *
"23130466317175048697603722464568151716735359385339196876971076e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121416777297255417159359492889531501001850442804222345093840877283" *
"82110272429906932511776374420576642980855300662700020747044117e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759463813366055013508965389991707694898180583017048045756243380529" *
"23469511576047337455372977928597430707889911816735852670370147e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079156908248554462694498185508791401438504707569151362539966004" *
"44482824826299984293103206334959378627779875997305771095158844e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454746885159987852520343311097751114353552264864957345558264794074" *
"24038722806772514666652206579998870630183493833750440289072242e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593569925391398546573113368833892554238335686676023633420511512" *
"47213538160031665312052016557555296169893212788199102649299409e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570015942641602244556090266262526885269097697070096501558537917" *
"69637880153112818134630098654846715058610821486281325730003080e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507583716051961348490599950465455792726497005040387853536539946" *
"43023745597707285324776356688996826223368546102903133861194098e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984595240809932293033594069517229670425406990156187173099132293" *
"33953936713603187053796678664529709140845700477517713556304829e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749263234193419205946092829427926362713025305059263193164074599" *
"36858775265218730904885247616144054086799871664289012459829354e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528055187380835704624883166799380407503477819247740399354225464301" *
"23150031018921492625220431664471601674760937929212639444704111e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574967638042199270199337060840172969538444762825804872267462088" *
"69579866386025668867083549101418195311992028314195195942314557e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284787851563844819263980292997339078510317474508484539081019115" *
"07746563200047637664209899649366102185200505523115675944522308e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497600920400701271342978822434659549054469812999688873268068490" *
"08630051889278726478752793703656983386867637929065949209623669e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616914291358287197195294807794239391286846161499561149318814214" *
"20846972980663019990089761034746382174492993397448951622199023e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410380202836369434563696749048240272171212896036764304107334497" *
"07866010827176473094189734898706290668769025566500374673366169e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225618308898227615953573284798330789938361731649695615688523766" *
"33203126364664405946652269673854744581962063795431489532931096e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032927817412850467147153769854505905054308291759522108697678421818" *
"85659469456283055395891786480856740327603379903737207593939269e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647382685742071186350802543676086113471549440206592019332506268" *
"32263269929187631288909214525472759520488772055589837238061055e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498494935170125060170563117586445642987144070123155574094217974" *
"91014257478242286942328229104720617718922149440849370658525524e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323640913172625519772104904035002959545810365740038846921674318176" *
"13194090901038636861878806310960319881038670648631183938817906e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676976637765643004582877306218871104168758453464967080512932883194" *
"35253290475055647394519948873543923765201474788329971755305967e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118831834975151529198893243890975425639166591428739758986768390446" *
"28988823653509917142423445520216768848522187080113747588654610e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667476557038898442391221001910334042130809152849472558576573624" *
"24531156270752152441732538600041873600310562822576443016985601e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749263234193419205946092829427926362713025305059263193164074599" *
"36858775265218730904885247616144054086799871664289012459829354e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528055187380835704624883166799380407503477819247740399354225464301" *
"23150031018921492625220431664471601674760937929212639444704111e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574967638042199270199337060840172969538444762825804872267462088" *
"69579866386025668867083549101418195311992028314195195942314557e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284787851563844819263980292997339078510317474508484539081019115" *
"07746563200047637664209899649366102185200505523115675944522308e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497600920400701271342978822434659549054469812999688873268068490" *
"08630051889278726478752793703656983386867637929065949209623669e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616914291358287197195294807794239391286846161499561149318814214" *
"20846972980663019990089761034746382174492993397448951622199023e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410380202836369434563696749048240272171212896036764304107334497" *
"07866010827176473094189734898706290668769025566500374673366169e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225618308898227615953573284798330789938361731649695615688523766" *
"33203126364664405946652269673854744581962063795431489532931096e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032927817412850467147153769854505905054308291759522108697678421818" *
"85659469456283055395891786480856740327603379903737207593939269e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647382685742071186350802543676086113471549440206592019332506268" *
"32263269929187631288909214525472759520488772055589837238061055e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498494935170125060170563117586445642987144070123155574094217974" *
"91014257478242286942328229104720617718922149440849370658525524e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323640913172625519772104904035002959545810365740038846921674318176" *
"13194090901038636861878806310960319881038670648631183938817906e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676976637765643004582877306218871104168758453464967080512932883194" *
"35253290475055647394519948873543923765201474788329971755305967e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118831834975151529198893243890975425639166591428739758986768390446" *
"28988823653509917142423445520216768848522187080113747588654610e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667476557038898442391221001910334042130809152849472558576573624" *
"24531156270752152441732538600041873600310562822576443016985601e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333815115909947293009181736502425530759938391564975979138439828" *
"93226110646038491009838473939187863823782839732574059177588907e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809618709721619235991644962415805884691835385015234179329414085" *
"74530408870337596777604190124462951383908888783807540599542898e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528623054874435247728075447639151480268008792996294665753349798569" *
"37804103383945366526322902715509075653871469599419236784216947e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216815406764127410436008793847227543835394820299176198731023447986" *
"24539903608280445597257858200285126784326093687904017453016077e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003912367865216944967454065912532741458241988202812747461042570" *
"67710671795456859196144966071506709385064482913404701567841074e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566605050152596067126472936817909661865503102890950374105206202463" *
"92362124529456514307545233493814870545639349076325429761104427e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370217263456582518707426029308953535614286478567573152657405461093" *
"07737842134426995805603553616774374993212051991945389474145158e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059725877689503851327045887206877709587014498163335766419853377" *
"46703073540695307448259972176632253494877904625568051912443471e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100209139783928312709136007892946507084839708414810472648301546" *
"75603078034774988387051141971948330120360179493789974976251308e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928105130884067206260092900408656405282407767684355571370333602" *
"89041729953987776097768984552519959165563350110184075675444062e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145173801878585404070976771463603304061470685220061201783657878975" *
"37279134593436584410799388826757344843822005920880643526847421e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623129860179100420335058584221307424837918897043818887055877038890" *
"37023979043111488150353595037507015024809951077764748088600255e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567056197358242071708652145433920373711172073033422061835772320" *
"57837111466247316297032539027894522223671165448895956611514666e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662218827715581053669749275007698870453656247461269785119907292" *
"44914602563130493683665288704976117283623172129625956411126375e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766990872611314164115916175544033524312051585187124613738849502794" *
"31917770054673020429662156120620072638964514390269857782872084e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333815115909947293009181736502425530759938391564975979138439828" *
"93226110646038491009838473939187863823782839732574059177588907e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809618709721619235991644962415805884691835385015234179329414085" *
"74530408870337596777604190124462951383908888783807540599542898e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528623054874435247728075447639151480268008792996294665753349798569" *
"37804103383945366526322902715509075653871469599419236784216947e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216815406764127410436008793847227543835394820299176198731023447986" *
"24539903608280445597257858200285126784326093687904017453016077e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003912367865216944967454065912532741458241988202812747461042570" *
"67710671795456859196144966071506709385064482913404701567841074e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566605050152596067126472936817909661865503102890950374105206202463" *
"92362124529456514307545233493814870545639349076325429761104427e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370217263456582518707426029308953535614286478567573152657405461093" *
"07737842134426995805603553616774374993212051991945389474145158e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059725877689503851327045887206877709587014498163335766419853377" *
"46703073540695307448259972176632253494877904625568051912443471e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100209139783928312709136007892946507084839708414810472648301546" *
"75603078034774988387051141971948330120360179493789974976251308e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928105130884067206260092900408656405282407767684355571370333602" *
"89041729953987776097768984552519959165563350110184075675444062e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145173801878585404070976771463603304061470685220061201783657878975" *
"37279134593436584410799388826757344843822005920880643526847421e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623129860179100420335058584221307424837918897043818887055877038890" *
"37023979043111488150353595037507015024809951077764748088600255e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567056197358242071708652145433920373711172073033422061835772320" *
"57837111466247316297032539027894522223671165448895956611514666e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662218827715581053669749275007698870453656247461269785119907292" *
"44914602563130493683665288704976117283623172129625956411126375e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766990872611314164115916175544033524312051585187124613738849502794" *
"31917770054673020429662156120620072638964514390269857782872084e-01"
)
]
tab_u0[ :, :, 9, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889264535390127586661734744001472558270150771762795929" *
"98472974190015023167388857009503566864761054593869696216745595e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646375490015037809459002910642215719188816583374951420" *
"13145704987399469197804480492516996849080484032474156410354379e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586545897796343349706724157430223378133123815463116921" *
"14594103243530128250917866561824155163596586768548698336131922e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892760921601106236824977256876421688367809504878549433" *
"90963549370512836432808843168083287678522544725648464768517950e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128937834096060946778688371475261199067428296891999439" *
"84148315962265847033067263709344413801582287898457279596155570e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515638728420102634636504420533004179682138048806786512" *
"37659257412275420079915195210605521741231956850403652192500245e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875514735953032017891474380556007261373042492428493804" *
"00359367927147682439838672226923204559238082368465706296345044e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151241283216500585907421247154505196344392823532039884" *
"44987731108991992107639611716594861820309997646265793036599210e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471902046220891308401454755129119997206070340427801563855" *
"16920123480924408003844599351401078136023563058694512886865893e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910302634932134647824294427011159499215647422566134523" *
"58663259087347011633284768804930934718185277275804008177376131e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201895455790556575395242663299375110267887830522480790" *
"29100421926459208798083301099777240220028834474309061694122680e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827834250520634319323366956723300150260098332719088655" *
"74171840929410027976396517023240830494398327760272467772823554e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951587864963104523746936260435615602988928885997086213" *
"30403544158506892042743328708062250005280148214563535964716698e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799519601975636254281137140174121742539028683233029074" *
"04341997111269206883729161430336154481721324410607006646665194e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207880365800619086621148652796775859427028878243042550" *
"49934489118356774575694689179472679032939355324567058013753260e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889264535390127586661734744001472558270150771762795929" *
"98472974190015023167388857009503566864761054593869696216745595e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646375490015037809459002910642215719188816583374951420" *
"13145704987399469197804480492516996849080484032474156410354379e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586545897796343349706724157430223378133123815463116921" *
"14594103243530128250917866561824155163596586768548698336131922e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892760921601106236824977256876421688367809504878549433" *
"90963549370512836432808843168083287678522544725648464768517950e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128937834096060946778688371475261199067428296891999439" *
"84148315962265847033067263709344413801582287898457279596155570e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515638728420102634636504420533004179682138048806786512" *
"37659257412275420079915195210605521741231956850403652192500245e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875514735953032017891474380556007261373042492428493804" *
"00359367927147682439838672226923204559238082368465706296345044e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151241283216500585907421247154505196344392823532039884" *
"44987731108991992107639611716594861820309997646265793036599210e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471902046220891308401454755129119997206070340427801563855" *
"16920123480924408003844599351401078136023563058694512886865893e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910302634932134647824294427011159499215647422566134523" *
"58663259087347011633284768804930934718185277275804008177376131e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201895455790556575395242663299375110267887830522480790" *
"29100421926459208798083301099777240220028834474309061694122680e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827834250520634319323366956723300150260098332719088655" *
"74171840929410027976396517023240830494398327760272467772823554e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951587864963104523746936260435615602988928885997086213" *
"30403544158506892042743328708062250005280148214563535964716698e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799519601975636254281137140174121742539028683233029074" *
"04341997111269206883729161430336154481721324410607006646665194e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207880365800619086621148652796775859427028878243042550" *
"49934489118356774575694689179472679032939355324567058013753260e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067824463364784469193108479239023747809638904384908383" *
"99685201404488053613458115692744232442924646698388762313311901e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866482775451203568099641100924625276750239660635061309" *
"32304099727208733976822232293712594067326108576514884295029651e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054742282780622054753350199794777013321894959708664024" *
"00889576970398903709475412496262919353595795268692541333165580e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190249966014249174966180799289329344127154360718874738" *
"51169870928042290105706787495796797189030119673242851607511375e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757931270391188015869256831887550660241241570428316396" *
"07396815535167369385261562531518427459620996279300804119314164e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709404163678837477944541730907437598684555577407793709872" *
"90530534165989059361651150410956043835489387045093523322478215e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765927925055279282046155371657348628172351187523834557" *
"84497580907118542026292147792590151442898806122627977850281307e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155650181140160922969362976537113279055901450363194431" *
"45175288246560844395183818661064042322135419454244019929417095e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258545047007855655736849993907361025496373794872332064" *
"57927766261605970860039860354097055408751436054948293627434077e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621644013246138091996880141164066677182997174215706142" *
"30879981786265579523679764012300815532065381546496082998025295e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697912780241019784055632909796675886401300767648554635" *
"70635385632305958091584146922084626067071191136642342772574551e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937535326499844657357680178119433040648215676024345652" *
"43523324459355830539192616621691088818366405982333669459801913e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323199134692890426614494008648911940292190285741569667995" *
"96133234769498471074886768803296784838839269563535735013176789e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391145006119435150654971804419584469377707314039912386" *
"87761785473211057597864551457546317016692238305201290493727873e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764852485577333634438085472697073518064706117654526475" *
"64179323306050126739102906360473501767402919458989865076733049e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067824463364784469193108479239023747809638904384908383" *
"99685201404488053613458115692744232442924646698388762313311901e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866482775451203568099641100924625276750239660635061309" *
"32304099727208733976822232293712594067326108576514884295029651e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054742282780622054753350199794777013321894959708664024" *
"00889576970398903709475412496262919353595795268692541333165580e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190249966014249174966180799289329344127154360718874738" *
"51169870928042290105706787495796797189030119673242851607511375e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757931270391188015869256831887550660241241570428316396" *
"07396815535167369385261562531518427459620996279300804119314164e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709404163678837477944541730907437598684555577407793709872" *
"90530534165989059361651150410956043835489387045093523322478215e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765927925055279282046155371657348628172351187523834557" *
"84497580907118542026292147792590151442898806122627977850281307e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155650181140160922969362976537113279055901450363194431" *
"45175288246560844395183818661064042322135419454244019929417095e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258545047007855655736849993907361025496373794872332064" *
"57927766261605970860039860354097055408751436054948293627434077e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621644013246138091996880141164066677182997174215706142" *
"30879981786265579523679764012300815532065381546496082998025295e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697912780241019784055632909796675886401300767648554635" *
"70635385632305958091584146922084626067071191136642342772574551e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937535326499844657357680178119433040648215676024345652" *
"43523324459355830539192616621691088818366405982333669459801913e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323199134692890426614494008648911940292190285741569667995" *
"96133234769498471074886768803296784838839269563535735013176789e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391145006119435150654971804419584469377707314039912386" *
"87761785473211057597864551457546317016692238305201290493727873e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764852485577333634438085472697073518064706117654526475" *
"64179323306050126739102906360473501767402919458989865076733049e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140056799041515478502113381553878052089215705945704470" *
"82164238490236682300855291287710586390713094735168472332932240e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617192919454322799027688320141823637182096821229138019765" *
"72605682804524739401875132914264690362559975045407163720853258e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340605570206120586142293908440791555455873260287994004" *
"70604719441482033095902995780092255559031365596682330561933815e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226146906239743675271042977412612805983709247093664540" *
"84825783889162401321861388722462392394664748438103991273917499e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458353064550574364360392543412652677360588415271691262" *
"15673741195374137778064853815336109975089204830750273317323036e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019861902458885502681919522948270582510652773116533897769" *
"53066304745294606949286128747397875427687649172700802551095167e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565012543901408099809587788601912739466667468663070829" *
"13455060701767690798792733830458679438491845296812508533090786e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252207825037317144841831917219718554094978158240290050" *
"56052160471706282727904945121208819785807153294836234712155883e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964577884935238599660779388984167774562087259976615798" *
"45240634048747447329109670341193573545704135710629025595889615e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643114891884510272489431462263914344880322021282195433" *
"36192893673813462112478568283548752047254325940364069749637707e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084609779228096243427227442178427976680577977603947930" *
"06156190990241329179798994089140560482714602906340044735021570e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312721345594424815263924478947401377013776339982252137" *
"20782497561892326382116730427965531638466469429692149823963735e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045228088328341847305294689666300879658851789992292116932" *
"57177477607052924400707320661707857460498553538922608258315088e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093139271778724082307049472171563656658312702692639444" *
"26188604596858028781308917207703267970028557620542515224955225e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800848183538221022584039278636719996913892734921817913" *
"59241865268349602793599951618911706774226076326341663722072325e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140056799041515478502113381553878052089215705945704470" *
"82164238490236682300855291287710586390713094735168472332932240e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617192919454322799027688320141823637182096821229138019765" *
"72605682804524739401875132914264690362559975045407163720853258e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340605570206120586142293908440791555455873260287994004" *
"70604719441482033095902995780092255559031365596682330561933815e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226146906239743675271042977412612805983709247093664540" *
"84825783889162401321861388722462392394664748438103991273917499e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458353064550574364360392543412652677360588415271691262" *
"15673741195374137778064853815336109975089204830750273317323036e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019861902458885502681919522948270582510652773116533897769" *
"53066304745294606949286128747397875427687649172700802551095167e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565012543901408099809587788601912739466667468663070829" *
"13455060701767690798792733830458679438491845296812508533090786e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252207825037317144841831917219718554094978158240290050" *
"56052160471706282727904945121208819785807153294836234712155883e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964577884935238599660779388984167774562087259976615798" *
"45240634048747447329109670341193573545704135710629025595889615e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643114891884510272489431462263914344880322021282195433" *
"36192893673813462112478568283548752047254325940364069749637707e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084609779228096243427227442178427976680577977603947930" *
"06156190990241329179798994089140560482714602906340044735021570e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312721345594424815263924478947401377013776339982252137" *
"20782497561892326382116730427965531638466469429692149823963735e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045228088328341847305294689666300879658851789992292116932" *
"57177477607052924400707320661707857460498553538922608258315088e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093139271778724082307049472171563656658312702692639444" *
"26188604596858028781308917207703267970028557620542515224955225e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800848183538221022584039278636719996913892734921817913" *
"59241865268349602793599951618911706774226076326341663722072325e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236258321605332672687521317846047977851981566026551433" *
"19636037965339103322011386764658203570309410149341701114754195e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581741985595041479169284727309476479640920313712969480100" *
"83374175096242138283541074430631093431224548203639274183655873e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794747031381609538031339311322617018024570178854903278" *
"37242975880796037967924857395444860092698620345639058062863875e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415548066234542588643819150016152347461502558081443305" *
"86052847968254142992001219190872630181575201701946238866715215e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390271878369354925634085163317715805358437413662704387" *
"70585635415219420022247160751300030507896847683663760164631877e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354611756147069950390370585839319204380890631696118702" *
"46322286596564585198278915876014307660737210014593176877879188e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059309657022765894552680896329631783574698986421547720" *
"23375341673177542784929251851643954304767870382629301173348048e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570706446792253338713666683797656451012011754819444407" *
"13855292685234001525226459218728847253380241519605474313853263e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636538440931662433432678538049424198281403596733804784" *
"23260127389838103462511116823462426701295738058932473857620131e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671161291641967056703714613113206787637258597763939960" *
"83893685975655737707545713160093138778836921513063084948825175e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303176647575752722988537712845951895413039172091961150" *
"78754032915541878750462765942095258174772481533662199469434964e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719422609200900292574009203448706720640955185527377482" *
"94210043284541068195997605422685468065238083227537163671852477e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442608481321346188177187492442015536580295655875561295" *
"96522718510173179724692498994613592517032288320826446418910806e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937918479397180043552657746321029531140485095483358851" *
"40808478770973624724180360851533681123894909612539484252339132e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548443786247568064358934859859146468108990966674128760" *
"99139940627380032591992309627340840626113859318228956853556427e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236258321605332672687521317846047977851981566026551433" *
"19636037965339103322011386764658203570309410149341701114754195e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581741985595041479169284727309476479640920313712969480100" *
"83374175096242138283541074430631093431224548203639274183655873e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794747031381609538031339311322617018024570178854903278" *
"37242975880796037967924857395444860092698620345639058062863875e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415548066234542588643819150016152347461502558081443305" *
"86052847968254142992001219190872630181575201701946238866715215e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390271878369354925634085163317715805358437413662704387" *
"70585635415219420022247160751300030507896847683663760164631877e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354611756147069950390370585839319204380890631696118702" *
"46322286596564585198278915876014307660737210014593176877879188e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059309657022765894552680896329631783574698986421547720" *
"23375341673177542784929251851643954304767870382629301173348048e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570706446792253338713666683797656451012011754819444407" *
"13855292685234001525226459218728847253380241519605474313853263e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636538440931662433432678538049424198281403596733804784" *
"23260127389838103462511116823462426701295738058932473857620131e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671161291641967056703714613113206787637258597763939960" *
"83893685975655737707545713160093138778836921513063084948825175e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303176647575752722988537712845951895413039172091961150" *
"78754032915541878750462765942095258174772481533662199469434964e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719422609200900292574009203448706720640955185527377482" *
"94210043284541068195997605422685468065238083227537163671852477e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442608481321346188177187492442015536580295655875561295" *
"96522718510173179724692498994613592517032288320826446418910806e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937918479397180043552657746321029531140485095483358851" *
"40808478770973624724180360851533681123894909612539484252339132e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548443786247568064358934859859146468108990966674128760" *
"99139940627380032591992309627340840626113859318228956853556427e-01"
)
]
tab_u0[ :, :, 10, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397274326908504973508367242011746613431307876" *
"65386845839559639660682895462476638585254471458926523869977767e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725008241891050536354970277820962660474476778" *
"31023071909369534494093015828845256813651348977264203974158097e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213969977280904173626443461437717031845926383012" *
"08486684968954129573132360699672789884898214271078344193976122e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319014081868254688972996235617129700572579241" *
"66958392418410080105525933067308757763188618512922154590203090e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239122090769085036719141487638880134502839121" *
"55597698005216280246027729263991886789516448794606322790619801e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537670335397861075020217051463270388158655156" *
"37326281425108241072556454748858079692987971135308907731909047e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666055996015124999447000690647286819555666631163" *
"47542424567264561152772200090884250531810604404253071043829231e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235214982322200993795608159334498934894436241666" *
"49649321105143465233523549039033698246434413579237243994431242e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608251148021911446840122067166551611367996926" *
"79821316016532745195577577498882520639492022231486302752313281e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978363964586936509353914747692050999694828133150" *
"77777842031199122567120259003792313206571626209120607773102442e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782309636428872008811988056314952479858475277" *
"90603308292377421577588313704923314122364139845815172991180032e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168013267619889949388325191826134696299078228" *
"02411384155121109054986504706710622705596972103620682564240595e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459796182469344715117111037123839339112078345" *
"95099571084820062484300353246314069569632499019877930647345300e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080182655488497394913232798031014433774190056" *
"79240741006571271905247219302757046326885435336004215245900853e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108810776165539731766606048624888677642554" *
"01849185276197984542971505730160304632347985827434347584703829e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397274326908504973508367242011746613431307876" *
"65386845839559639660682895462476638585254471458926523869977767e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725008241891050536354970277820962660474476778" *
"31023071909369534494093015828845256813651348977264203974158097e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213969977280904173626443461437717031845926383012" *
"08486684968954129573132360699672789884898214271078344193976122e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319014081868254688972996235617129700572579241" *
"66958392418410080105525933067308757763188618512922154590203090e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239122090769085036719141487638880134502839121" *
"55597698005216280246027729263991886789516448794606322790619801e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537670335397861075020217051463270388158655156" *
"37326281425108241072556454748858079692987971135308907731909047e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666055996015124999447000690647286819555666631163" *
"47542424567264561152772200090884250531810604404253071043829231e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235214982322200993795608159334498934894436241666" *
"49649321105143465233523549039033698246434413579237243994431242e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608251148021911446840122067166551611367996926" *
"79821316016532745195577577498882520639492022231486302752313281e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978363964586936509353914747692050999694828133150" *
"77777842031199122567120259003792313206571626209120607773102442e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782309636428872008811988056314952479858475277" *
"90603308292377421577588313704923314122364139845815172991180032e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168013267619889949388325191826134696299078228" *
"02411384155121109054986504706710622705596972103620682564240595e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459796182469344715117111037123839339112078345" *
"95099571084820062484300353246314069569632499019877930647345300e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080182655488497394913232798031014433774190056" *
"79240741006571271905247219302757046326885435336004215245900853e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108810776165539731766606048624888677642554" *
"01849185276197984542971505730160304632347985827434347584703829e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028554583714378352982830494784937196929002538" *
"45249957443295639828378102963580504605818790667155332392411526e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777885358538963773054573957992380649292274921" *
"45851359292067806258870833057205717790072879392562710129151905e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670099638702247701540078984466015322456167329" *
"03478940672103056812001917464886293043713590812168450879629201e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956843035099487946376159183527033899867076140" *
"33257256008019440822036421281081475030382003369924620355036925e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153250457391331313524525228359809536235159216" *
"80442773459244329687242336437130484199886687033930988998806265e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327179942962065690420471017872234718990426590747" *
"74677156944094428546315921600890916632867056576495096359558731e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188151124001713756058772170245131410108810310" *
"21346888923304472609942536153665885351846135571174459197584898e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411773300533293069455726718149741147031960656" *
"03269470887908820862225194857556381954879044277165452847119199e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415669323704219327237925379052821397588823583" *
"26668743284163483301392757213042624337676201888224209883289372e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352036020626852612348460130216663198300003722" *
"33202583437972058584385993450394228109281310201036227194916041e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102756877938617299882966779927381552785675444" *
"88153284141951000235586763076570014515802452188450690115635653e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327019606738365786059812164797012553661980847" *
"23892276686737988967784054592702930697928359391762604535645192e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098161577561217808146417029960804844481762371" *
"25325556505469897319676485916595072249505354238176578352504198e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385771601139639996017645516133154014006743192" *
"06244857912767450687572912653001262028518137031473866097051192e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734628301728568044409879476253803192001229433" *
"29728816740036114934970432267362033939679577841139867698618072e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028554583714378352982830494784937196929002538" *
"45249957443295639828378102963580504605818790667155332392411526e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777885358538963773054573957992380649292274921" *
"45851359292067806258870833057205717790072879392562710129151905e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670099638702247701540078984466015322456167329" *
"03478940672103056812001917464886293043713590812168450879629201e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956843035099487946376159183527033899867076140" *
"33257256008019440822036421281081475030382003369924620355036925e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153250457391331313524525228359809536235159216" *
"80442773459244329687242336437130484199886687033930988998806265e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327179942962065690420471017872234718990426590747" *
"74677156944094428546315921600890916632867056576495096359558731e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188151124001713756058772170245131410108810310" *
"21346888923304472609942536153665885351846135571174459197584898e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411773300533293069455726718149741147031960656" *
"03269470887908820862225194857556381954879044277165452847119199e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415669323704219327237925379052821397588823583" *
"26668743284163483301392757213042624337676201888224209883289372e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352036020626852612348460130216663198300003722" *
"33202583437972058584385993450394228109281310201036227194916041e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102756877938617299882966779927381552785675444" *
"88153284141951000235586763076570014515802452188450690115635653e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327019606738365786059812164797012553661980847" *
"23892276686737988967784054592702930697928359391762604535645192e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098161577561217808146417029960804844481762371" *
"25325556505469897319676485916595072249505354238176578352504198e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385771601139639996017645516133154014006743192" *
"06244857912767450687572912653001262028518137031473866097051192e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734628301728568044409879476253803192001229433" *
"29728816740036114934970432267362033939679577841139867698618072e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074401338659505825534407356440832160962605793" *
"07509208365754372860184120858403599050010482608638056949397058e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747073832464076300535565754152749742590764130" *
"29747449940571444531065422339258211757424813795306820086804173e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725690791234426551271903009412790600661201133" *
"70075860318513373556576746393037704788677878269014061256719065e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324406632259270780413289616531609083969223409" *
"35493699555986221168079814666568641376072779033199809285426867e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113650611989518084810185193362380030848053592" *
"79988024399234460307634925437587140353837750191161148543164512e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052495659216018061679366550023870795053635819" *
"04077742273510655704432519612084363280625527841695041741376119e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104496827285927363275012672563426628717160841" *
"37061066857997423616721699073145330587696724750655688345230597e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621080718299811303088902488987936609057332256" *
"24535378349274469850981462548565172661428995928558210220042806e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788926812612243550100504752406159349381249656" *
"74605526792548418918674454930620560468979331785233198340067083e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715153317939559429171398971232869125701538151" *
"20122349131896031419494436668177642292112922677328782360649648e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680916045335377002775065690361354698588380853" *
"16111135818491193067781513547610213519471937489556997088345982e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592120573757578561229448501617206155877193609" *
"00976456579979109694577137514308327431733071581135968226370081e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558247089510320996268117319502150810898642119" *
"95172090564997438418388417008686750122923770902834442189885946e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022937119631642403542144418300851068080286869" *
"51130795462077064701292494847652741225185236717873130044347239e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028938336940637465624920306797998300272680253" *
"85560958175758316323961410947523801132985471578004169252206689e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074401338659505825534407356440832160962605793" *
"07509208365754372860184120858403599050010482608638056949397058e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747073832464076300535565754152749742590764130" *
"29747449940571444531065422339258211757424813795306820086804173e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725690791234426551271903009412790600661201133" *
"70075860318513373556576746393037704788677878269014061256719065e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324406632259270780413289616531609083969223409" *
"35493699555986221168079814666568641376072779033199809285426867e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113650611989518084810185193362380030848053592" *
"79988024399234460307634925437587140353837750191161148543164512e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052495659216018061679366550023870795053635819" *
"04077742273510655704432519612084363280625527841695041741376119e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104496827285927363275012672563426628717160841" *
"37061066857997423616721699073145330587696724750655688345230597e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621080718299811303088902488987936609057332256" *
"24535378349274469850981462548565172661428995928558210220042806e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788926812612243550100504752406159349381249656" *
"74605526792548418918674454930620560468979331785233198340067083e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715153317939559429171398971232869125701538151" *
"20122349131896031419494436668177642292112922677328782360649648e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680916045335377002775065690361354698588380853" *
"16111135818491193067781513547610213519471937489556997088345982e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592120573757578561229448501617206155877193609" *
"00976456579979109694577137514308327431733071581135968226370081e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558247089510320996268117319502150810898642119" *
"95172090564997438418388417008686750122923770902834442189885946e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022937119631642403542144418300851068080286869" *
"51130795462077064701292494847652741225185236717873130044347239e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028938336940637465624920306797998300272680253" *
"85560958175758316323961410947523801132985471578004169252206689e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128926381205648512758826814976392081676097190" *
"89248219775772077104876614637273640084441193913845819484479250e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839198795476482751739246881234790047937973365" *
"96501429568972648949383023629004825737123001059057666711254423e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422661858663225862854008604439422897554018079" *
"75732396299660072187883173918189594418582355025534042483152394e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051881872661964859106808373614839185703054471" *
"27955339003658014721406856460988024850710001540081303964123157e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207953107575695719378600016636176096267768108524" *
"71350592334814482895521637081644527038358239876680658887531292e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884651409506989140342199821948237479065745119" *
"90639560503522611078286668231649004578235537563412820344597586e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314499937401233880470427561217632428580904697" *
"95140718184699389069331257831515333492656497585777584173041975e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829733552426844371260264940425718117613380285" *
"16578687333268124596725577023327081825930498397319936772736724e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907371212559457139428557583588893306945618299" *
"45325020222252283269969250088315570210446651934722364600926651e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096921227315830001191321229993334555178133528" *
"62253847494089150823690720889496402046451890090867770518476092e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047475160137933278761800307129094650823737818" *
"79223589882667284403705041294637707893282179944642034654730421e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194643286242264068800945437277202554121298281" *
"18002372625148353563015912978723274499491890074010833796563810e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086853541870225742773306665546977716717803915" *
"56637174342108782599141349318404338881478207823365798208019562e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255487279031746623382771508303346687166598606" *
"77994433516381004876905888102831947714787305712023340296603583e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291621755128678020176614019722959276719895131" *
"77267959003065537078986323146039849233484798332205369912473831e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128926381205648512758826814976392081676097190" *
"89248219775772077104876614637273640084441193913845819484479250e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839198795476482751739246881234790047937973365" *
"96501429568972648949383023629004825737123001059057666711254423e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422661858663225862854008604439422897554018079" *
"75732396299660072187883173918189594418582355025534042483152394e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051881872661964859106808373614839185703054471" *
"27955339003658014721406856460988024850710001540081303964123157e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207953107575695719378600016636176096267768108524" *
"71350592334814482895521637081644527038358239876680658887531292e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884651409506989140342199821948237479065745119" *
"90639560503522611078286668231649004578235537563412820344597586e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314499937401233880470427561217632428580904697" *
"95140718184699389069331257831515333492656497585777584173041975e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829733552426844371260264940425718117613380285" *
"16578687333268124596725577023327081825930498397319936772736724e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907371212559457139428557583588893306945618299" *
"45325020222252283269969250088315570210446651934722364600926651e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096921227315830001191321229993334555178133528" *
"62253847494089150823690720889496402046451890090867770518476092e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047475160137933278761800307129094650823737818" *
"79223589882667284403705041294637707893282179944642034654730421e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194643286242264068800945437277202554121298281" *
"18002372625148353563015912978723274499491890074010833796563810e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086853541870225742773306665546977716717803915" *
"56637174342108782599141349318404338881478207823365798208019562e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255487279031746623382771508303346687166598606" *
"77994433516381004876905888102831947714787305712023340296603583e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291621755128678020176614019722959276719895131" *
"77267959003065537078986323146039849233484798332205369912473831e-01"
)
]
tab_u0[ :, :, 11, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964915426798539917144629198985210630" *
"14423878283790660201647098516399779646775719802563864619924113e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374364190484147266710744650705054825" *
"18336334385275751167140988161891834211850761442139664831911414e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099661028647411954663110340382677" *
"79230847225534309662360184796439593228162728388185152452502434e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771572850910304711603813386430777491" *
"45907475408011923200383589482204519879025307219537704005883094e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614627870301119150299205241015546840" *
"63839528642536075680052635021742364309245183313088486433689157e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131397007998349197596939641354349997" *
"12077705540130521674705254228391070671674772814655913128769396e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534280087689432006035146663757406468" *
"23716756021241931174635827736297490526872858559315894932156340e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446965934331827956373562817364756606" *
"07770889243254404647504508896221183808124902192725122452388699e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436762278658790807488099893856368290" *
"46374303596367424475275045981713164531919929908444402473291151e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304859243076068300020540486192811798" *
"99565352925614095554225347749506801635155517469507124354799738e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344370040278673851036140154613392789" *
"76031428554041177291340638380774625087211196691190376510881521e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781118760238296116466463496750550098" *
"91247347291490094330293880245283170904922121066493492001172720e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463031130054315971214515083630514588" *
"24236194068635708953625075086361455053031602877047162649812245e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213760484966632000222395422457168424" *
"61476362058610969621211861024042088701335195115106038250555641e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499951977196106433822060555056646957" *
"08528530460240472756528924267812197428869357780329718953223742e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964915426798539917144629198985210630" *
"14423878283790660201647098516399779646775719802563864619924113e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374364190484147266710744650705054825" *
"18336334385275751167140988161891834211850761442139664831911414e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099661028647411954663110340382677" *
"79230847225534309662360184796439593228162728388185152452502434e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771572850910304711603813386430777491" *
"45907475408011923200383589482204519879025307219537704005883094e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614627870301119150299205241015546840" *
"63839528642536075680052635021742364309245183313088486433689157e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131397007998349197596939641354349997" *
"12077705540130521674705254228391070671674772814655913128769396e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534280087689432006035146663757406468" *
"23716756021241931174635827736297490526872858559315894932156340e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446965934331827956373562817364756606" *
"07770889243254404647504508896221183808124902192725122452388699e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436762278658790807488099893856368290" *
"46374303596367424475275045981713164531919929908444402473291151e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304859243076068300020540486192811798" *
"99565352925614095554225347749506801635155517469507124354799738e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344370040278673851036140154613392789" *
"76031428554041177291340638380774625087211196691190376510881521e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781118760238296116466463496750550098" *
"91247347291490094330293880245283170904922121066493492001172720e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463031130054315971214515083630514588" *
"24236194068635708953625075086361455053031602877047162649812245e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213760484966632000222395422457168424" *
"61476362058610969621211861024042088701335195115106038250555641e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499951977196106433822060555056646957" *
"08528530460240472756528924267812197428869357780329718953223742e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815650029541982496705418461590473150" *
"18911378256432111151391746542862340808823097454579786672000403e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188040003157195479229115123037407344" *
"95818183717258112219620623583247269686970393686142050796550459e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922083889808378610571450733947466926" *
"95264817344412126022944385973893504531942778324989649410876917e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190205123318691259295415182417650112" *
"02861977803076305294987657745853449759451234639706027996980904e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513888578244699944622640725957544685" *
"16647983134136349900684967757058022807822159834141090279653753e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637110900858566168046670083311885540" *
"70109088624286217428103137336444330838909835410919113295684048e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975090737428641203348697025007913424" *
"65350684763416591383984073862974385204958798082276864139995016e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829100613289597045250353435307020376" *
"04834294895554815710495889249639380000738061877508828398531028e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564992828744047570957707166223780531" *
"32610347036680445209175337032647020342916953942537118045122661e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302103408468711190509061097090777027" *
"80698664945364630137528593391525650929550188148122088264315509e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327814586684809664984282612654079741" *
"99214894539345097343722359060329828612701682753649240674687102e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498046084061384496852450853136234765" *
"43858920933238831977145013821674825141898200263879248796531936e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622820384138942854797038488868893906" *
"63329297806733177155070168993431561512142393214340542880329888e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390097508185199373716502444875211042" *
"66423492158706049695068926527201088431323305426139513771483540e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292362606747842666912333004926033842" *
"73275220196329064295976802432389330967533355845902579217411684e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815650029541982496705418461590473150" *
"18911378256432111151391746542862340808823097454579786672000403e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188040003157195479229115123037407344" *
"95818183717258112219620623583247269686970393686142050796550459e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922083889808378610571450733947466926" *
"95264817344412126022944385973893504531942778324989649410876917e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190205123318691259295415182417650112" *
"02861977803076305294987657745853449759451234639706027996980904e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513888578244699944622640725957544685" *
"16647983134136349900684967757058022807822159834141090279653753e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637110900858566168046670083311885540" *
"70109088624286217428103137336444330838909835410919113295684048e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975090737428641203348697025007913424" *
"65350684763416591383984073862974385204958798082276864139995016e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829100613289597045250353435307020376" *
"04834294895554815710495889249639380000738061877508828398531028e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564992828744047570957707166223780531" *
"32610347036680445209175337032647020342916953942537118045122661e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302103408468711190509061097090777027" *
"80698664945364630137528593391525650929550188148122088264315509e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327814586684809664984282612654079741" *
"99214894539345097343722359060329828612701682753649240674687102e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498046084061384496852450853136234765" *
"43858920933238831977145013821674825141898200263879248796531936e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622820384138942854797038488868893906" *
"63329297806733177155070168993431561512142393214340542880329888e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390097508185199373716502444875211042" *
"66423492158706049695068926527201088431323305426139513771483540e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292362606747842666912333004926033842" *
"73275220196329064295976802432389330967533355845902579217411684e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988756408226207512564531089887064364" *
"92109679730652363838551088813699947974881515282399868094258844e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141851836063318847511110234507111855" *
"11789731664654613583357591365910769416036446391224462678624466e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708871349422933580550075368799108006" *
"30967078022448206969743866648376756343836468852425989354592467e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325592065088277245801506706003287974" *
"45726556387864134058163955038367736554857513671337162912064697e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179413890894349347377861544404843297" *
"20466580730994252066433487670342218679116189493755150107180863e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912028833618317170367936529416040238" *
"13602672686334523033024347078855606586855845538321107814518150e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719627517223896928183242807972881238" *
"89680636119869852570460602759388752036185313066625852854224473e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017122611888689799777835904543678396" *
"31699092561447894509831581807414018428057620188360352763605131e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716284589788763097431606115598291037" *
"81755130426595688729427858585521996984543564685742883121614261e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504289684363422375746197492323344299" *
"31974753299150303660578880667644305586967185939971503583405402e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857571088194709649089507876188914610" *
"77324806327698383687573096496940893698840733698026655893795919e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100722638408837548805062634913037" *
"17723488619996860151494744873261577504141713007464109944384262e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447316289993625007349978121810260667" *
"73549219051975236870053804937586195293272180200105027673533210e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253279985190223632801342304211658498" *
"18609182532963634040649136031030743233376504880308289252891334e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070424605106172787007931308978671075" *
"05272347342177978304856430950627996299616864337905561850293406e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988756408226207512564531089887064364" *
"92109679730652363838551088813699947974881515282399868094258844e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141851836063318847511110234507111855" *
"11789731664654613583357591365910769416036446391224462678624466e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708871349422933580550075368799108006" *
"30967078022448206969743866648376756343836468852425989354592467e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325592065088277245801506706003287974" *
"45726556387864134058163955038367736554857513671337162912064697e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179413890894349347377861544404843297" *
"20466580730994252066433487670342218679116189493755150107180863e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912028833618317170367936529416040238" *
"13602672686334523033024347078855606586855845538321107814518150e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719627517223896928183242807972881238" *
"89680636119869852570460602759388752036185313066625852854224473e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017122611888689799777835904543678396" *
"31699092561447894509831581807414018428057620188360352763605131e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716284589788763097431606115598291037" *
"81755130426595688729427858585521996984543564685742883121614261e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504289684363422375746197492323344299" *
"31974753299150303660578880667644305586967185939971503583405402e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857571088194709649089507876188914610" *
"77324806327698383687573096496940893698840733698026655893795919e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100722638408837548805062634913037" *
"17723488619996860151494744873261577504141713007464109944384262e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447316289993625007349978121810260667" *
"73549219051975236870053804937586195293272180200105027673533210e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253279985190223632801342304211658498" *
"18609182532963634040649136031030743233376504880308289252891334e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070424605106172787007931308978671075" *
"05272347342177978304856430950627996299616864337905561850293406e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261677302393442113621283662686805486" *
"18070017842143362398022391110813307217279794965003992826830336e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461425368735857039554448979751132493" *
"85080005027781219776278649651898799985506618763103217926997781e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548437238957896554037766165506396533" *
"69889101305382423132670463156197286703108275718457014970934341e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592212678610638875514762957793849095" *
"50897750110832844401397595395469440710975275945753371637692212e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316445232732945934165215500885746597" *
"72542444158797239337604786582159516267546494280819324477546766e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857754812448373923366997840370602143" *
"48929105612295828075432255201994832893047618750978630457336199e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003858007785182268365481758775136205" *
"59849680504311121252384061382524128511138589308487410101867517e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940547819133256392652604307143784314" *
"97860852416665426737911702602115498424211492942556836408186059e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807075603238817341432792408643065397" *
"12792984648624480839206036963936505673974490138271626090156646e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241701673924766794930006924334874530" *
"67815962133522601867203510572305593550094485329229311629751730e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624175244065879024696164462311680390" *
"82836185370995446858238821203282260849064736429795428561046452e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599894133847514808149828562146748943" *
"33727819692328898468270473135848842773508977722803594767712239e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747433768277235890989845538750318474" *
"18708546476689032970625426740727767042574623400234119950377722e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571747774655663142524057073573582038" *
"27577920359326623066666043934963807573519753245136120091284339e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956181863904671849384157147555424474" *
"77200455045810335604408243354956043646177218458492165940200780e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261677302393442113621283662686805486" *
"18070017842143362398022391110813307217279794965003992826830336e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461425368735857039554448979751132493" *
"85080005027781219776278649651898799985506618763103217926997781e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548437238957896554037766165506396533" *
"69889101305382423132670463156197286703108275718457014970934341e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592212678610638875514762957793849095" *
"50897750110832844401397595395469440710975275945753371637692212e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316445232732945934165215500885746597" *
"72542444158797239337604786582159516267546494280819324477546766e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857754812448373923366997840370602143" *
"48929105612295828075432255201994832893047618750978630457336199e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003858007785182268365481758775136205" *
"59849680504311121252384061382524128511138589308487410101867517e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940547819133256392652604307143784314" *
"97860852416665426737911702602115498424211492942556836408186059e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807075603238817341432792408643065397" *
"12792984648624480839206036963936505673974490138271626090156646e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241701673924766794930006924334874530" *
"67815962133522601867203510572305593550094485329229311629751730e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624175244065879024696164462311680390" *
"82836185370995446858238821203282260849064736429795428561046452e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599894133847514808149828562146748943" *
"33727819692328898468270473135848842773508977722803594767712239e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747433768277235890989845538750318474" *
"18708546476689032970625426740727767042574623400234119950377722e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571747774655663142524057073573582038" *
"27577920359326623066666043934963807573519753245136120091284339e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956181863904671849384157147555424474" *
"77200455045810335604408243354956043646177218458492165940200780e-01"
)
]
tab_u0[ :, :, 12, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605978014706852166921107689" *
"99308236637040659257591187899103610177769658065555147719345762e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143419867037926068011437" *
"21277034726144768513716250763941033782109161301392970599787773e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676772965220210793541454079" *
"66199097179229122790329855722624306544060841989724050548796221e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526465675948678108424622517" *
"00332751579298581859649586407350762520740599201341598766958383e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115904682020595601034862948" *
"78415511741871991320045790489986049630569182980150176495908378e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544388543731785278816090584" *
"80437316063009602337792975932834545499300910459293612004435377e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139854739594846381078194926" *
"84570156338731441990574555253631777629836680007515792322109534e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669978379145162496766846579" *
"94996098068506023438257935982990689529459571638872595908955823e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001887969558937562235511310" *
"78089192941955578625452077425641099609415095772826118948571697e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176366002892852288779467151" *
"70859581800628130851472033852634616855007399130370978045840831e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077818912475754489901807839" *
"08525030737529625262636912335613847995301756669306725981465591e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565414738750838162104311912" *
"38165965239497467756684997693081827988022831380963792439606555e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370419983158540695479647499" *
"28355392829555387674066808089702665147518705089195997086441290e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786742843258371076489545930" *
"94918095100452060659534652454268636713710969283498969989492746e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579862336858987647256309819" *
"57524224171622828496411245870798756153879521821460508652439013e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605978014706852166921107689" *
"99308236637040659257591187899103610177769658065555147719345762e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143419867037926068011437" *
"21277034726144768513716250763941033782109161301392970599787773e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676772965220210793541454079" *
"66199097179229122790329855722624306544060841989724050548796221e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526465675948678108424622517" *
"00332751579298581859649586407350762520740599201341598766958383e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115904682020595601034862948" *
"78415511741871991320045790489986049630569182980150176495908378e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544388543731785278816090584" *
"80437316063009602337792975932834545499300910459293612004435377e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139854739594846381078194926" *
"84570156338731441990574555253631777629836680007515792322109534e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669978379145162496766846579" *
"94996098068506023438257935982990689529459571638872595908955823e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001887969558937562235511310" *
"78089192941955578625452077425641099609415095772826118948571697e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176366002892852288779467151" *
"70859581800628130851472033852634616855007399130370978045840831e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077818912475754489901807839" *
"08525030737529625262636912335613847995301756669306725981465591e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565414738750838162104311912" *
"38165965239497467756684997693081827988022831380963792439606555e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370419983158540695479647499" *
"28355392829555387674066808089702665147518705089195997086441290e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786742843258371076489545930" *
"94918095100452060659534652454268636713710969283498969989492746e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579862336858987647256309819" *
"57524224171622828496411245870798756153879521821460508652439013e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851378541061591268868415" *
"65141104585313555988427915479660011153613182060190270042498671e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074021457716872602622219172" *
"84024955267145704972181952770116948713742018107952951235131108e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949226441154308631767676004" *
"69386436017421841245776392277209835213353566715763183063681985e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983511929075131725231337686" *
"30367765482395851105523862910593135232290575503730404150652759e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154439666994120593574382743" *
"95769778719864763512084531505866655026029069163917867401769195e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816000647285828053081031944" *
"28007695502323822204143704594068698892231081371757688900116295e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821288395990243715207607115" *
"32685037417057216695794347509437221619639937841039920347418184e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295192287872374371010946310" *
"07366520728730504326368483217300672147922930456491603016258672e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976191621871806802968946408" *
"13748013597316458776700881677793834810074498415296898862567149e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454764224253510471725141496" *
"47309184947537191706807439587151142619830453872853968207574631e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630048802231638451528291835" *
"16020590517151434033548111461969132340690111666347078773620454e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963239204253574635515879692" *
"67817834961430062015948587893820483308423642372550111158403380e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434460820059956632674168564" *
"85326373690560573813889316705562541883955811658119244605449694e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897156496827672588755555968" *
"80646450025546390904615526623057032430772849584457513936531998e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841379120441828028952171183" *
"67463072370423683169368060978608881297857373749119777507663511e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851378541061591268868415" *
"65141104585313555988427915479660011153613182060190270042498671e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074021457716872602622219172" *
"84024955267145704972181952770116948713742018107952951235131108e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949226441154308631767676004" *
"69386436017421841245776392277209835213353566715763183063681985e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983511929075131725231337686" *
"30367765482395851105523862910593135232290575503730404150652759e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154439666994120593574382743" *
"95769778719864763512084531505866655026029069163917867401769195e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816000647285828053081031944" *
"28007695502323822204143704594068698892231081371757688900116295e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821288395990243715207607115" *
"32685037417057216695794347509437221619639937841039920347418184e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295192287872374371010946310" *
"07366520728730504326368483217300672147922930456491603016258672e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976191621871806802968946408" *
"13748013597316458776700881677793834810074498415296898862567149e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454764224253510471725141496" *
"47309184947537191706807439587151142619830453872853968207574631e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630048802231638451528291835" *
"16020590517151434033548111461969132340690111666347078773620454e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963239204253574635515879692" *
"67817834961430062015948587893820483308423642372550111158403380e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434460820059956632674168564" *
"85326373690560573813889316705562541883955811658119244605449694e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897156496827672588755555968" *
"80646450025546390904615526623057032430772849584457513936531998e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841379120441828028952171183" *
"67463072370423683169368060978608881297857373749119777507663511e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770868787087303242034326720" *
"66196997530212385356146016702335873150765126034090913053677427e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574129528847066767311010838" *
"21612078032744625775879310917341819417093904049974818003278222e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531434017368866337610848542" *
"55043844746683728221414007912270865957044295016902060011375561e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615655285746394376403239930" *
"78266713391354495227849850006596868672065289138436615920096639e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383773682382472746205101496" *
"23227098317466973623558766674357545208684099511586536447661600e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362686491839752853993094266" *
"38703948998252441652271609685435460820174837467607466169319728e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785381251554517557098912017" *
"02058529814102156207681775873033963759984216025306397858537943e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156771724615702421838319724" *
"86836444599894969570039564687865999481904561229395438676704527e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171487825804172605243999457" *
"31540355311149160358673215531439389120524073118256808737442333e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320294617062566326353766117" *
"10266146980504067931903585908583454977888698425460522306626694e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226362912911174535078795656" *
"07953449339540751306606525819178400066151048952418187139382658e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367518751710552891140895545" *
"44975088843696836732877551639076732205743481763884947725735508e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101365306493580533157366527" *
"37546279161399236657141860886832965257203094136917133765528850e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502716819618390409174410789" *
"68129205323487808566194040257189181875062739962287171826151670e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929099435838338489785386795" *
"25223071949380853725793343702640514929577559241568943614306615e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770868787087303242034326720" *
"66196997530212385356146016702335873150765126034090913053677427e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574129528847066767311010838" *
"21612078032744625775879310917341819417093904049974818003278222e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531434017368866337610848542" *
"55043844746683728221414007912270865957044295016902060011375561e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615655285746394376403239930" *
"78266713391354495227849850006596868672065289138436615920096639e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383773682382472746205101496" *
"23227098317466973623558766674357545208684099511586536447661600e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362686491839752853993094266" *
"38703948998252441652271609685435460820174837467607466169319728e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785381251554517557098912017" *
"02058529814102156207681775873033963759984216025306397858537943e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156771724615702421838319724" *
"86836444599894969570039564687865999481904561229395438676704527e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171487825804172605243999457" *
"31540355311149160358673215531439389120524073118256808737442333e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320294617062566326353766117" *
"10266146980504067931903585908583454977888698425460522306626694e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226362912911174535078795656" *
"07953449339540751306606525819178400066151048952418187139382658e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367518751710552891140895545" *
"44975088843696836732877551639076732205743481763884947725735508e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101365306493580533157366527" *
"37546279161399236657141860886832965257203094136917133765528850e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502716819618390409174410789" *
"68129205323487808566194040257189181875062739962287171826151670e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929099435838338489785386795" *
"25223071949380853725793343702640514929577559241568943614306615e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537723191085315961169320451" *
"50390619047732213401499820754234128151982673576852882189580039e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520762674911131918256165782" *
"84265807913900630308946488047427251563410108090838227234168687e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860580096719773854700492388" *
"01582115553110407450331803952545822940024831752398055766893398e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923863598064866864276511053" *
"32731973131143987016414245143372020681308253400494785124970596e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991057346745581031801083686" *
"52473113185223115571377825321881540772080268510821501993524948e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045213562378751840809439926" *
"61237577151171408364552965577196312588369275042746383379803338e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377311530978935749454056469" *
"89044084215501882823289594539830800006035792336227192960341231e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444132448933308744097144736" *
"34349330062474893335749530122852067215644721951588407775762620e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190073083481564562365629153" *
"53239259127029114020990407512709678030279466172215113503550205e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369113867195605985719002313" *
"50970269024498067486534765832080895909136985997255314176410307e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287222250521771724257062278" *
"84834290886477841536634055828400328784586280594149281092639028e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616337726466764524678017280" *
"04006978982043856539118476945837722395088282980474682186963843e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316511447419711367871881807" *
"25304199573123973369803304037153536621420319113279477053475407e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222494593568209271094670926" *
"18048051986624374867536891054423831157637084351630562788124134e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439524565984897311425783" *
"28742306663658669744926550776434266204185079759084858106199270e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537723191085315961169320451" *
"50390619047732213401499820754234128151982673576852882189580039e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520762674911131918256165782" *
"84265807913900630308946488047427251563410108090838227234168687e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860580096719773854700492388" *
"01582115553110407450331803952545822940024831752398055766893398e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923863598064866864276511053" *
"32731973131143987016414245143372020681308253400494785124970596e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991057346745581031801083686" *
"52473113185223115571377825321881540772080268510821501993524948e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045213562378751840809439926" *
"61237577151171408364552965577196312588369275042746383379803338e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377311530978935749454056469" *
"89044084215501882823289594539830800006035792336227192960341231e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444132448933308744097144736" *
"34349330062474893335749530122852067215644721951588407775762620e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190073083481564562365629153" *
"53239259127029114020990407512709678030279466172215113503550205e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369113867195605985719002313" *
"50970269024498067486534765832080895909136985997255314176410307e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287222250521771724257062278" *
"84834290886477841536634055828400328784586280594149281092639028e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616337726466764524678017280" *
"04006978982043856539118476945837722395088282980474682186963843e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316511447419711367871881807" *
"25304199573123973369803304037153536621420319113279477053475407e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222494593568209271094670926" *
"18048051986624374867536891054423831157637084351630562788124134e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439524565984897311425783" *
"28742306663658669744926550776434266204185079759084858106199270e-01"
)
]
tab_u0[ :, :, 13, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356823207587167" *
"40659264748568450400187573049267111121071217243687397306979992e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842884723563711" *
"18377231068729775573471439855156676944759581979550966025436546e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099951703287329186" *
"18788364724100945567433681493038412195412237586864866696906265e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539381751113174513" *
"32416996704918840063317879788422826097073023582031682353194649e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635246958947379376" *
"88998408006930374632814724876401436288429396410430174845738901e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580730468418976380" *
"07691425769122330660334543702411276766248926311114888921166923e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465066440320042767" *
"37594509820755705504900435817029972628328767787139138385032830e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351091965514382172" *
"39746571855741749973096002203810981929681704939596394526466845e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989128652421230066" *
"36819954707407434504281766429954935754906848213417382336067346e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661574911321352" *
"60495920574972377502504145478612996884272251024899826300740810e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699597366888993" *
"20188890917853555700228349875413382165662559491693722882170154e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978772062026287" *
"25431110537869460187535736415169451205272076503930438234197276e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968013869761282" *
"58083027882289390728717809078814263835332797299788137411121517e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576296847122655" *
"34006561322147410473343877074028617798500634819498537418183985e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845524170348232" *
"17033397025596087395039283897693313636664375127601913915370029e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356823207587167" *
"40659264748568450400187573049267111121071217243687397306979992e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842884723563711" *
"18377231068729775573471439855156676944759581979550966025436546e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099951703287329186" *
"18788364724100945567433681493038412195412237586864866696906265e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539381751113174513" *
"32416996704918840063317879788422826097073023582031682353194649e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635246958947379376" *
"88998408006930374632814724876401436288429396410430174845738901e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580730468418976380" *
"07691425769122330660334543702411276766248926311114888921166923e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465066440320042767" *
"37594509820755705504900435817029972628328767787139138385032830e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351091965514382172" *
"39746571855741749973096002203810981929681704939596394526466845e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989128652421230066" *
"36819954707407434504281766429954935754906848213417382336067346e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661574911321352" *
"60495920574972377502504145478612996884272251024899826300740810e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699597366888993" *
"20188890917853555700228349875413382165662559491693722882170154e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978772062026287" *
"25431110537869460187535736415169451205272076503930438234197276e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968013869761282" *
"58083027882289390728717809078814263835332797299788137411121517e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576296847122655" *
"34006561322147410473343877074028617798500634819498537418183985e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845524170348232" *
"17033397025596087395039283897693313636664375127601913915370029e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661294808534339372" *
"37918323163681181800058905301136026093373295780732212312247977e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850589537968051855" *
"22391283925713311496226199577221847032426667779581216555810374e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888509709929065374" *
"92798105841422973709305183868848423832847109187114429746926311e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031864970599171402" *
"25440255100524859600190310483393033767292158088996200669573931e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553710382205349565" *
"35127568669435298599183947649749831191856198963498829921734908e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879907100560742592" *
"87555122024908308665327919606647257112368067803065115128306061e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989015047080162543" *
"37339858138486036967366374925634067422544313430422371288754144e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165808216112472197" *
"45462513691177086199396432342561180220827059396482109608386705e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359499383148233483" *
"26229716663564701363795466596310021078912616802843687384609619e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669956002978536" *
"87013377513408328445479564410954812120030650470973075939978595e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803060132590218936" *
"69640162949418203686788727480800325847679121140950559212480221e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689666111014759064" *
"21705091100303260328829313914681172674155055216297960525733759e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578699612281200540" *
"58907247202555260626117240353973864002715046063960809772692213e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980975690184258489" *
"19858841033051279618101696351127310536563327579713135183945100e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823692506673864321" *
"51465501760522777600935590510134053993735284965585913972289132e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661294808534339372" *
"37918323163681181800058905301136026093373295780732212312247977e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850589537968051855" *
"22391283925713311496226199577221847032426667779581216555810374e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888509709929065374" *
"92798105841422973709305183868848423832847109187114429746926311e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031864970599171402" *
"25440255100524859600190310483393033767292158088996200669573931e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553710382205349565" *
"35127568669435298599183947649749831191856198963498829921734908e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879907100560742592" *
"87555122024908308665327919606647257112368067803065115128306061e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989015047080162543" *
"37339858138486036967366374925634067422544313430422371288754144e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165808216112472197" *
"45462513691177086199396432342561180220827059396482109608386705e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359499383148233483" *
"26229716663564701363795466596310021078912616802843687384609619e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669956002978536" *
"87013377513408328445479564410954812120030650470973075939978595e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803060132590218936" *
"69640162949418203686788727480800325847679121140950559212480221e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689666111014759064" *
"21705091100303260328829313914681172674155055216297960525733759e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578699612281200540" *
"58907247202555260626117240353973864002715046063960809772692213e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980975690184258489" *
"19858841033051279618101696351127310536563327579713135183945100e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823692506673864321" *
"51465501760522777600935590510134053993735284965585913972289132e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489510586595954" *
"46945868604167078994472299074015630475453867559503882066649188e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734603665698625883" *
"98865718142430914560064278797507488736745199877961194891273850e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411285050659249022" *
"15808920748301661876712529278113003020712946903963863339422608e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737588269669309506" *
"57864074827369992854253157326332339752901562646261397459785100e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344011615083947667" *
"09045939075573285238438926246886924388655095896738528165382971e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248112549649609748" *
"21899566877355229884107831543738675774093511521648363975343143e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780474276909592189" *
"93213988535172879645388229152039682699171908673064846817819650e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803364647580818605" *
"13695781150314046052757862651198793723441309120811378300268722e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153334369889733" *
"55932098207716925419294785342791318126159184225899491866088611e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300237529310002" *
"40223745845515691536760394868858709710778647172999737843018857e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642776620042979" *
"38850704670403113003048762596156134075833630332096897997411583e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150638278993933223" *
"90037781250496410120516952705257215652337317941293664899758394e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825941470463665" *
"07487975575037321267762539880736821087609458796173121067046804e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711880177368344" *
"85662291277397593400455166968851052890015455315212566469511723e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314437023599194103" *
"40963463954507612963797573291004762366716911208747672519138374e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489510586595954" *
"46945868604167078994472299074015630475453867559503882066649188e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734603665698625883" *
"98865718142430914560064278797507488736745199877961194891273850e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411285050659249022" *
"15808920748301661876712529278113003020712946903963863339422608e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737588269669309506" *
"57864074827369992854253157326332339752901562646261397459785100e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344011615083947667" *
"09045939075573285238438926246886924388655095896738528165382971e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248112549649609748" *
"21899566877355229884107831543738675774093511521648363975343143e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780474276909592189" *
"93213988535172879645388229152039682699171908673064846817819650e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803364647580818605" *
"13695781150314046052757862651198793723441309120811378300268722e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153334369889733" *
"55932098207716925419294785342791318126159184225899491866088611e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300237529310002" *
"40223745845515691536760394868858709710778647172999737843018857e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642776620042979" *
"38850704670403113003048762596156134075833630332096897997411583e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150638278993933223" *
"90037781250496410120516952705257215652337317941293664899758394e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825941470463665" *
"07487975575037321267762539880736821087609458796173121067046804e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711880177368344" *
"85662291277397593400455166968851052890015455315212566469511723e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314437023599194103" *
"40963463954507612963797573291004762366716911208747672519138374e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050268046332560355" *
"84251062696472725423800899617479711613010308642231396304224264e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808231146485768425" *
"14480282024244319956299740181006628609660983257132075368255770e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477209599636860338" *
"80665521864172762493171439750563412532144353592379909039784927e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651574696667780065" *
"98950858170552768405393092815742260367425528677673370109691203e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322372035986250597" *
"20366983419898088551035648901486828295730653834707306496159550e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167635955959954626" *
"80446928254873044086618404454889210405634954773067772815919667e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061376995647386530873" *
"12523794987434354907184313308648457455675811628388914753612477e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231627480025737801" *
"11344494740054926119361780578345806145716005432233085773755886e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652611323848649011" *
"07305224185449216561201747013113165303236162303330141471117027e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397110084233025005" *
"06972638645657394677321903622677029666937490505655157376374373e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812994408176938490" *
"64005328042225592555073479218240338365804192277657141648713075e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706661056227899202" *
"29194318754859229171289181457474149803440314550861838864339759e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831844595842460349" *
"63895472179264844818030772754410655521483293054527071342448912e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805644864610733849" *
"92915692380406020283727494822259509740980374676227489614303704e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244189627000648960" *
"01291825595730117390513297368452025652710876539628908866580131e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050268046332560355" *
"84251062696472725423800899617479711613010308642231396304224264e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808231146485768425" *
"14480282024244319956299740181006628609660983257132075368255770e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477209599636860338" *
"80665521864172762493171439750563412532144353592379909039784927e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651574696667780065" *
"98950858170552768405393092815742260367425528677673370109691203e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322372035986250597" *
"20366983419898088551035648901486828295730653834707306496159550e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167635955959954626" *
"80446928254873044086618404454889210405634954773067772815919667e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061376995647386530873" *
"12523794987434354907184313308648457455675811628388914753612477e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231627480025737801" *
"11344494740054926119361780578345806145716005432233085773755886e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652611323848649011" *
"07305224185449216561201747013113165303236162303330141471117027e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397110084233025005" *
"06972638645657394677321903622677029666937490505655157376374373e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812994408176938490" *
"64005328042225592555073479218240338365804192277657141648713075e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706661056227899202" *
"29194318754859229171289181457474149803440314550861838864339759e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831844595842460349" *
"63895472179264844818030772754410655521483293054527071342448912e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805644864610733849" *
"92915692380406020283727494822259509740980374676227489614303704e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244189627000648960" *
"01291825595730117390513297368452025652710876539628908866580131e-01"
)
]
tab_u0[ :, :, 14, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356506109318036" *
"98618317685359488846544368007463962958119514956124431579907404e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842152653764219" *
"86008075692267944834976703226197109642861172724042381633086097e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099950530574736394" *
"45880102560567696608119013479971820921638044554674162764788501e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539380212241600701" *
"09012204091149395544846043211664472405922309005685946651385800e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635245221871737669" *
"68943992041841911216728503853352634428054767442059939185298748e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580728751579839672" *
"09545470350226868626581881943169582152185305250112214251499834e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465064950112845297" *
"37930852105537353577504984380264488152747062677986338285683749e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351090840844542572" *
"88982593479132213087090632288024476809412487910714670889933721e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989127938819847462" *
"03041518277553369317041134831530134684236718935946153256001698e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661234934954288" *
"69337615036208496235130888039634316349862079385238001150042094e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699545590323657" *
"77702485349555795724609558630454713967824712666055327811994241e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978912204009257" *
"16501203048826076123097204348961183506497588019620292836606024e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968258245622351" *
"01777090685186085563281311929873570705746847430153318426900343e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576562332995936" *
"73935062126669967881619589198892753747765114536080698968211016e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845715467275779" *
"19427865118879261479514067143632568796138388168494535070189902e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356506109318036" *
"98618317685359488846544368007463962958119514956124431579907404e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842152653764219" *
"86008075692267944834976703226197109642861172724042381633086097e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099950530574736394" *
"45880102560567696608119013479971820921638044554674162764788501e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539380212241600701" *
"09012204091149395544846043211664472405922309005685946651385800e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635245221871737669" *
"68943992041841911216728503853352634428054767442059939185298748e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580728751579839672" *
"09545470350226868626581881943169582152185305250112214251499834e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465064950112845297" *
"37930852105537353577504984380264488152747062677986338285683749e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351090840844542572" *
"88982593479132213087090632288024476809412487910714670889933721e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989127938819847462" *
"03041518277553369317041134831530134684236718935946153256001698e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661234934954288" *
"69337615036208496235130888039634316349862079385238001150042094e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699545590323657" *
"77702485349555795724609558630454713967824712666055327811994241e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978912204009257" *
"16501203048826076123097204348961183506497588019620292836606024e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968258245622351" *
"01777090685186085563281311929873570705746847430153318426900343e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576562332995936" *
"73935062126669967881619589198892753747765114536080698968211016e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845715467275779" *
"19427865118879261479514067143632568796138388168494535070189902e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661296041283942823" *
"74008091903687249764754462562740128734176199561123210126547464e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850591989585579943" *
"03014173410770845206665526926587532816922489477027118209396415e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888513181646934654" *
"55558092937944562820348176116629978259668603627796474131567528e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031869108410876518" *
"17143254332589157645877020213449466672261652596751195101889395e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553714730109843922" *
"23286218324850653171521550120228600658700287993305178814796819e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879911169678853396" *
"79574034336997300706170432225096239279830860991004780335239004e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989018390299661176" *
"39379475995787050353218237236656347158721010332929747278905590e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165810496770320363" *
"08341538538615768861699128294249826913001698223931698787436999e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359500426934490780" *
"02402412046863101061281609478327068761743550386061901810331080e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669777803724089" *
"86580794766935157693391123384619660243772620746200087531228092e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803058934003676746" *
"81675086175158447849016414495556137915502083497374790175146768e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689664249046164442" *
"16326628396024631367261010900900753865025223916746516277661566e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578697544341804096" *
"45046617595144217413347480115513566288861885076085628835492791e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980973904148832704" *
"64581205822779256517048161663223840330537347406940786990223243e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823691446823997257" *
"54205634625276835564624473482475492343978272883925252060286673e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661296041283942823" *
"74008091903687249764754462562740128734176199561123210126547464e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850591989585579943" *
"03014173410770845206665526926587532816922489477027118209396415e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888513181646934654" *
"55558092937944562820348176116629978259668603627796474131567528e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031869108410876518" *
"17143254332589157645877020213449466672261652596751195101889395e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553714730109843922" *
"23286218324850653171521550120228600658700287993305178814796819e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879911169678853396" *
"79574034336997300706170432225096239279830860991004780335239004e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989018390299661176" *
"39379475995787050353218237236656347158721010332929747278905590e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165810496770320363" *
"08341538538615768861699128294249826913001698223931698787436999e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359500426934490780" *
"02402412046863101061281609478327068761743550386061901810331080e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669777803724089" *
"86580794766935157693391123384619660243772620746200087531228092e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803058934003676746" *
"81675086175158447849016414495556137915502083497374790175146768e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689664249046164442" *
"16326628396024631367261010900900753865025223916746516277661566e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578697544341804096" *
"45046617595144217413347480115513566288861885076085628835492791e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980973904148832704" *
"64581205822779256517048161663223840330537347406940786990223243e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823691446823997257" *
"54205634625276835564624473482475492343978272883925252060286673e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489981342675753" *
"25843323941588624856832355476301007689423516349535637353777226e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734604591857854167" *
"12321195848835912689916816012985948711156447920130417588847230e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411286309728958149" *
"94468482182066487729092636206978304681081121719517737609225746e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737589668171581862" *
"21477681740575471179491412571461569030698152906438179603976161e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344012947372261815" *
"35788668832701757946427304496839799522086868277397673841983399e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248113653241710523" *
"21097704614707200612960545161996980604984255649624281698615218e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780475061883826430" *
"00422239308342662737696739009154607807434117584933059275056035e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803365092857274125" *
"54948393160498424548894852335832016782314280499216940942150359e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153461615689107" *
"38081031074767550245044691024445295725183155101936343792458579e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300083781439728" *
"58628934205480173405533593353001672166144773957979353109128055e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642383888519951" *
"91958134063686360718052056670176600341545961766926446827497000e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150637705252960597" *
"66736747493309069463152405055204431900436240652768111162009266e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825281218023202" *
"31802473666639816503389832387412506945397281818709500341959839e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711274211660486" *
"99128262589941507072098649821569127057588822462996301374322660e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314436642324527081" *
"15974566583554498235512659040743623541170951430197186437091124e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489981342675753" *
"25843323941588624856832355476301007689423516349535637353777226e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734604591857854167" *
"12321195848835912689916816012985948711156447920130417588847230e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411286309728958149" *
"94468482182066487729092636206978304681081121719517737609225746e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737589668171581862" *
"21477681740575471179491412571461569030698152906438179603976161e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344012947372261815" *
"35788668832701757946427304496839799522086868277397673841983399e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248113653241710523" *
"21097704614707200612960545161996980604984255649624281698615218e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780475061883826430" *
"00422239308342662737696739009154607807434117584933059275056035e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803365092857274125" *
"54948393160498424548894852335832016782314280499216940942150359e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153461615689107" *
"38081031074767550245044691024445295725183155101936343792458579e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300083781439728" *
"58628934205480173405533593353001672166144773957979353109128055e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642383888519951" *
"91958134063686360718052056670176600341545961766926446827497000e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150637705252960597" *
"66736747493309069463152405055204431900436240652768111162009266e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825281218023202" *
"31802473666639816503389832387412506945397281818709500341959839e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711274211660486" *
"99128262589941507072098649821569127057588822462996301374322660e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314436642324527081" *
"15974566583554498235512659040743623541170951430197186437091124e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050270365738013447" *
"53603990272738227697823374550271768280019442121289057589681377e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808235883030198227" *
"00156510971791652579772954302465333007323607173427557069394095e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477216481174136820" *
"58413250723200184973943391178538634988810958697261084260035915e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651583127273287429" *
"39562522576240028981194760360741704538722482650546796441056560e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322381189723759352" *
"99769533091890963915428666381053223445120091477543530753857084e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167644902256823720" *
"25644927919956825640479952936811698847824340425011936357731444e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061377003489144133356" *
"68200801112395736873327004290061606602483965542504574540948589e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231633485524497613" *
"31570120532456272975899436938581797162943793563988279598470380e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652615035102015864" *
"03173364630115891964379047517426587840146740373410113061722991e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397111387077862915" *
"50487227536962536312744229083414240533351059991045704477311255e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812993553215587211" *
"61253635554228089920871823361511964978401239440465819724231191e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706658625347066527" *
"63298796664912240344620241095421404566035371341224510333635933e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831841416669566164" *
"23170583413450995744180498347078575055918578311718756387556083e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805641884148031581" *
"39624699747113387966190029193951111896037678215386935873767647e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244187763890555796" *
"82759647151412853710947798285444929361337317396438783833334086e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050270365738013447" *
"53603990272738227697823374550271768280019442121289057589681377e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808235883030198227" *
"00156510971791652579772954302465333007323607173427557069394095e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477216481174136820" *
"58413250723200184973943391178538634988810958697261084260035915e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651583127273287429" *
"39562522576240028981194760360741704538722482650546796441056560e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322381189723759352" *
"99769533091890963915428666381053223445120091477543530753857084e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167644902256823720" *
"25644927919956825640479952936811698847824340425011936357731444e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061377003489144133356" *
"68200801112395736873327004290061606602483965542504574540948589e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231633485524497613" *
"31570120532456272975899436938581797162943793563988279598470380e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652615035102015864" *
"03173364630115891964379047517426587840146740373410113061722991e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397111387077862915" *
"50487227536962536312744229083414240533351059991045704477311255e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812993553215587211" *
"61253635554228089920871823361511964978401239440465819724231191e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706658625347066527" *
"63298796664912240344620241095421404566035371341224510333635933e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831841416669566164" *
"23170583413450995744180498347078575055918578311718756387556083e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805641884148031581" *
"39624699747113387966190029193951111896037678215386935873767647e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244187763890555796" *
"82759647151412853710947798285444929361337317396438783833334086e-01"
)
]
tab_u0[ :, :, 15, 3] .= [
parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356506109317456" *
"43666583441730101933916483582802161120766201211739728624902267e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842152653763286" *
"42432866730939385367720336709806808408853512268443843565515430e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099950530574735398" *
"73442201845536332266828791088574561623958029629315185031833162e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539380212241599951" *
"66322642323531398766914474443431895230479453487063808232284938e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635245221871737440" *
"46812992929615002800541590569945270535487274671330295382282479e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580728751579840153" *
"26151936773026542831277881031461389424662936780722282809687980e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465064950112846561" *
"73180654431602497038889318154456343555739712363091428156954927e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351090840844544565" *
"47142000428305819865466131720083987351491833433351230903723503e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989127938819850014" *
"20745905754663717967385721298174965893994366550221983062767937e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661234934957151" *
"19287754785965564850354122683954213808067087358953437246817999e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699545590326543" *
"32495080279628713977869304947045328706442353286956321754510193e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978912204011883" *
"48520645227316820509244517220715745047846269655920439714349676e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968258245624478" *
"08644867239452370752313145910087233122480733295978386894604902e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576562332997395" *
"98442938082334295768911176003816571075700634777391575379709259e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845715467276494" *
"49312498429191091222144284262184745788233056753213288944232916e-01"
) parse(
BigFloat,
"1.25000000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.24999999999176883555743025344877823068189033070650208065245131914839" *
"8941840347281351889258952397283027964916621605977324312356506109317456" *
"43666583441730101933916483582802161120766201211739728624902267e-01"
) parse(
BigFloat,
"1.24999999998790619357053920688312390011692011844762462111388783140686" *
"3729317262909738646347572725033683374365415299143699927842152653763286" *
"42432866730939385367720336709806808408853512268443843565515430e-01"
) parse(
BigFloat,
"1.24999999998900012626689421757909295528020827104433993259083609116006" *
"5187882382610802586482213970025035166099806676775798099950530574735398" *
"73442201845536332266828791088574561623958029629315185031833162e-01"
) parse(
BigFloat,
"1.24999999999488409230999982151952835168984535251619233609794946540990" *
"7528068798354871892653821319085872771571083526472262539380212241599951" *
"66322642323531398766914474443431895230479453487063808232284938e-01"
) parse(
BigFloat,
"1.25000000000466231120807819303638829003312916899109872494084817154689" *
"5262790726513126128786836239215262614623744115915592635245221871737440" *
"46812992929615002800541590569945270535487274671330295382282479e-01"
) parse(
BigFloat,
"1.25000000001684613777367193989080592505531788647976965550712736593555" *
"2336595623394202515450489537778410131390462544403599580728751579840153" *
"26151936773026542831277881031461389424662936780722282809687980e-01"
) parse(
BigFloat,
"1.25000000002958069485883226298981404662415175070255426077265150748326" *
"1249789867958900875301666056110163534271371139873061465064950112846561" *
"73180654431602497038889318154456343555739712363091428156954927e-01"
) parse(
BigFloat,
"1.25000000004092726158639094380035534914725768311988732406135139539674" *
"2436242194121704151019235215093241446955514669998583351090840844544565" *
"47142000428305819865466131720083987351491833433351230903723503e-01"
) parse(
BigFloat,
"1.25000000004915842602896069035155900989950042307351033860060547709697" *
"1541992121743471901831852608350747436750786001908444989127938819850014" *
"20745905754663717967385721298174965893994366550221983062767937e-01"
) parse(
BigFloat,
"1.25000000005302106801585173691718919894218786068220292555505641038255" *
"8603086954011062910110978364047067304847444176385188056661234934957151" *
"19287754785965564850354122683954213808067087358953437246817999e-01"
) parse(
BigFloat,
"1.25000000005192713531949672622120411107653800523364702740682552368169" *
"7630441767072778201738002782371887344358808077835511709699545590326543" *
"32495080279628713977869304947045328706442353286956321754510193e-01"
) parse(
BigFloat,
"1.25000000004604316927639112228077018252406228708762239967568918897832" *
"7571282267453971827717626168054806781108992565427857258978912204011883" *
"48520645227316820509244517220715745047846269655920439714349676e-01"
) parse(
BigFloat,
"1.25000000003626495037831275076392835274664539995259091564108508199271" *
"1788970064392597951513041459818959463023599370429196812968258245624478" *
"08644867239452370752313145910087233122480733295978386894604902e-01"
) parse(
BigFloat,
"1.25000000002408112381271900390953485924673945711410485765891844206000" *
"2866593419615543799481642080190908213755649786748231489576562332997395" *
"98442938082334295768911176003816571075700634777391575379709259e-01"
) parse(
BigFloat,
"1.25000000001134656672755868081054277038026729574316083906467692745995" *
"3467479242288066207868799896108906499949825579864492179845715467276494" *
"49312498429191091222144284262184745788233056753213288944232916e-01"
)
parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661296041283942118" *
"67830085190447549145318288216971557446485429484945370779074052e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850591989585579045" *
"33512887354064118190377173481052230792987161351130281924333380e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888513181646934105" *
"44960927531532325780028647544675554169026128761819377021951045e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031869108410876805" *
"29835795750941542608562316402923602733113582914281221412387131e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553714730109845405" *
"74089192990667159039994405042307690925888457900386971093857047e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879911169678856254" *
"93967073534141091932105121259507142170330050166493287022278747e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989018390299665378" *
"68551223182437925764292771556077366892264686013652426773878519e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165810496770325674" *
"90943427600934757020728539313328155943106615302112045026252857e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359500426934496798" *
"04111777940247632204884371874049056568867111153364578335536744e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669777803730302" *
"97476749113587427471782093282787990898854177265621261172866964e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803058934003682613" *
"68440675954260872543818525028927242200878558872160446059936886e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689664249046169473" *
"65959432129353480578558671163499553512507558773296680203237228e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578697544341807930" *
"43639517888655974471065973328282930858601807227019906456681829e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980973904148835161" *
"53720732521037573090905460352210325663297726972891935002820632e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823691446823998367" *
"93792697325810551943616392664017602652184693332477635243260819e-01"
) parse(
BigFloat,
"1.40625000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.40625000000000000000105828968102786568149754558797108287981044869387" *
"6475108199689222067839604028559930815659326676851841661296041283942118" *
"67830085190447549145318288216971557446485429484945370779074052e-01"
) parse(
BigFloat,
"1.40625000000000000000204613449140885320946639084176692638091729840357" *
"0039559610471792866474264777901337188054866074024232850591989585579045" *
"33512887354064118190377173481052230792987161351130281924333380e-01"
) parse(
BigFloat,
"1.40625000000000000000281314401359796246335974325246119274127878858102" *
"9053055109079819054674953670129901922099742949233021888513181646934105" *
"44960927531532325780028647544675554169026128761819377021951045e-01"
) parse(
BigFloat,
"1.40625000000000000000324254800080053430239761203648116529743202861238" *
"7186850047114306190097606956889064190217240983523228031869108410876805" *
"29835795750941542608562316402923602733113582914281221412387131e-01"
) parse(
BigFloat,
"1.40625000000000000000326897358852181431156825239681835777205048207324" *
"5692013824015990757680592153311350513892801154455879553714730109845405" *
"74089192990667159039994405042307690925888457900386971093857047e-01"
) parse(
BigFloat,
"1.40625000000000000000288839772057978682120702546964026900718086663039" *
"2500916860431709403816327180015575637104267816021223879911169678856254" *
"93967073534141091932105121259507142170330050166493287022278747e-01"
) parse(
BigFloat,
"1.40625000000000000000215875962293979168822276130010915149735667398198" *
"8867654217213437765500239188230542975071936821312125989018390299665378" *
"68551223182437925764292771556077366892264686013652426773878519e-01"
) parse(
BigFloat,
"1.40625000000000000000119114008178169257051664532694526314914380595937" *
"9945121417219163155170729411853570829070185295217482165810496770325674" *
"90943427600934757020728539313328155943106615302112045026252857e-01"
) parse(
BigFloat,
"1.40625000000000000000013285040075382688901909973897417945096735746175" *
"5211759464274037258050301415744344564953085976216367359500426934496798" *
"04111777940247632204884371874049056568867111153364578335536744e-01"
) parse(
BigFloat,
"1.40624999999999999999914500559037283936105025448517834695127000133834" *
"6339255079599708621172807352100469302058085454786673058669777803730302" *
"97476749113587427471782093282787990898854177265621261172866964e-01"
) parse(
BigFloat,
"1.40624999999999999999837799606818373010715690207448409696761702201448" *
"2824454747276135697500388102807028327768270630067452803058934003682613" *
"68440675954260872543818525028927242200878558872160446059936886e-01"
) parse(
BigFloat,
"1.40624999999999999999794859208098115826811903329046413657021757147688" *
"7810497593883103937208069327053912498003513963253131689664249046169473" *
"65959432129353480578558671163499553512507558773296680203237228e-01"
) parse(
BigFloat,
"1.40624999999999999999792216649325987825894839293012694491396511781977" *
"7563587570237323198905908098180921622785726434469819578697544341807930" *
"43639517888655974471065973328282930858601807227019906456681829e-01"
) parse(
BigFloat,
"1.40624999999999999999830274236120190574930961985730502267742523967634" *
"6062737507713362391013006385779165390073720897161116980973904148835161" *
"53720732521037573090905460352210325663297726972891935002820632e-01"
) parse(
BigFloat,
"1.40624999999999999999903238045884190088229388402683612381054092147115" *
"4197304984647180764800824734629074292350989841380579823691446823998367" *
"93792697325810551943616392664017602652184693332477635243260819e-01"
)
parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489981342675366" *
"59278756010927131053826855829788257926825404246980417089129603e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734604591857853179" *
"98132500314762381812924567511059760805627690995235961144810591e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411286309728956437" *
"12885920095145273704824898043843106859307186162132798149767233e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737589668171579413" *
"52122999164040095313947128803600990029506888855835566462209212e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344012947372258741" *
"81633270099401595646968318642466411292804335609865051872531768e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248113653241707039" *
"48124899449337615875615536321367547769286543680504144953881874e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780475061883822816" *
"00779455326743785754834959366511914792348287293270503469772993e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803365092857270676" *
"50654692581257708207079778174646404820624817693068558647268844e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153461615686084" *
"17336827797488028464344681149399802527223792643661105407441572e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300083781437318" *
"76325350262729465927378548783710608766359667089909974232210392e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642383888518246" *
"85553575104783504311722756614496370917123908395859423477977194e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150637705252959585" *
"99467558088350730688305930532171787487591594033636255364099743e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825281218022776" *
"32349228556164136969856493100503201768501775736934045331728512e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711274211660458" *
"27676075494987464727574855448931046643994449733698944657449066e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314436642324527203" *
"62687042364812006646447382828479080238856961993186060663580848e-01"
) parse(
BigFloat,
"1.56250000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.56249999999022178110192162848317676701089816169963893202199521104216" *
"3746664749096996140103391074377933988760003770865045362489981342675366" *
"59278756010927131053826855829788257926825404246980417089129603e-01"
) parse(
BigFloat,
"1.56249999997803795453632788162878289950592510608861659779376049432503" *
"6931528054891617193009174747029488141859502574121648734604591857853179" *
"98132500314762381812924567511059760805627690995235961144810591e-01"
) parse(
BigFloat,
"1.56249999996530339745116755852977707419552659889165254632021537214732" *
"7791962574604001340727831725631880708882845531422291411286309728956437" *
"12885920095145273704824898043843106859307186162132798149767233e-01"
) parse(
BigFloat,
"1.56249999995395683072360887771921669707818797265526931413772873994482" *
"0668264284429948226285716324342313325606540615640682737589668171579413" *
"52122999164040095313947128803600990029506888855835566462209212e-01"
) parse(
BigFloat,
"1.56249999994572566628103913116798104622874661338180916667946619021177" *
"5660090497318558458489830113590947179430102383757678344012947372258741" *
"81633270099401595646968318642466411292804335609865051872531768e-01"
) parse(
BigFloat,
"1.56249999994186302429414808460231822268484980401598244607657857571619" *
"7747628616760019862019235052449550912045384362670783248113653241707039" *
"48124899449337615875615536321367547769286543680504144953881874e-01"
) parse(
BigFloat,
"1.56249999994295695699050309529827991498502715609223828437080570737187" *
"8881781410381848565094988104470393719643055785367430780475061883822816" *
"00779455326743785754834959366511914792348287293270503469772993e-01"
) parse(
BigFloat,
"1.56249999994884092303360869923870279867988569619789347628285415369157" *
"6154877225778333252247275621076515017135967156761005803365092857270676" *
"50654692581257708207079778174646404820624817693068558647268844e-01"
) parse(
BigFloat,
"1.56249999995861914193168707075554206437134923735009513093214156993221" *
"1647032928117085964572307788943928716294863171480881531153461615686084" *
"17336827797488028464344681149399802527223792643661105407441572e-01"
) parse(
BigFloat,
"1.56249999997080296849728081760993446401916092963528968938439924766843" *
"7622189647787779643068768715188048504296335320291538098300083781437318" *
"76325350262729465927378548783710608766359667089909974232210392e-01"
) parse(
BigFloat,
"1.56249999998353752558244114070892218076369250749237883604964977115947" *
"3887024498960402084533202680962724857574030226363260785642383888518246" *
"85553575104783504311722756614496370917123908395859423477977194e-01"
) parse(
BigFloat,
"1.56249999999488409230999982151945841635874835907857719564802384899764" *
"5156323641386404312628590592172285534100407367521657150637705252959585" *
"99467558088350730688305930532171787487591594033636255364099743e-01"
) parse(
BigFloat,
"1.56250000000311525675256956807067803450582801550019675643500377144789" *
"0925676977062045227996053558296232447313725101369580148825281218022776" *
"32349228556164136969856493100503201768501775736934045331728512e-01"
) parse(
BigFloat,
"1.56250000000697789873946061463634232590688618819185125281386842492436" *
"9678118832155269093064404022976031253276632502721070905711274211660458" *
"27676075494987464727574855448931046643994449733698944657449066e-01"
) parse(
BigFloat,
"1.56250000000588396604310560394039874217257576545547031932793589195536" *
"1418696667648433800805560028960191070422143929102218314436642324527203" *
"62687042364812006646447382828479080238856961993186060663580848e-01"
)
parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050270365738013581" *
"63883551306745432187914531540154995739052690695050692938028238e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808235883030198507" *
"26016582328017403611235204250629246547928432104829073611016411e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477216481174137235" *
"34627064939509450560919566824972836952208548093622828228574783e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651583127273287943" *
"68527057044239802038120665069027898772468409807645170589694456e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322381189723759914" *
"11496673792428478665341817173665776745989888201225850074628616e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167644902256824267" *
"58196478295101283338975731672963433947596175080496915236590257e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061377003489144133833" *
"14974221945887913741503036539273010468189881334347317678578565e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231633485524497975" *
"49350565825632910198926755082064530643669284798971206240006841e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652615035102016088" *
"45914655956224107918631661123095676157130200174711171476176210e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397111387077863000" *
"48379478844295016001385766221344828138039762309899959924993748e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812993553215587175" *
"22109279579624890854969703211215275506728083517639168807775394e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706658625347066403" *
"57983154953144243293937185510264886950677569335540093938302584e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831841416669565996" *
"99851928382926526785192334277149830304225163918453243968360396e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805641884148031421" *
"24750163845447814383955667484413861049218141824615005404794099e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244187763890555694" *
"40346105232531672152064324601181284176073319326947151773276194e-01"
) parse(
BigFloat,
"1.71875000000000000000000000000000000000000000000000000000000000000000" *
"0000000000000000000000000000000000000000000000000000000000000000000000" *
"00000000000000000000000000000000000000000000000000000000000000e-01"
) parse(
BigFloat,
"1.71875000000022699407008838580171239802362166759972325574808320994370" *
"1242991333541666236289197128901692261686195537722498050270365738013581" *
"63883551306745432187914531540154995739052690695050692938028238e-01"
) parse(
BigFloat,
"1.71874999999695787225706570304866801129653522024615599997257370408833" *
"0415323809108581742040335839145326461441499520760190808235883030198507" *
"26016582328017403611235204250629246547928432104829073611016411e-01"
) parse(
BigFloat,
"1.71874999999069032872230162457808486914413608583272039563959382650612" *
"7962528622380592794815206422579875548457863860574989477216481174137235" *
"34627064939509450560919566824972836952208548093622828228574783e-01"
) parse(
BigFloat,
"1.71874999998237854015354035822993861234048020821613525053306805863662" *
"9411216814665431415617451051775941592234405923855425651583127273287943" *
"68527057044239802038120665069027898772468409807645170589694456e-01"
) parse(
BigFloat,
"1.71874999997328790101382480472372580413039006439430899967319781577643" *
"8698523003210989390330207952985875316464539991046127322381189723759914" *
"11496673792428478665341817173665776745989888201225850074628616e-01"
) parse(
BigFloat,
"1.71874999996480237870532764790523623778391834772183741214543310890596" *
"6925566604489632354648399884524512857768562045199778167644902256824267" *
"58196478295101283338975731672963433947596175080496915236590257e-01"
) parse(
BigFloat,
"1.71874999995821381707806630533152585927158690909292711405216636236562" *
"3589370216923533059317073314379233003863894377296061377003489144133833" *
"14974221945887913741503036539273010468189881334347317678578565e-01"
) parse(
BigFloat,
"1.71874999995452526491433143830872683390775393207171599389185092880197" *
"3414971059653118570681291829629526940544698444116439231633485524497975" *
"49350565825632910198926755082064530643669284798971206240006841e-01"
) parse(
BigFloat,
"1.71874999995429827084424305250701443588413254582170262831988109995880" *
"5427382100409744636482185907291846807063665190057767652615035102016088" *
"45914655956224107918631661123095676157130200174711171476176210e-01"
) parse(
BigFloat,
"1.71874999995756739265726573526005882261121920206106943490181359146729" *
"3216436928543700671080191096870754241682434369100373397111387077863000" *
"48379478844295016001385766221344828138039762309899959924993748e-01"
) parse(
BigFloat,
"1.71874999996383493619202981373064196476361835053392586095688908835602" *
"2818145174406507303080951047453389624151344287211422812993553215587175" *
"22109279579624890854969703211215275506728083517639168807775394e-01"
) parse(
BigFloat,
"1.71874999997214672476079108007878822156727403914773506044706398806036" *
"7986623130533266719325040194645617599868960616329993706658625347066403" *
"57983154953144243293937185510264886950677569335540093938302584e-01"
) parse(
BigFloat,
"1.71874999998123736390050663358500102977736390161985142113082084982002" *
"5443914567689416442522192086871671747410939316506760831841416669565996" *
"99851928382926526785192334277149830304225163918453243968360396e-01"
) parse(
BigFloat,
"1.71874999998972288620900379040349059612383540940652345785216257103738" *
"0255483662709901937854856255510492571730567222492440805641884148031421" *
"24750163845447814383955667484413861049218141824615005404794099e-01"
) parse(
BigFloat,
"1.71874999999631144783626513297720097463616683397601293422333369827119" *
"6442766991141183548410552291638587956172685581439014244187763890555694" *
"40346105232531672152064324601181284176073319326947151773276194e-01"
)
]
tab_eps = [
0.00390625,
1.52587890625e-05,
2.3283064365386962890625e-10,
]
return tab_u0, tab_eps
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 1907 | # using HOODESolver
include("../src/coefexp_ab.jl")
using Printf
function _printnumstr( num::BigFloat)
str = @sprintf("%1.200e", num)
println("parse(")
println(" BigFloat," )
println(" \"$(str[1:70])\" *")
println(" \"$(str[71:140])\" *")
println(" \"$(str[141:end])\"")
print(") ")
end
function print_for_test(
order,
epsilon::Rational{BigInt},
n_tau, dt::Rational{BigInt},
list_j,
str_plus
)
prec=precision(BigFloat)
setprecision(1024)
coef_tau = [collect(0:n_tau/2 - 1); collect(-n_tau/2:-1)] # the result must be real
par = CoefExpABRational(order, float(epsilon), coef_tau, float(dt) )
ordp1=order+1
println("# CoefExpAB order=$order epsilon=$epsilon n_tau =$n_tau dt=$dt")
println("# tab_res_coef is AB coefficient for each value from 1 to n_tau")
println("# this file is generated by gendatacoefexp.jl file")
println("function get_coef_ab_for_test$str_plus()")
println(" tabres = zeros(Complex{BigFloat}, $n_tau, $ordp1, $ordp1)")
for j in list_j
println(" tabres[ :, :, $j] .= [")
for i_ell=1:n_tau
print(" ")
res = view(par.tab_coef, i_ell, :, j)
for i = 1:ordp1
if i <= j
_printnumstr(real(res[i]))
print("+ im * ")
_printnumstr(imag(res[i]))
else
print(" 0")
end
end
println("")
end
println("]")
end
println(" return tabres, $list_j")
println("end")
setprecision(prec)
end
# to generate test/datacoefexp10.jl the result is the output
# print_for_test(15, big"1"//10^10, 32, big"1"//10000, [1,5,10,16],"10")
# to generate test/datacoefexp.jl the result is the output
print_for_test(15, big"1"//10, 32, big"1"//10000, [1,5,10,16],"")
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 1852 | # using HOODESolver
include("../test/henon_heiles.jl")
include("../src/preparephi.jl")
using Printf
function _printnumstr( num::BigFloat)
str = @sprintf("%1.200e", num)
println("parse(")
println(" BigFloat," )
println(" \"$(str[1:70])\" *")
println(" \"$(str[71:140])\" *")
println(" \"$(str[141:end])\"")
print(") ")
end
function print_for_test(
order,
u0,
tab_eps,
n_tau,
matrix_A::Matrix,
fct::Function
)
prec=precision(BigFloat)
setprecision(1024)
println("# PrepareU0 order=$order n_tau =$n_tau")
println("# tab_u0 i prepared data for each order from 2 to order")
println(" u0=$u0")
println("# this file is generated by gendataprep_u0.jl file")
println("function get_prepare_u0_for_test()")
size_eps=size(tab_eps,1)
println(" tab_u0 = zeros(Complex{BigFloat}, $(size(u0,1)), $n_tau, $order, $size_eps)")
for i_eps=1:size_eps
epsilon = big(1)/big(2)^tab_eps[i_eps]
par = PreparePhi(epsilon, n_tau, matrix_A, fct)
for ord=2:order
pu0= PrepareU0(par, ord, BigFloat.(u0), 4096)
println(" tab_u0[ :, :, $ord, $i_eps] .= [")
for i=1:par.size_vect
for i_ell=1:n_tau
print(" ")
_printnumstr(real(pu0.ut0[i, i_ell]))
end
println("")
end
println("]")
end
end
println(" tab_eps = [")
for i_eps=1:size_eps
println(" $(big(1)/big(2)^tab_eps[i_eps]),")
end
println("]")
println(" return tab_u0, tab_eps")
println("end")
setprecision(prec)
end
print_for_test(
15,
BigFloat.([0.125, 0.140625, 0.15625, 0.171875]),
[8, 16, 32],
32,
[0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0],
henon_heiles,
)
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 777 | #=
henonHeiles:
- Julia version:
- Author: ymocquar
- Date: 2019-10-22
=#
"""
henon_heiles(u, p) : Henon-Heiles differential equation with parameters such that
it can be solved by the Julia solver ODEProblem and solve
Parameters :
- u : the vector
- p : the parameter of this version of Henon-Heiles equation, that is epsilon
- t : the time that is unused.
Ouput :
- the derivative vector
"""
# function henon_heiles(u,p)
# return [u[3]/p, u[4], -u[1]/p-2u[1]*u[2], -u[2]-u[1]^2+u[2]^2]
# end
# henon_heiles_jul(u,p,t)=henon_heiles(u,p)
function henon_heiles(u, p, t)
return [0, u[4], -2u[1] * u[2], -u[2] - u[1]^2 + u[2]^2]
end
function henon_heiles_julia(u, p, t)
return [u[3] / p, u[4], -u[1] / p - 2u[1] * u[2], -u[2] - u[1]^2 + u[2]^2]
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 319 | using HOODESolver
using Test
include("testplot.jl")
include("testcommon_interface.jl")
include("testfftbig.jl")
include("testexpmatrices.jl")
include("testpolyexp.jl")
include("testcoefexp_ab.jl")
include("testpreparephi.jl")
include("testtwoscales_pure_ab.jl")
include("testinterface.jl")
include("testcompfloat.jl")
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 3590 | using LinearAlgebra
using Random
using Test
using HOODESolver: Polynomial, interpolate, getpolylagrange, CoefExpAB
include("datacoefexp.jl")
include("datacoefexp10.jl")
function testcoefexp_ab()
prec = prec_old = precision(BigFloat)
@time @testset "test 1 coef for exponential Adams-Bashforth" begin
for i=1:2
setprecision(prec) do
epsilon = parse(BigFloat,"0.1")
dt = parse(BigFloat,"0.0001")
par = CoefExpAB(15, epsilon, 32, dt)
tab, list_j = get_coef_ab_for_test()
for j in list_j
@time @test all(isapprox.(
par.tab_coef[:,:,j],
tab[:,:,j],
atol=eps(BigFloat)*100,
rtol=eps(BigFloat)*100
))
end
@test par.tab_coef == -conj(par.tab_coef_neg)
end
prec *= 2
end
end
setprecision(prec_old)
end
function testcoefexp10_ab()
prec = prec_old = precision(BigFloat)
@time @testset "test 1 coef for exponential Adams-Bashforth" begin
for i=1:2
setprecision(prec) do
epsilon = big"1"/10^10
dt = big"1"/10000
par = CoefExpAB(15, epsilon, 32, dt)
tab, list_j = get_coef_ab_for_test10()
for j in list_j
@time @test all(isapprox.(
par.tab_coef[:,:,j],
tab[:,:,j],
atol=eps(BigFloat)*100,
rtol=eps(BigFloat)*100
))
end
@test par.tab_coef == -conj(par.tab_coef_neg)
end
prec *= 2
end
end
setprecision(prec_old)
end
function testpolylagrange()
@time @testset "test polylagrange" begin
polyOri = Polynomial(convert( Array{Complex{Rational{BigInt}}},
[3//4, 13//24, 1//7, 2//9, 40//51,
1//128, 2//79, 3//334, 7//19, 1//100,
1//144, 3//32, 7//19, 2//5, 1//101]
) )
s = size(polyOri,1)
polyResult = Polynomial([zero(Complex{Rational{BigInt}})])
for i = 1:s
x = 1-i
polyResult += polyOri(x)*getpolylagrange(i-1,s-1,BigInt)
end
@test polyOri == polyResult
end
end
function testinterpolate()
Random.seed!(9817171)
@time @testset "testinterpolate" begin
order= 8
tab = Vector{Array{BigFloat,2}}(undef,order+1)
for i=1:(order+1)
tab[i]=zeros(BigFloat,4,32)
end
fctref = Array{Polynomial{BigFloat},2}(undef,4,32)
for i=1:4
for j=1:32
fctref[i,j]=Polynomial(rand(BigFloat,8)/10)
for k = 1:(order+1)
tab[k][i,j] = fctref[i,j](k-1)
end
end
end
value = big"4.22856371432981357654"
res = interpolate(tab, order, value)
dt = big"0.00123"
t_deb=big"1.82898988989"
value2=t_deb+value*dt
tab_time=collect(t_deb:dt:(t_deb+(order+2)*dt))
res2 = interpolate(tab_time, tab, order, value2)
resref = zeros(BigFloat,4,32)
for i=1:4
for j=1:32
resref[i,j]=fctref[i,j](value)
end
end
println("norm=$(norm(resref-res,Inf))")
println("norm2=$(norm(resref-res2,Inf))")
@test isapprox( resref, res,atol=1e-60,rtol=1e-60)
@test isapprox( resref, res2,atol=1e-60,rtol=1e-48)
end
end
testinterpolate()
testpolylagrange()
testcoefexp_ab()
testcoefexp10_ab()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 446 | using LinearAlgebra
using HOODESolver
function testcoeffloat()
tab=[ (big"0.1", big"0.0001"), (big"0.00001", big"0.01")]
for (bigeps, bigdt) in tab
epsilon = convert(Float64,bigeps)
dt = convert(Float64, bigeps)
bigceab = CoefExpAB(10,bigeps,32,bigdt)
ceab = CoefExpAB(10,epsilon,32,bigdt)
print("epsilon=$epsilon norm=$(norm(bigceab.tab_coef-ceab.tab_coef, Inf))")
end
end
testcoeffloat()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 10636 | using HOODESolver
using LinearAlgebra
using DoubleFloats
using Random
using SparseArrays
using Test
using SciMLBase
function test_operator(T::DataType)
for mat in [
T.([0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]),
T.([0 1; -1 0]),
T.([
0 0 0 1 0 0
0 0 0 0 1 0
0 0 0 0 0 0
0 0 0 0 1 0
0 0 0 -1 0 0
0 0 0 0 0 0
]),
]
epsilon = T(1 // 1024)
linop = LinearHOODEOperator((1 / epsilon) * mat)
@test isconstant(linop)
@test isapprox(linop.epsilon, epsilon)
@test isapprox(linop.A, mat)
L = T(1 // 16) * linop
@test isconstant(L)
@test isapprox(L.epsilon, epsilon * 16)
@test isapprox(L.A, mat)
linop2 = LinearHOODEOperator(linop)
@test isconstant(linop2)
@test isapprox(linop2.epsilon, epsilon)
@test isapprox(linop2.A, mat)
L = T(1 // 16) * linop2
@test isconstant(L)
@test isapprox(L.epsilon, epsilon * 16)
@test isapprox(L.A, mat)
linop3 = LinearHOODEOperator(epsilon, mat)
@test isconstant(linop3)
@test isapprox(linop3.epsilon, epsilon)
@test isapprox(linop3.A, mat)
L = T(1 // 16) * linop3
@test isconstant(L)
@test isapprox(L.epsilon, epsilon * 16)
@test isapprox(L.A, mat)
end
end
@testset "test operator" begin
test_operator(Float64)
test_operator(Double64)
test_operator(BigFloat)
end
function fct4bis(du, u, p, t)
B = [0.1 1.1 0.2 05; -0.9 -0.12 -0.7 0.4; 0.5 0.66 0.7 0.8; -0.34 0.8 0 0.3]
du[:] = B * u
missing
end
function testcommon_interface_fct(linop)
linopok = LinearHOODEOperator(linop)
B = [0.1 1.1 0.2 05; -0.9 -0.12 -0.7 0.4; 0.5 0.66 0.7 0.8; -0.34 0.8 0 0.3]
u0 = 2rand(4) - ones(4)
sol_ref = exp(1.0 * (1 / linopok.epsilon * linopok.A + B)) * u0
fct = (u, p, t) -> B * u
prob = SplitODEProblem(linop, fct, u0, (0.0, 1.0))
sol = solve(prob, HOODEAB(), nb_t = 100)
@test isapprox(sol_ref, sol[end], atol = 1e-7, rtol = 1e-6)
fct = (u, p) -> B * u
prob = SplitODEProblem(linop, fct, u0, (0.0, 1.0))
sol = solve(prob, HOODEAB(), dt = 0.01)
@test isapprox(sol_ref, sol[end], atol = 1e-7, rtol = 1e-6)
fct = (u) -> B * u
prob = SplitODEProblem(linop, fct, u0, (0.0, 1.0))
sol = solve(prob, HOODEAB())
@test isapprox(sol_ref, sol[end], atol = 1e-7, rtol = 1e-6)
end
function testcommon_interface_epsilon()
@time @testset "test interface while epsilon varying" begin
Random.seed!(199881)
u0 = rand(BigFloat, 4)
println("u0=$u0")
B = 2rand(BigFloat, 4, 4) - ones(BigFloat, 4, 4)
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
fct = (u, p, t) -> B * u
order = 5
for i = 1:1
epsilon = big"1.0" / big"10"^(i * 3)
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
linop = LinearHOODEOperator(epsilon, A)
sol_ref = exp(t_max * (1 / epsilon * A + B)) * u0
prob = SplitODEProblem(linop, fct, u0, (big"0.0", t_max))
println("epsilon=$eps_v sol_ref=$sol_ref")
nb = 100
res_err = zeros(BigFloat, 5)
ind = 1
while nb <= 1000
sol = solve(prob, HOODEAB(5), nb_t = nb, dense = false)
res_err[ind] = norm(sol[end] - sol_ref, Inf)
nb *= 10
ind += 1
end
coef = Float64(log(res_err[1]) - log(res_err[2])) / log(10)
@test isapprox(order, coef, atol = 0.01)
println("epsilon=$eps_v coef log = $coef")
end
end
end
function testcommon_interface_interpolate()
@time @testset "test interface for interpolation" begin
seed = 123873
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
order = 6
nb = 100
t_max = big"1.0"
for i = 1:1
seed = seed * 1341 + 6576123
Random.seed!(seed)
u0 = rand(BigFloat, 4)
println("u0=$u0")
B = 2rand(BigFloat, 4, 4) - ones(BigFloat, 4, 4)
fct = (u, p, t) -> B * u
epsilon = big"0.4" / 2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
linop = LinearHOODEOperator(epsilon, A)
prob = SplitODEProblem(linop, fct, u0, (big"0.0", t_max))
sol = solve(prob, HOODEAB())
m = 1 / epsilon * A + B
reftol = norm(exp(t_max * m) * u0 - sol[end], Inf) * 10
for j = 1:10
t = rand(BigFloat)
res_ex = exp(t * m) * u0
res_ap = sol(t)
println("t=$t norm=$(norm(res_ex-res_ap, Inf))")
@test isapprox(res_ex, res_ap, atol = reftol, rtol = reftol * 10)
end
end
end
end
function testcommon_interface_interpolate_float()
@time @testset "test interface for interpolation" begin
seed = 124363
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
order = 6
nb = 100
t_max = 1.0
for i = 1:1
seed = seed * 1341 + 6576127
Random.seed!(seed)
u0 = rand(4)
println("u0=$u0")
B = 2rand(4, 4) - ones(4, 4)
fct = (u, p, t) -> B * u
epsilon = 0.4 / 2.0^i
eps_v = convert(Float32, epsilon)
t_max = 1.0
linop = LinearHOODEOperator(epsilon, A)
prob = SplitODEProblem(linop, fct, u0, (0.0, t_max))
sol = solve(prob, HOODEAB())
m = 1 / epsilon * A + B
reftol = norm(exp(t_max * m) * u0 - sol[end], Inf) * 10
@test reftol < 1e-6
for j = 1:10
t = rand()
res_ex = exp(t * m) * u0
res_ap = sol(t)
@test isapprox(res_ex, res_ap, atol = reftol, rtol = reftol * 10)
end
end
end
end
function testcommon_interface_short()
seed = 981881
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
order = 7
nb = 5
for i = 1:10
seed += 10
Random.seed!(seed)
u0 = rand(BigFloat, 4)
println("u0=$u0")
B = 2rand(BigFloat, 4, 4) - ones(BigFloat, 4, 4)
fct = (u, p, t) -> B * u
epsilon = big"0.00004" / 2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"0.01"
linop = LinearHOODEOperator(epsilon, A)
prob = SplitODEProblem(linop, fct, u0, (big"0.0", t_max))
sol = solve(prob, HOODEAB(order), getprecision = false, nb_t = nb)
resnorm = norm(exp(t_max * (1 / epsilon * A + B)) * u0 - sol[end], Inf)
println("sol=$(sol[end])")
println("solexact=$(exp(t_max*(1/epsilon*A+B))*u0)")
println("resnorm=$resnorm")
@test resnorm < 1e-10
end
end
function tts_time(t_begin, t_end)
@time @testset "test interface time from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat, 4, 4) - ones(BigFloat, 4, 4)
u0 = rand(BigFloat, 4)
fct = (u, p, t) -> B * u
epsilon = big"0.000000345"
linop = LinearHOODEOperator(epsilon, A)
prob = SplitODEProblem(linop, fct, u0, (t_begin, t_end))
sol = solve(prob, HOODEAB(4), getprecision = false, nb_t = 100)
m = 1 / epsilon * A + B
solref = exp((t_end - t_begin) * m) * u0
println("sol=$(sol[end]) solref=$solref norm=$(norm(sol[end]-solref,Inf))")
@test isapprox(sol[end], solref, atol = 1e-8, rtol = 1e-7)
for i = 1:10
t = rand(BigFloat) * (t_end - t_begin) + t_begin
res_ex = exp((t - t_begin) * m) * u0
res_ap = sol(t)
@test isapprox(res_ex, res_ap, atol = 1e-8, rtol = 1e-7)
end
end
end
function tts_time_time(t_begin, t_end)
@time @testset "test interface time time from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat, 4, 4) - ones(BigFloat, 4, 4)
u0 = 2rand(BigFloat, 4) - ones(BigFloat, 4)
fct = (u, p, t) -> B * u + t * p[1] + p[2]
tuple_p =
(2rand(BigFloat, 4) - ones(BigFloat, 4), 2rand(BigFloat, 4) - ones(BigFloat, 4))
epsilon = big"0.000003467"
nb = 100
order = 4
linop = LinearHOODEOperator(epsilon, A)
prob = SplitODEProblem(linop, fct, u0, (t_begin, t_end), tuple_p; B = B)
sol = solve(prob, HOODEAB(4), getprecision = false, nb_t = 100)
# solref = getexactsol(sol.par_u0.parphi, u0, t_end)
solref = getexactsol(sol.destats.par_u0.parphi, u0, t_end)
println("sol=$(sol[end]) solref=$solref norm=$(norm(sol[end]-solref,Inf))")
@test isapprox(sol[end], solref, atol = 1e-8, rtol = 1e-7)
for i = 1:10
t = rand(BigFloat) * (t_end - t_begin) + t_begin
res_ex = getexactsol(sol.destats.par_u0.parphi, u0, t)
res_ap = sol(t)
@test isapprox(res_ex, res_ap, atol = 1e-8, rtol = 1e-7)
end
end
end
function testcommon_interface_time()
seed = 7887
Random.seed!(seed)
tts_time(big"0.0", big"1.0")
tts_time(big"0.0", big"1.4565656565")
tts_time(big"2.234566", big"3.45766790123")
tts_time(-big"0.8457676", big"0.56716")
tts_time(-big"1.8111457676", -big"0.345456716")
tts_time(big"1.8457676", big"0.56716")
tts_time(-big"0.8457676", -big"1.56716")
tts_time(-big"0.845722676", -big"0.56716")
end
function testcommon_interface_time_time()
seed = 788227
Random.seed!(seed)
tts_time_time(big"0.0", big"1.0")
tts_time_time(big"0.0", big"1.4565656565")
tts_time_time(big"11.234566", big"12.45766790123")
tts_time_time(-big"0.8457676", big"0.56716")
tts_time_time(-big"1.8111457676", -big"0.345456716")
tts_time_time(big"1.8457676", big"0.56716")
tts_time_time(-big"0.8457676", -big"1.56716")
tts_time_time(-big"0.845722676", -big"0.56716")
end
@time @testset "test interface type of function" begin
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
epsilon = 0.0001
#linop = LinearHOODEOperator(epsilon, A)
#testcommon_interface_fct(linop)
#linop2 = LinearHOODEOperator(epsilon, sparse(A))
#testcommon_interface_fct(linop2)
#testcommon_interface_fct(DiffEqArrayOperator((1/epsilon)*A))
end
testcommon_interface_interpolate_float()
testcommon_interface_time()
testcommon_interface_time_time()
testcommon_interface_epsilon()
testcommon_interface_interpolate()
testcommon_interface_short()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 1365 | using HOODESolver
using LinearAlgebra
using Test
function testcoeffloat()
tab=[ (big"0.1", big"0.0001"), (big"0.00001", big"0.01")]
@testset "test coefexp float vs bigfloat" begin
for (bigeps, bigdt) in tab
epsilon = convert(Float64,bigeps)
dt = convert(Float64, bigeps)
bigceab = CoefExpAB(10,bigeps,32,bigdt)
ceab = CoefExpAB(10,epsilon,32,bigdt)
@test isapprox(bigceab.tab_coef, ceab.tab_coef, atol=1e-15, rtol=1e-14)
# println("epsilon=$epsilon norm=$(norm(bigceab.tab_coef-ceab.tab_coef, Inf))")
end
end
end
function testcomp()
@testset "test solve float vs bigfloat" begin
bigeps = big"0.0001"
epsilon = convert(Float64,bigeps)
bigu0=rand(BigFloat,4)
u0 = convert.(Float64, bigu0)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
fct = (u,p,t) -> [0, u[4], -2u[1]*u[2], -u[2]-u[1]^2+u[2]^2] # Henon-Heiles
bigprob = HOODEProblem(fct, bigu0, (big"0.0",big"3.0"), missing, A, bigeps)
prob = HOODEProblem(fct, u0, (0.0, 3.0), missing, A, epsilon)
bigsol = solve(bigprob)
sol = solve(prob)
for i=1:101
@test isapprox(
bigsol.interp.u_caret[i],
sol.interp.u_caret[i],
atol=1e-13,
rtol=1e-12
)
end
end
end
testcoeffloat()
testcomp()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 2336 | using HOODESolver: _expmat0, _expmat1
using LinearAlgebra
using Random
using SparseArrays
using Test
@testset "Exponential matrices" begin
A=zeros(Int64, 4, 4)
A[1,3] = 1
A[3,1] = -1
@time @testset "test 1 exp big matrices" begin
@test isapprox( one(A), _expmat1(0A), atol=1e-16)
@test isapprox(exp(0.123*A), _expmat1(0.123*A), atol=1e-15)
end
@time @testset "test 2 exp big matrices" begin
Abig = convert(Array{BigFloat,2},A)
Random.seed!(81725)
sens=1
for k=1:4
setprecision(k*256) do
for i = 1:100:10000
v=rand(BigFloat)*i*sens
res = _expmat0(v*Abig)
resRef = one(Abig)
resRef[1,1] = resRef[3,3] = cos(v)
resRef[1,3] = sin(v)
resRef[3,1]= -resRef[1,3]
# println("i=$i norm=$(norm(resRef-res))")
@test isapprox( resRef, res, atol=(1e-77)^k)
sens *= -1
end
end
end
end
@time @testset "test 3 exp big matrices" begin
Random.seed!(8781115)
bref = [ 0 0 0 1; 0 0 -1 0; 0 1 0 0; -1 0 0 0]
for b in [bref, sparse(bref)]
for i=1:20
C=rand(4,4)*i
B = bref*i
B2 = b*i
@test isapprox(exp(C), _expmat1(C), rtol=1e-13)
@test isapprox(exp(0.7C), _expmat1(0.7C), rtol=1e-12)
@test isapprox(exp(0.89C), _expmat1(0.89C), rtol=1e-12)
@test isapprox(exp(B), _expmat1(B2), rtol=1e-14)
@test isapprox(exp(10B), _expmat1(10B2), rtol=1e-13)
@test isapprox(exp(100B), _expmat1(100B2), rtol=1e-12)
@test isapprox(exp(1000B), _expmat1(1000B2), rtol=1e-11)
@test isapprox(exp(10000B), _expmat1(10000B2), rtol=1e-10)
end
end
end
@time @testset "test 4 exp big matrices big precision" begin
Random.seed!(90908)
prec_old = prec = precision(BigFloat)
for i=1:6
prec *= 2
setprecision(prec)
@test isapprox(_expmat1(2big(pi)*A)-I,zeros(BigFloat,4,4),atol=eps(BigFloat)*100)
end
setprecision(prec_old)
end
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 3412 | #=
testfftbig:
- Julia version:
- Author: ymocquar
- Date: 2019-11-18
=#
using Test
using FFTW
using Random
using LinearAlgebra
using HOODESolver
function getfalse( tab )
for i=1:size(tab,1), j=1:size(tab,2)
if !tab[i,j]
return i,j
end
end
return 0, 0
end
function testfftbig( s, T::DataType, seed_val )
Random.seed!(seed_val)
tab = zeros(Complex{T}, 1, s)
tab .= rand(T, 1, s)
if T == Float64
tabfftref = fft(tab,2)
else
tab2 = zeros(Complex{Float64}, 1, s)
tab2 .= tab
tabfftref = fft(tab2,2)
end
tab_test = copy(tab)
p = HOODESolver.PrepareFftBig(s, real(tab[1, 1]))
HOODESolver.fftbig!(p, tab_test)
@test isapprox(tabfftref, tab_test, atol=1e-15, rtol=1e-15)
tol = (T == BigFloat) ? 1e-50 : 1e-15
HOODESolver.fftbig!(p, tab_test, flag_inv=true)
@test getfalse(isapprox.(tab, tab_test, atol=tol, rtol=tol)) == (0, 0)
@test isapprox(tab, tab_test, atol=tol, rtol=tol)
end
function testfftbig2( s, T::DataType, seed_val, nb_v )
Random.seed!(seed_val)
tab = zeros(Complex{T}, nb_v, s)
tab .= rand(T, nb_v, s)
if T == Float64
tabfftref = fft(tab,2)
else
tab2 = zeros(Complex{Float64}, nb_v, s)
tab2 .= tab
tabfftref = fft(tab2,2)
end
tab_test = copy(tab)
p = HOODESolver.PrepareFftBig(s, one(T) )
tab_test2 = HOODESolver.fftbig(p, tab_test)
@test isapprox(tabfftref, tab_test2, atol=1e-15, rtol=1e-15)
HOODESolver.fftbig!(p, tab_test)
@test isapprox(tabfftref, tab_test, atol=1e-15, rtol=1e-15)
tol = (T == BigFloat) ? 1e-50 : 1e-15
tab_test3 = HOODESolver.fftbig(p, tab_test, flag_inv=true)
@test isapprox(tab, tab_test3, atol=tol, rtol=tol)
HOODESolver.fftbig!(p, tab_test, flag_inv=true)
@test isapprox(tab, tab_test, atol=tol, rtol=tol)
end
function testfftbigprec(s, seed_v)
@time @testset "test fftbig changing precision s=$s seed=$seed_v" begin
Random.seed!(seed_v)
for k=1:10
setprecision(k*256) do
p = HOODESolver.PrepareFftBig(s)
tab = rand(BigFloat, 5, s)
tabRef = Complex.(tab)
tabRes = HOODESolver.fftgen(p,tab)
tabRes2 = HOODESolver.ifftgen(p, tabRes)
println("k=$k norm=$(norm(tabRef-tabRes2))")
# @test isapprox(tabRef, tabRes2, atol=1e-78^k)
# @test isapprox(real.(tabRef), real.(tabRes2), atol=1e-78^k)
@test isapprox(tabRef, tabRes2, atol=1e-75^k)
@test isapprox(real.(tabRef), real.(tabRes2), atol=1e-75^k)
end
end
end
end
tab_decl = [[8, Float64, 12345678], [8, BigFloat, 9876],[2^8, Float64, 1928], [2^10, BigFloat, 5656]]
for t in tab_decl
s = t[1]
type = t[2]
seed_v = t[3]
@time @testset "test fftbig for value size=$s type=$type" begin testfftbig(s, type, seed_v) end
end
tab_decl2 = [[8, Float64, 4556789, 4], [8, BigFloat, 4563, 4],[2^10, Float64, 9900771, 4], [2^13, BigFloat, 125609, 4]]
for t in tab_decl2
s = t[1]
type = t[2]
seed_v = t[3]
nb_v = t[4]
@time @testset "test fftbig for vector size=$s type=$type nb_v=$nb_v" begin testfftbig2(s, type, seed_v, nb_v) end
end
tab_decl3 =[ 8965, 1919191, 56188827, 9017555]
for sd in tab_decl3
testfftbigprec(32,sd)
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 8690 | using HOODESolver
using LinearAlgebra
using Random
using Test
function fct4( du, u, p, t)
B=[0.1 1.1 0.2 05 ; -0.9 -0.12 -0.7 0.4 ; 0.5 0.66 0.7 0.8 ; -0.34 0.8 0 0.3]
du[:] = B*u
missing
end
function testinterface_fct()
@time @testset "test interface type of function" begin
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
B=[0.1 1.1 0.2 05 ; -0.9 -0.12 -0.7 0.4 ; 0.5 0.66 0.7 0.8 ; -0.34 0.8 0 0.3]
u0 = 2rand(4)-ones(4)
epsilon = 0.0001
sol_ref = exp(1.0*(1/epsilon*A+B))*u0
fct = (u,p,t) -> B*u
prob = HOODEProblem(fct, u0, (0.0, 1.0), missing, A, epsilon)
sol = solve(prob)
@test isapprox(sol_ref, sol[end], atol=1e-7, rtol=1e-6)
fct = (u,p) -> B*u
prob = HOODEProblem(fct, u0, (0.0, 1.0), missing, A, epsilon)
sol = solve(prob)
@test isapprox(sol_ref, sol[end], atol=1e-7, rtol=1e-6)
fct = (u) -> B*u
prob = HOODEProblem(fct, u0, (0.0, 1.0), missing, A, epsilon)
sol = solve(prob)
@test isapprox(sol_ref, sol[end], atol=1e-7, rtol=1e-6)
prob = HOODEProblem(fct4, u0, (0.0, 1.0), missing, A, epsilon)
sol = solve(prob)
@test isapprox(sol_ref, sol[end], atol=1e-7, rtol=1e-6)
end
end
function testinterface_epsilon()
@time @testset "test interface while epsilon varying" begin
Random.seed!(199881)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
fct = (u,p,t) -> B*u
order = 5
for i=1:1
epsilon = big"1.0"/big"10"^(i*3)
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
sol_ref = exp(t_max*(1/epsilon*A+B))*u0
prob = HOODEProblem(fct, u0, (big"0.0", t_max), missing, A, epsilon)
println("epsilon=$eps_v sol_ref=$sol_ref")
nb = 100
res_err = zeros(BigFloat,5)
ind = 1
while nb <= 1000
sol = solve(prob, nb_t=nb, order=5, dense=false)
res_err[ind] = norm(sol[end]-sol_ref,Inf)
# println("\nnb=$nb epsilon=$eps_v err=$(res_err[ind])")
nb *= 10
ind += 1
end
coef = Float64(log(res_err[1]) - log(res_err[2]))/log(10)
@test isapprox( order, coef, atol=0.01)
println("epsilon=$eps_v coef log = $coef")
end
end
end
function testinterface_interpolate()
@time @testset "test interface for interpolation" begin
seed=123871
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 6
nb = 100
t_max = big"1.0"
for i=1:1
seed = seed*1341+6576123
Random.seed!(seed)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
fct = (u,p,t) -> B*u
epsilon = big"0.4"/2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
prob = HOODEProblem(fct, u0, (big"0.0",t_max), missing, A, epsilon)
# sol = solve(prob, getprecision=false)
sol = solve(prob)
m = 1/epsilon*A+B
reftol=norm(exp(t_max*m)*u0-sol[end], Inf)*10
for j=1:10
t=rand(BigFloat)
res_ex=exp(t*m)*u0
res_ap=sol(t)
println("t=$t norm=$(norm(res_ex-res_ap, Inf))")
@test isapprox(res_ex, res_ap, atol=reftol, rtol=reftol*10)
end
end
end
end
function testinterface_interpolate_float()
@time @testset "test interface for interpolation" begin
seed=124333
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 6
nb = 100
t_max = 1.0
for i=1:1
seed = seed*1341+6576123
Random.seed!(seed)
u0=rand(4)
println("u0=$u0")
B = 2rand(4,4)-ones(4,4)
fct = (u,p,t) -> B*u
epsilon = 0.4/2.0^i
eps_v = convert(Float32, epsilon)
t_max = 1.0
prob = HOODEProblem(fct, u0, (0.0,t_max), missing, A, epsilon)
# sol = solve(prob, getprecision=false)
sol = solve(prob)
m = 1/epsilon*A+B
reftol=norm(exp(t_max*m)*u0-sol[end], Inf)*10
@test reftol < 1e-6
for j=1:10
t=rand()
res_ex=exp(t*m)*u0
res_ap=sol(t)
# println("type ex=$(typeof(res_ex)) type ap=$(typeof(res_ap))")
# println("t=$t norm=$(norm(res_ex-res_ap, Inf))")
@test res_ex ≈ res_ap rtol = 100reftol
end
end
end
end
function testinterface_short()
seed=981885
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 7
nb = 5
for i=1:10
seed += 10
Random.seed!(seed)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
fct = (u,p,t) -> B*u
epsilon = big"0.00004"/2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"0.01"
prob = HOODEProblem(fct, u0, (big"0.0",t_max), missing, A, epsilon)
sol = solve(prob, getprecision=false, order=order, nb_t=nb)
resnorm=norm(exp(t_max*(1/epsilon*A+B))*u0-sol[end], Inf)
println("sol=$(sol[end])")
println("solexact=$(exp(t_max*(1/epsilon*A+B))*u0)")
println("resnorm=$resnorm")
@test resnorm < 1e-10
end
end
function tts_time(t_begin, t_end)
@time @testset "test interface time from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
u0 = rand(BigFloat, 4)
fct = (u,p,t) -> B*u
epsilon=big"0.000000345"
prob = HOODEProblem(fct, u0, (t_begin,t_end), missing, A, epsilon)
sol = solve(prob, getprecision=false, nb_t=100, order=4)
m = 1/epsilon*A+B
solref = exp((t_end-t_begin)*m)*u0
println("sol=$(sol[end]) solref=$solref norm=$(norm(sol[end]-solref,Inf))")
@test isapprox(sol[end], solref,atol=1e-8, rtol=1e-7)
for i=1:10
t = rand(BigFloat)*(t_end-t_begin) + t_begin
res_ex=exp((t-t_begin)*m)*u0
res_ap=sol(t)
@test isapprox(res_ex, res_ap, atol=1e-8, rtol=1e-7)
end
end
end
function tts_time_time(t_begin, t_end)
@time @testset "test interface time time from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
u0 = 2rand(BigFloat, 4)-ones(BigFloat,4)
fct = (u,p,t) -> B*u +t*p[1] +p[2]
tuple_p = (2rand(BigFloat,4)-ones(BigFloat,4),
2rand(BigFloat,4)-ones(BigFloat,4))
epsilon=big"0.000003467"
nb = 100
order = 4
prob = HOODEProblem(fct, u0, (t_begin,t_end), tuple_p, A, epsilon, B)
sol = solve(prob, getprecision=false, nb_t=100, order=4)
solref = getexactsol(sol.par_u0.parphi, u0, t_end)
println("sol=$(sol[end]) solref=$solref norm=$(norm(sol[end]-solref,Inf))")
@test isapprox(sol[end], solref,atol=1e-8, rtol=1e-7)
for i=1:10
t = rand(BigFloat)*(t_end-t_begin) + t_begin
res_ex=getexactsol(sol.par_u0.parphi, u0, t)
res_ap=sol(t)
@test isapprox(res_ex, res_ap, atol=1e-8, rtol=1e-7)
end
end
end
function testinterface_time()
seed=7887
Random.seed!(seed)
tts_time(big"0.0",big"1.0")
tts_time(big"0.0",big"1.4565656565")
tts_time(big"2.234566",big"3.45766790123")
tts_time(-big"0.8457676",big"0.56716")
tts_time(-big"1.8111457676",-big"0.345456716")
tts_time(big"1.8457676",big"0.56716")
tts_time(-big"0.8457676",-big"1.56716")
tts_time(-big"0.845722676",-big"0.56716")
end
function testinterface_time_time()
seed=788227
Random.seed!(seed)
tts_time_time(big"0.0",big"1.0")
tts_time_time(big"0.0",big"1.4565656565")
tts_time_time(big"11.234566",big"12.45766790123")
tts_time_time(-big"0.8457676",big"0.56716")
tts_time_time(-big"1.8111457676",-big"0.345456716")
tts_time_time(big"1.8457676",big"0.56716")
tts_time_time(-big"0.8457676",-big"1.56716")
tts_time_time(-big"0.845722676",-big"0.56716")
end
testinterface_fct()
testinterface_interpolate_float()
testinterface_time()
testinterface_time_time()
testinterface_epsilon()
testinterface_interpolate()
testinterface_short()
# testtwoscales_pure_ab()
# testtwoscales_pure_ab2()
#testtwoscales_pure_ab3()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 572 | @testset "plot solution" begin
using HOODESolver, Plots
epsilon = 0.002
A = [ 0 0 1 0 ;
0 0 0 0 ;
-1 0 0 0 ;
0 0 0 0 ]
f1 = LinearHOODEOperator(epsilon, A)
function f2(du, u, p, t)
du[1] = 0
du[2] = u[4]
du[3] = 2*u[1]*u[2]
du[4] = -u[2] - u[1]^2 + u[2]^2
end
tspan = (0.0, 0.1)
u0 = [0.55, 0.12, 0.03, 0.89]
prob = SplitODEProblem(f1, f2, u0, tspan);
sol = solve(prob, HOODEAB(), dt=0.01)
p = plot(sol)
@test true
end
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 1090 | using HOODESolver: PolyExp, coeffs, derivative, integrate
using Test
function testPolyExp()
@time @testset "test PolyExp" begin
pol = PolyExp(convert( Vector{Complex{Rational{BigInt}}}, [2//3, 5//23, 57//4, 1//5]), big(im//7), big(1//10+0im) )
c_res = coeffs(pol)
# println("pol=$(string(pol))")
@test [2//3, 5//23, 57//4, 1//5, im//7, 1//10 ] == c_res
polder = derivative(pol)
c_resder = coeffs(polder)
@test [2im//21+5//23, 5im//(23*7)+ 57//2, 57im//(4*7)+3//5, 1im//35, im//7, 1//10 ] == c_resder
polintder = integrate(polder)
c_resintder = coeffs(polintder)
@test c_res == c_resintder
p1 = PolyExp([1.0, 2, 3], 3.4, 1.1)
p2 = PolyExp([0.5, -1, 1], 1.3, 0.245)
c_resmul = coeffs(p1*p2)
@test isapprox([0.5, 0.0, 0.5, -1.0, 3.0, 4.7, 1.345], c_resmul, atol=1e-15)
p3 = PolyExp([0.2, 0, 3.0, 2.0], 1.3, 0.245)
c_resadd = coeffs(p2 + p3)
@test isapprox([0.7, -1.0, 4.0, 2.0, 1.3, 0.245], c_resadd, atol=1e-15)
end
end
testPolyExp()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 916 | using HOODESolver
using Test
include("henon_heiles.jl")
function testprepare()
n_tau=32
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
u =rand(BigFloat, 4)
for i=1:5
prec = 256*2^(i-1)
setprecision(256*2^(i-1))
for i_eps = 1:40
epsilon = big"1.25"^(-i_eps)
println("prec=$prec epsilon=$epsilon")
for order=3:10
@time @testset "test PrepareU0 prec=$prec order=$order epsilon=$epsilon" begin
newprec = prec + 32 + div(-exponent(epsilon)*order^2, 3)
precref = newprec + 10
parphi = PreparePhi(epsilon, n_tau, A, henon_heiles)
pref=PrepareU0(parphi, order, u, precref)
pnew=PrepareU0(parphi, order, u, newprec)
@test pref.ut0 == pnew.ut0
end
end
end
end
end
testprepare()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 4054 | using HOODESolver: filtred_f, PrepareU0
using Test
include("henon_heiles.jl")
include("dataprep_u0.jl")
# these 3 functions come from old version with sin and cos computation
# to test the new version
function reffltfct( u, s, c )
a = c*u[1] + s*u[3]
b = 2 * u[2] * a
return [ s*b, u[4], -c*b, -u[2] - a^2 + u[2]^2, 1 ]
end
function reffltfctgen2( u::Array{Array{T,1},1}, s, c, n_tau ) where T <: Number
f = reffltfct.( u, s, c)
# convert an array of vector to a matrix
f = collect(transpose(reshape(collect(Iterators.flatten(f)), 5, n_tau)))
return f
end
function reffltfctgen( uMat::Array{T,2}, s, c, n_tau ) where T <: Number
return reffltfctgen2(reshape(mapslices(x->[x],uMat,dims = (2,)), n_tau), s, c, n_tau)
end
function test_tau_A()
epsilon = big"0.5"
n_tau = 64
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
parphi = HOODESolver.PreparePhi(epsilon, n_tau, A, henon_heiles)
tol= 1e-77
@testset "preparephi tau_A" begin
for i = 1:n_tau
s,c = setprecision(precision(BigFloat)+32) do
v = (i-1)*2big(pi)/n_tau
sin(v), cos(v)
end
res_ref = one(zeros(BigFloat,5,5))
res_ref[1,1] = res_ref[3,3] = c
res_ref[1,3] = s
res_ref[3,1]= -res_ref[1,3]
@test isapprox(res_ref, convert(Matrix, parphi.tau_Ap[i]), atol=tol)
res_ref[3,1], res_ref[1,3] = res_ref[1,3], res_ref[3,1]
@test isapprox(res_ref, convert(Matrix, parphi.tau_Ap_inv[i]), atol=tol)
end
end
end
function test_fct()
epsilon = big"0.5"
n_tau = 64
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
parphi = HOODESolver.PreparePhi(epsilon, n_tau, A, henon_heiles)
tol= 1e-76
@testset "preparephi fct" begin
for i = 1:n_tau
s,c = setprecision(precision(BigFloat)+32) do
v = (i-1)*2big(pi)/n_tau
sin(v), cos(v)
end
u0 = rand(BigFloat,5)
res_ref = reffltfct(u0, s, c)
res = filtred_f(u0,parphi.tau_Ap_inv[i], parphi.tau_Ap[i], parphi)
@test isapprox(res_ref, res, atol=tol)
end
end
end
function testpreparephi0()
epsilon = big"0.5"
n_tau = 64
tol=1e-76
@time @testset "preparephi and function for all tau" begin
parphi = HOODESolver.PreparePhi(
epsilon,
n_tau,
[0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0],
henon_heiles
)
u_mat = rand(BigFloat, 5, n_tau)
u_mat_tr = collect(transpose(u_mat))
tau = LinRange(zero(BigFloat), one(BigFloat), n_tau + 1)[1:end - 1]
s = sinpi.(2tau)
c = cospi.(2tau)
old_m = collect(transpose(reffltfctgen(u_mat_tr, s, c, n_tau)))
new_m = HOODESolver.filtredfct(parphi,u_mat)
println("norm=$(norm(old_m-new_m))")
@test isapprox(old_m, new_m, atol=tol)
end
end
function testpreparephi()
@time @testset "phi and prepare u0" begin
tab_ref, tab_eps = setprecision(1024) do
get_prepare_u0_for_test()
end
for i_prec=1:3
prec = 256*2^(i_prec-1)
tol=max((1e-77)^i_prec, 1e-200)
setprecision(prec) do
for i_eps=1:size(tab_eps,1)
epsilon = BigFloat(tab_eps[i_eps])
n_tau = 32
parphi = HOODESolver.PreparePhi(
epsilon,
n_tau,
[0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0],
henon_heiles
)
u0 = BigFloat.([0.125, 0.140625, 0.15625, 0.171875])
for ord=2:10
# paru0 = PrepareU0(parphi, ord, u0, 1024)
paru0 = PrepareU0(parphi, ord, u0)
# println("prec=$prec ord=$ord norm=$(norm(tab_ref[:, :, ord]- paru0.ut0))")
@test isapprox(tab_ref[:, :, ord, i_eps], paru0.ut0[1:4,:], atol=tol, rtol=tol)
end
end
end
end
end
end
test_tau_A()
test_fct()
testpreparephi0()
testpreparephi()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | code | 11447 | using HOODESolver: PreparePhi, isexactsol, PrepareTwoScalesPureAB
using HOODESolver: twoscales_pure_ab, _getresult
using DifferentialEquations
using LinearAlgebra
using Random
using Test
include("henon_heiles.jl")
function testtwoscales_pure_ab()
u0=[big"0.12345678", big"0.13787878", big"0.120099999001", big"0.12715124"]
epsilon = big"0.01"
t_max = big"1.0"
println("launching of julia solver")
prob = ODEProblem(henon_heiles_julia, u0, (big"0.0", t_max), epsilon)
@time sol = solve(prob , abstol=1e-25, reltol=1e-25)
sol_ref = sol.u[end]
nb=10
parphi = PreparePhi(
epsilon,
128,
[0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0],
henon_heiles
)
for order=2:10
nb = 100
par_u0 = PrepareU0(parphi, order+2, u0)
res_err = zeros(BigFloat,5)
ind = 1
while nb <= 1000
pargen = PrepareTwoScalesPureAB(nb, t_max, order, par_u0)
result = twoscales_pure_ab(pargen)
res_err[ind] = norm(result[:,end]-sol_ref,Inf)
println("\nnb=$nb order=$order err=$(res_err[ind])")
nb *= 10
ind += 1
end
coef = Float64(log(res_err[1]) - log(res_err[2]))/log(10)
println("order=$order coef log = $coef")
end
end
# function testtwoscales_pure_ab2()
# u0=[big"0.12345678", big"0.13787878", big"0.120099999001", big"0.12715124"]
# B = [ big"0.12984599677" big"0.9277" big"0.32984110099677" big"0.142984599677"
# big"0.4294599677" big"0.127337" big"0.4298411009977" big"0.99484599677"
# big"0.2298499677" big"0.327667" big"0.1298410099677" big"0.342984599677"
# big"0.7298459677" big"0.027887" big"0.7294110099677" big"0.66294599677"
# ]
# A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
# epsilon = big"0.1"
# C = 1/epsilon * A + B
# t_max = big"1.0"
# fct_jul = (u,p,t) -> C*u
# println("launching of julia solver")
# prob = ODEProblem(fct_jul, u0, (big"0.0", t_max), epsilon)
# @time sol = solve(prob , abstol=1e-20, reltol=1e-20)
# sol_ref = sol.u[end]
# sol_cal = exp(t_max*C)*u0
# println("norm = $(norm(sol_ref-sol_cal))")
# end
function testtwoscales_pure_ab3()
u0=[big"0.12345678", big"0.13787878", big"0.120099999001", big"0.12715124"]
Random.seed!(9988)
# B = [ big"-0.12984599677" big"-0.9277" big"0.32984110099677" big"0.142984599677"
# big"-0.4294599677" big"0.127337" big"0.4298411009977" big"0.99484599677"
# big"0.2298499677" big"0.327667" big"0.1298410099677" big"-0.342984599677"
# big"0.7298459677" big"-0.027887" big"0.7294110099677" big"-0.66294599677"
# ]
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
epsilon = big"0.000001"
C = 1/epsilon * A + B
t_max = big"1.0"
sol_ref = exp(t_max*C)*u0
fct = (u,p,t) -> B*u
parphi = PreparePhi(
epsilon,
32,
[0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0],
fct,
B
)
for order=2:10
nb = 1000
par_u0 = PrepareU0(parphi, order+2, u0)
res_err = zeros(BigFloat,5)
ind = 1
while nb <= 10000
pargen = PrepareTwoScalesPureAB(nb, t_max, order, par_u0)
result = twoscales_pure_ab(pargen)
res_err[ind] = norm(result[:,end]-sol_ref,Inf)
println("\nnb=$nb order=$order err=$(res_err[ind])")
nb *= 10
ind += 1
end
coef = Float64(log(res_err[1]) - log(res_err[2]))/log(10)
println("order=$order coef log = $coef")
end
end
function testtwoscales_pure_ab_epsilon()
Random.seed!(19988)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
fct = (u,p,t) -> B*u
order = 5
for i=1:5
epsilon = big"1.0"/big"10"^(i*3)
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
parphi = PreparePhi(
epsilon,
32,
A,
fct,
B
)
sol_ref = getexactsol(parphi, u0, t_max)
println("epsilon=$eps_v sol_ref=$sol_ref")
nb = 100
par_u0 = PrepareU0(parphi, order+2, u0)
res_err = zeros(BigFloat,5)
ind = 1
while nb <= 1000
pargen = PrepareTwoScalesPureAB(nb, t_max, order, par_u0)
result = twoscales_pure_ab(pargen)
res_err[ind] = norm(result[:,end]-sol_ref,Inf)
println("\nnb=$nb epsilon=$eps_v err=$(res_err[ind])")
nb *= 10
ind += 1
end
coef = Float64(log(res_err[1]) - log(res_err[2]))/log(10)
eps_v
println("epsilon=$eps_v coef log = $coef")
end
end
function testtwoscales_interpolate()
seed=9818871
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 6
nb = 100
t_max = big"1.0"
for i=1:1
seed += 10
Random.seed!(seed)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
fct = (u,p,t) -> B*u
epsilon = big"0.4"/2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"1.0"
parphi = PreparePhi(epsilon, 32, A, fct, B)
par_u0 = PrepareU0(parphi, order+2, u0)
pargen = PrepareTwoScalesPureAB(nb, t_max, order, par_u0)
@time result, tfft, tabu = twoscales_pure_ab(pargen,
only_end=false, res_fft=true)
reftol=norm(getexactsol(parphi, u0, t_max)-result[:,end], Inf)*10
for j=1:10
t=rand(BigFloat)
res_ex=getexactsol(parphi, u0, t)
res_ap=_getresult(tabu, t, parphi, 0, t_max, order)
println("t=$t norm=$(norm(res_ex-res_ap, Inf))")
@test isapprox(res_ex, res_ap, atol=reftol, rtol=reftol*10)
end
end
end
function testtwoscales_short()
seed=981885
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 7
nb = 5
for i=1:1
seed += 10
Random.seed!(seed)
u0=rand(BigFloat,4)
println("u0=$u0")
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
fct = (u,p,t) -> B*u
epsilon = big"0.00004"/2.0^i
eps_v = convert(Float32, epsilon)
t_max = big"0.01"
parphi = PreparePhi(epsilon, 32, A, fct, B)
par_u0 = PrepareU0(parphi, order+2, u0)
pargen = PrepareTwoScalesPureAB(nb, t_max, order, par_u0)
@time sol = twoscales_pure_ab(pargen, only_end=true)
resnorm=norm(getexactsol(parphi, u0, t_max)-sol, Inf)
println("resnorm=$resnorm")
@test resnorm < 1e-10
end
end
function tts_time(t_begin, t_end)
@time @testset "test twoscales from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
u0 = rand(BigFloat, 4)
fct = (u,p,t) -> B*u
epsilon=big"0.00345"
nb = 100
order = 4
ordprep= order+2
parphi = PreparePhi(epsilon, 32, A, fct, B, t_0=t_begin)
par_u0 = PrepareU0(parphi, order+2, u0)
pargen = PrepareTwoScalesPureAB(nb, t_end, order, par_u0)
sol = twoscales_pure_ab(pargen, only_end=true)
solref = getexactsol(parphi, u0, t_end)
println("sol=$sol solref=$solref norm=$(norm(sol-solref,Inf))")
@test isapprox(sol, solref,atol=1e-7, rtol=1e-6)
result, tfft, tabu = twoscales_pure_ab(pargen, only_end=false, res_fft=true)
for i=1:10
t = rand(BigFloat)*(t_end-t_begin) + t_begin
res_ex=getexactsol(parphi, u0, t)
res_ap=_getresult(tabu, t, parphi, t_begin, t_end, order)
println("i=$i")
println("t=$t")
println("res_ex=$res_ex")
println("res_ap=$res_ap")
@test isapprox(res_ex, res_ap, atol=1e-6, rtol=1e-5)
end
end
end
function tts_time_time(t_begin, t_end)
@time @testset "test twoscales time time from $t_begin to $t_end" begin
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
B = 2rand(BigFloat,4,4)-ones(BigFloat,4,4)
u0 = 2rand(BigFloat, 4)-ones(BigFloat,4)
fct = (u,p,t) -> B*u +t*p[1] +p[2]
tuple_p = (2rand(BigFloat,4)-ones(BigFloat,4),
2rand(BigFloat,4)-ones(BigFloat,4))
epsilon=big"0.0003467"
nb = 100
order = 4
ordprep= order+2
parphi = PreparePhi(epsilon, 32, A, fct, B, paramfct=tuple_p, t_0=t_begin)
par_u0 = PrepareU0(parphi, order+2, u0)
pargen = PrepareTwoScalesPureAB(nb, t_end, order, par_u0)
sol = twoscales_pure_ab(pargen, only_end=true)
solref = getexactsol(parphi, u0, t_end)
println("sol=$sol solref=$solref norm=$(norm(sol-solref,Inf))")
@test isapprox(sol, solref,atol=1e-8, rtol=1e-7)
result, tfft, tabu = twoscales_pure_ab(pargen, only_end=false, res_fft=true)
for i=1:10
t = rand(BigFloat)*(t_end-t_begin) + t_begin
res_ex=getexactsol(parphi, u0, t)
res_ap=_getresult(tabu, t, parphi, t_begin, t_end, order)
@test isapprox(res_ex, res_ap, atol=1e-7, rtol=1e-6)
end
end
end
function testtwoscales_time()
seed=7887
Random.seed!(seed)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 5
nb = 10
t_max = big"1.0"
tts_time(big"0.0",big"1.0")
tts_time(big"0.0",big"1.4565656565")
tts_time(big"2.234566",big"3.45766790123")
tts_time(-big"0.8457676",big"0.56716")
tts_time(-big"1.8111457676",-big"0.345456716")
tts_time(big"1.8457676",big"0.56716")
tts_time(-big"0.8457676",-big"1.56716")
tts_time(-big"0.845722676",-big"0.56716")
end
function testtwoscales_time_time()
seed=788227
Random.seed!(seed)
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
order = 5
nb = 10
t_max = big"1.0"
tts_time_time(big"0.0",big"1.0")
tts_time_time(big"0.0",big"1.4565656565")
tts_time_time(big"11.234566",big"12.45766790123")
tts_time_time(-big"0.8457676",big"0.56716")
tts_time_time(-big"1.8111457676",-big"0.345456716")
tts_time_time(big"1.8457676",big"0.56716")
tts_time_time(-big"0.8457676",-big"1.56716")
tts_time_time(-big"0.845722676",-big"0.56716")
end
function test_exact()
A = [0 0 1 0; 0 0 0 0; -1 0 0 0; 0 0 0 0]
epsilon = big"0.1"
n_tau = 32
parphi = PreparePhi(
epsilon,
n_tau,
A,
henon_heiles
)
@test !isexactsol(parphi)
u0=[big"0.12345678", big"0.13787878", big"0.120099999001", big"0.12715124"]
B = [ big"-0.12984599677" big"-0.9277" big"0.32984110099677" big"0.142984599677"
big"-0.4294599677" big"0.127337" big"0.4298411009977" big"0.99484599677"
big"0.2298499677" big"0.327667" big"0.1298410099677" big"-0.342984599677"
big"0.7298459677" big"-0.027887" big"0.7294110099677" big"-0.66294599677"
]
fct = u -> B*u
parphi = PreparePhi(
epsilon,
n_tau,
A,
fct,
B
)
@test isexactsol(parphi)
C = 1/epsilon * A + B
t = big"0.12347171717"
@test isapprox(exp(t*C)*u0, getexactsol(parphi, u0, t), atol=1e-77,rtol=1e-77)
end
test_exact()
testtwoscales_time()
testtwoscales_time_time()
testtwoscales_short()
testtwoscales_interpolate()
# testtwoscales_pure_ab()
# testtwoscales_pure_ab2()
#testtwoscales_pure_ab3()
testtwoscales_pure_ab_epsilon()
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 2964 | # HOODESolver.jl
*A Julia package for solving numerically highly-oscillatory ODE problems*
[](https://pnavaro.github.io/HOODESolver.jl/stable)
[](https://pnavaro.github.io/HOODESolver.jl/dev)
[](https://github.com/pnavaro/HOODESolver.jl/actions)
[](https://codecov.io/gh/pnavaro/HOODESolver.jl)
[](https://opensource.org/licenses/MIT)
[](https://joss.theoj.org/papers/816cd9b9f4815a78a08ede5e46fd2978)
This Julia package implements Uniformly Accurate numerical methods (UA) for highly oscillating problems. We propose to solve the following equation:
$$\frac{d u(t)}{dt} = \frac{1}{\varepsilon} A u(t) + f(t, u(t)), \qquad u(t=t_{start})=u_{in}, \qquad \varepsilon \in ]0, 1],$$
with
$u : t \in [t_{start}, t_{end}] \mapsto u(t) \in \mathbb{R}^n, t_{start}, t_{end} \in \mathbb{R}, \qquad u_{in}\in \mathbb{R}^n$,
$A\in {\mathcal{M}}_{n,n}(\mathbb{R})\quad$ is such that $\quad \tau \mapsto e^{\tau A}\quad$ is $2 \pi$-periodic, $\quad f : (t, u) \in \mathbb{R} \times \mathbb{R}^n \mapsto \mathbb{R}^n$.
## Installation
HOODESolver.jl is a registered package and can be installed using the Julia package manager. From the Julia REPL, enter Pkg mode (by pressing `]`)
```julia
julia>]
(@v1.5) pkg> add HOODESolver
```
## Usage
The following is an example with the system of Hénon-Heiles. Please see the [documentation](https://pnavaro.github.io/HOODESolver.jl/stable/) for further usage, tutorials, and api reference.
```julia
using HOODESolver
using Plots
epsilon= 0.0001
A = [ 0 0 1 0 ;
0 0 0 0 ;
-1 0 0 0 ;
0 0 0 0 ]
f1 = LinearHOODEOperator( epsilon, A)
f2 = (u,p,t) -> [ 0, u[4], 2*u[1]*u[2], -u[2] - u[1]^2 + u[2]^2 ]
tspan = (0.0, 3.0)
u0 = [0.55, 0.12, 0.03, 0.89]
prob = SplitODEProblem(f1, f2, u0, tspan)
```
solve the defined problem
```julia
sol = solve(prob, HOODEAB())
plot(sol)
```

For support with using HOODESolver.jl, please open an [issue](https://github.com/pnavaro/HOODESolver.jl/issues/new/) describing the problem and steps to reproduce it.
## How to Contribute
Here's an outline of the workflow you should use if you want to make contributions to this package.
1. Fork this repository
2. Make a new branch on your fork, named after whatever changes you'll be making
3. Apply your code changes to the branch on your fork
4. When you're done, submit a PR to `HOODESolver.jl` to merge your fork into master branch.
This package is licensed under the MIT Expat license. See [LICENSE](LICENSE) for more information.
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 449 | ---
name: Bug report
about: Create a report to help us improve
title: ''
labels: 'bug'
assignees: '@pnavaro'
---
A clear and concise description of what the bug is.
Give us your environment
```julia
using HOODESolver
println(versioninfo())
using Pkg;
println(Pkg.status("HOODESolver"))
```
A clear and concise description of what you expected to happen.
A minimal example of the input text should be supplied,
together with the output.
Thanks
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 2540 | # Charged particle Example
A system of charged particles under the effect of an external electro-magnetic field is considered to be
$(E(t, x), B(t, x))\in \mathbb{R}^6$.\
Particles are dynamically described by their position
$x(t)\in\mathbb{R}^3$ and their speed $v(t)\in\mathbb{R}^3$. We'll index by $i$ the $i$-th component of a vector.
Newton's equations applied to a particle can be written as
$$\begin{aligned}
\frac{d x(t) }{dt}&= v(t) \\
\frac{d v(t) }{dt}&= \frac{e}{m} \left[E(t, x(t)) + v(t)\times B(t, x(t))\right].
\end{aligned}$$
We will assume that the magnetic field is written $B(t, x)=(0, 0, 1)^T$ and under a certain scaling, we consider the following equation
$$\begin{aligned}
\frac{d x_1(t) }{dt} &= \frac{1}{\varepsilon}v_1(t) \\
\frac{d x_2(t) }{dt} &= \frac{1}{\varepsilon} v_2(t) \\
\frac{d x_3(t) }{dt} &= v_3(t) \\
\frac{d v_1(t) }{dt} &= E_1(t, x(t)) + \frac{1}{\varepsilon}v_2(t)\\
\frac{d v_2(t) }{dt} &= E_2(t, x(t)) - \frac{1}{\varepsilon}v_1(t)\\
\frac{d v_3(t) }{dt} &= E_3(t, x(t))
\end{aligned}$$
which is rewritten as follows
$$\frac{d u(t) }{dt}= \frac{1}{\varepsilon}A u(t) + F(t, u(t)),$$
where the unknown vector $u(t)=(x(t), v(t))\in\mathbb{R}^6$, $A$ is a square matrix of size $6\times 6$
and $F$ is a function with a value in $\mathbb{R}^6$. $A$ and $F$ are given by
$$A=
\left(
\begin{array}{cccccc}
0 & 0 & 0 & 1 & 0 & 0 \\
0 & 0 & 0 & 0 & 1 & 0 \\
0 & 0 & 0 & 0 & 0 & 0 \\
0 & 0 & 0 & 0 & 1 & 0 \\
0 & 0 & 0 & -1 & 0 & 0 \\
0 & 0 & 0 & 0 & 0 & 0
\end{array}
\right) \;\;\;\; \text{ and } \;\;\;\;
F(t, u(t)) = \left(
\begin{array}{cccccc}
0 \\
0\\
u_6(t)\\
E_1(t, u_1(t), u_2(t), u_3(t))\\
E_2(t, u_1(t), u_2(t), u_3(t)\\
E_3(t, u_1(t), u_2(t), u_3(t)
\end{array}
\right).$$
We can consider the following $E=(E_1, E_2, E_3)$ function
$$E(t, x) =
\left(
\begin{array}{ccc}
\cos(x_1/2)\sin(x_2)\sin(x_3)/2\\
\sin(x_1/2)\cos(x_2)\sin(x_3)\\
\sin(x_1/2)\sin(x_2)\cos(x_3)
\end{array}
\right)$$
```@setup 12
using HOODESolver
using Plots
```
```@example 12
epsilon = 0.05
A = [0 0 0 1 0 0;
0 0 0 0 1 0;
0 0 0 0 0 0;
0 0 0 0 1 0;
0 0 0 -1 0 0;
0 0 0 0 0 0]
f1 = LinearHOODEOperator( epsilon, A)
function f2(u, p, t)
s1, c1 = sincos(u[1]/2)
s2, c2 = sincos(u[2])
s3, c3 = sincos(u[3])
return [0, 0, u[6], c1*s2*s3/2, s1*c2*s3, s1*s2*c3]
end
tspan = (0.0, 1.0)
u0 = [1.0, 1.5, -0.5, 0, -1.2, 0.8]
prob = SplitODEProblem(f1, f2, u0, tspan)
sol = solve(prob, HOODEAB() )
plot(sol)
```
```@example 12
plot(sol,vars=(1,2,3))
```
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 1417 | # SplitODEProblem
The `SplitODEProblem` type from package [DifferentialEquations.jl](https://diffeq.sciml.ai/stable/types/split_ode_types/) offers a interface for problems similar to the ones we are trying to solve.
Consider the Henon-Heiles system we can use one of the solvers dedicated to split problems, see [Split ODE Solvers](https://diffeq.sciml.ai/stable/solvers/split_ode_solve/#split_ode_solve):
```@example 4
using Plots
```
```@example 4
using DifferentialEquations
epsilon = 0.002
A = [ 0 0 1 0 ;
0 0 0 0 ;
-1 0 0 0 ;
0 0 0 0 ]
f1 = DiffEqArrayOperator( A ./ epsilon)
function f2(du, u, p, t)
du[1] = 0
du[2] = u[4]
du[3] = 2*u[1]*u[2]
du[4] = -u[2] - u[1]^2 + u[2]^2
end
tspan = (0.0, 0.1)
u0 = [0.55, 0.12, 0.03, 0.89]
prob1 = SplitODEProblem(f1, f2, u0, tspan);
sol1 = solve(prob1, ETDRK4(), dt=0.001);
nothing # hide
```
With our method we need to give the value of `epsilon`. In some case, you can get this value from `f1`.
You can pass a `DiffEqArrayOperator` as argument to the problem but the method is not always valid
so we define a new type called `LinearHOODEOperator`:
```@example 4
using HOODESolver
f1 = LinearHOODEOperator(epsilon, A)
prob2 = SplitODEProblem(f1, f2, u0, tspan)
sol2 = solve(prob2, HOODEAB(), dt=0.01)
plot(sol1, vars=[3], label="EDTRK4")
plot!(sol2, vars=[3], label="HOODEAB")
plot!(sol2.t, getindex.(sol2.u, 3), m=:o)
```
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 76 | # Functions
```@autodocs
Modules = [HOODESolver]
Order = [:function]
```
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 1585 | # Future work
- precision on parameter.
- exponential runge-kutta method
## The "classical" Runge-Kutta method (order 4) adapted to the exponential (not yet implemented)
Notations :
- We denote by $G$ the function which transforms $\hat{U}$ to $\hat{f}$, so $G(\hat{U}) = \hat{f}$.
- We denote by $S_{t_0}^{t_1}(t_2,\ell)$ the intégral $S_{t_0}^{t_1}(t_2,\ell) = \int_{t_0}^{t_1} e^{- i \ell (t_2 - s)/\varepsilon} ds = ( i \varepsilon / \ell) ( e^{- i \ell (t_2 - t_1)/\varepsilon}-e^{- i \ell (t_2 - t_0)/\varepsilon})$
Here are the calculations
- $u_{1,\ell} = \hat{U}_{n, \ell}$
- $u_{2,\ell} = e^{- i \ell h_n /(2 \varepsilon)}\hat{U}_{n, \ell} + S_0^{h_n /2} ( h_n /2,\ell ) G_{\ell}(u_1)$
- $u_{3,\ell} = e^{- i \ell h_n /(2 \varepsilon)}\hat{U}_{n, \ell} + S_0^{h_n /2} ( h_n /2,\ell ) G_{\ell}(u_2)$
- $u_{4,\ell} = e^{- i \ell h_n /(2\varepsilon)}u_{2,\ell} + S_0^{h_n/2} ( h_n/2,\ell )[ 2 G_{\ell}(u_3)-G_{\ell}(u_1)]$ (see (28) of [Cox2002](@cite), with $c=-i \ell h_n /\varepsilon$)
From (29) of [Cox2002](@cite), with $c=-i \ell h_n /\varepsilon$, we have
$$\hat{U}_{n+1, \ell} = e^{- i \ell h_n /\varepsilon}\hat{U}_{n, \ell} + G_{\ell}(u_1) [-4+i \ell h_n /\varepsilon + e^{-i \ell h_n /\varepsilon}(4+3i \ell h_n /\varepsilon+(i \ell h_n /\varepsilon)^2]\\+ (2 G_{\ell}(u_2) + G_{\ell}(u_3) )[-2-i \ell h_n /\varepsilon+e^{-i \ell h_n /\varepsilon}(2-i \ell h_n /\varepsilon)]\\ + G_{\ell}(u_4)[-4+3i \ell h_n /\varepsilon -(i \ell h_n /\varepsilon)^2 + e^{-i \ell h_n /\varepsilon}(4+i \ell h_n /\varepsilon)]/(h_n^2 (i \ell h_n /\varepsilon)^3)$$
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 1115 | # HOODESolver.jl
The objective of this Julia package is to valorize the recent developments carried out within [INRIA team MINGuS](https://team.inria.fr/mingus/) on Uniformly Accurate numerical methods (UA) for highly oscillating problems. We propose to solve the following equation
$$\frac{d u(t)}{dt} = \frac{1}{\varepsilon} A u(t) + f(t, u(t)), \qquad u(t=t_{start})=u_{in}, \qquad \varepsilon\in ]0, 1], \qquad (1)$$
with
- $u : t\in [t_{start}, t_{end}] \mapsto u(t)\in \mathbb{R}^n, \quad t_{start}, t_{end}\in \mathbb{R}$,
- $u_{in}\in \mathbb{R}^n$,
- $A\in {\mathcal{M}}_{n,n}(\mathbb{R})$ is such that $\tau \mapsto \exp(\tau A)$ is $2 \pi$-periodic,
- $f : (t, u) \in \mathbb{R}\times \mathbb{R}^n \mapsto \mathbb{R}^n$.
The purpose here is to write an explanatory documentation of the *Julia* package containing the two-scale method (see [Chartier2020](@cite), [Chartier2015](@cite) and [Crouseilles2013](@cite). This package is inspired by the Differential Equations package [SciML](https://diffeq.sciml.ai/dev/index.html).
## References
```@bibliography
```
## Index
```@index
```
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 7391 |
# Numerical method
## Two-scale formulation
First, rewrite equation (1) using the variable change $w(t)=\exp(-(t-t_{start})A/\varepsilon) u(t)$ to obtain
$$\frac{d w(t)}{dt} = F\Big(\frac{t-t_{start}}{\varepsilon}, w(t) \Big), \;\;\; w(t_{start})=u_{in}, \;\; \varepsilon\in ]0, 1],$$
where the function $F$ is expressed from the data of the original problem (1)
$$F\Big( \frac{s}{\varepsilon}, w \Big) = \exp(-sA/\varepsilon) \; f( \exp(sA/\varepsilon), \; w).$$
We then introduce the function $U(t, \tau), \tau\in [0, 2 \pi]$ such that $U(t, \tau=(t-t_{start})/\varepsilon) = w(t)$. The two-scale function is then the solution of the following equation
$$\frac{\partial U}{\partial t} + \frac{1}{\varepsilon} \frac{\partial U}{\partial \tau} = F( \tau, U), \;\;\; U(t=t_{start}, \tau)=\Phi(\tau), \;\; \varepsilon\in ]0, 1], \;\;\;\;\;\;\;\;\;\; (2)$$
where $\Phi$ is a function checking $\Phi(\tau=0)=u_{0}$ chosen so that the $U$ solution of (2) is smooth (see [Chartier2015](@cite) and [Chartier2020](@cite).
## Discretization
The numerical method is based on a discretization of equation (2). In the direction $\tau$, a spectral method is used, while for the time $t$, an exponential Adams-Bashforth method allows to build a high order method (see [Chartier2020](@cite)). The initialization is based on a "butterfly" technique (going back and forth around the initial time).
### Initialization
Let r be the order of the method $AB_r$.\
Let $\Delta t$ the time step, for $i \in \{r, -(r-1), \ldots, r-1, r\}$,
we note $u_i = u(t_{start}+i \Delta t)$.\
Let $r'$ be the orders of the intermediate AB methods we will use.\
If $u_{k}$ is known with a precision of ${\mathcal O}(\Delta t^{r'+1})$, and for $r' \geq 2, u_{k-1}, \ldots, u_{k-r'+1}$ are known with a precision of ${\mathcal O}(\Delta t^{r'})$ then we can calculate $u_{k+1}$ with a precision of ${\mathcal O}(\Delta t^{r'+1})$ with the method $AB_{r'}$.\
Similarly, if $u_{k}$ is known with a precision of ${\mathcal O}(\Delta t^{r'+1})$, and for $r' \geq 2, u_{k+1}, \ldots, u_{k+r'-1}$ are known with a precision of ${\mathcal O}(\Delta t^{r'})$ then we can calculate $u_{k-1}$ with a precision of ${\mathcal O}(\Delta t^{r'+1})$ with the method $AB_{r'}$.
### Algorithm
- With the method $AB_1$, from $u_0$ we calculate $u_{-1}$ with a precision of ${\mathcal O}(\Delta t^2)$
- With the method $AB_2$, starting from $u_{0}$ and $u_{-1}$, we calculate $u_{1}$ with a precision of ${\mathcal O}(\Delta t^3)$
- For $r' = $3 to $r' = r$.
- For $k=1$ to $k=r'-1$
- With the method $AB_{r'-1}$, from $u_{1-k}, u_{2-k}, \ldots,u_{r'-1-k}$, we calculate $u_{-k}$ with a precision of ${\mathcal O}(\Delta t^{r'})$
- For $k=1$ to $k=r'-1$
- With the method $AB_{r'}$, from $u_{k-1}, u_{k-2}, \ldots,u_{k-r'}$, we calculate $u_{k}$ with a precision of ${\mathcal O}(\Delta t^{r'+1})$
At the end of this algorithm, the values $u_0, u_1, \ldots u_{r-1}$ are known with a precision of ${\mathcal O}(\Delta t^{r+1})$, we can launch the algorithm $AB_r$. Note that this technique requires that the function $f$ has to be smooth enough (namely $f\in {\mathcal C}^r([t_{start} - r \Delta t, t_{end}])$).
### The Adams-Bashforth Method
For an Adams-Bashforth method of order $r$ in time and spectral $\tau$, we first introduce a mesh in the $\tau$ direction.\
$\tau_{\ell} = \ell \Delta \tau, \ell = 0, \ldots, N_{\tau}-1$. Where $N_{\tau}$ is the number of points of discretization. If we apply the Fourier transform to the two-scale equation, we obtain
$$\frac{\partial \hat{U}_\ell}{\partial t} + \frac{i\ell}{\varepsilon}\hat{U}_\ell = \hat{F}_\ell(t), \;\; \ell=-N_\tau/2, \dots, N_\tau/2-1,$$
with
$$U(t, \tau_k) = \sum_{\ell=-N_{\tau}/2}^{N_{\tau}/2-1} \hat{U}_{\ell}(t) e^{i\ell k 2\pi/N_{\tau}} \;\;\; \text{ and } F(\tau_k, U(t, \tau_k)) = \sum_{\ell=-N_{\tau}/2}^{N_{\tau}/2-1} \hat{F}_{\ell}(t) e^{i\ell k 2\pi/N_\tau}.$$
and the inverse (discrete) Fourier transform formulae
$$\hat{U}_{\ell}(t) = \frac{1}{N_{\tau}}\sum_{k=0}^{N_{\tau}-1} U(t, \tau_k) e^{-i\ell k 2\pi/N_{\tau}}\;\;\; \text{ and } \hat{F}_{\ell}(t) = \frac{1}{N_{\tau}}\sum_{k=0}^{N_{\tau}-1} F(\tau_k, U(t, \tau_k))e^{-i\ell k 2\pi/N_{\tau}}.$$
If we wish to calculate $\hat{F}_{\ell}$ from $\hat{U}_{\ell}$ we have the following formula
$$F(\tau_k,U(t, \tau_k)) = e^{-\tau_k A}f(e^{\tau_k A}U(t, \tau_k)) \;\;$$
from which the Fourier transform is calculated in $\tau$ from the discrete Fourier transform formulas above.
Now, given a time step $\Delta t>0$ and a discretization in time $t_n=n\Delta t$, we can write the following Duhamel formula ($n\geq 0$)
$$\hat{U}_{\ell}(t_{n+1})
= e^{-i\ell\Delta t/\varepsilon}\hat{U}_{\ell}(t_{n}) + \int_0^{\Delta t} e^{-i\ell(\Delta t -s)/\varepsilon} \hat{F}_\ell(t_n+s)ds.$$
Thus, to obtain a $(r+1)$ scheme, we can
approaches the function $\hat{F}_\ell(t_n+s)$ by the Lagrange polynomial of order $r$ interpolator at points $t_{n-j}, j=0, \dots, r$. This polynomial is written
$$\hat{F}_\ell(t_n+s) \approx \sum_{k=0}^r \Big(\Pi_{j=0, j\neq k}^r \frac{s+j \Delta t}{(j-k)\Delta t} \Big) \hat{F}_\ell(t_n-t_j), \;\; n\geq 0.$$
Thus, from this approximation, we integrate exactly, which requires the following formulas
$$p^{[r]}_{\ell, j} = \int_0^{\Delta t}e^{-i\ell(\Delta t -s)/\varepsilon}\Big( \Pi_{j=0, j\neq k}^r \frac{s+j \Delta t}{(j-k)\Delta t}\Big) ds,$$
for each $j$ and $\ell$ such that $0\leq j\leq r, \; \ell=-N_\tau/2, \dots, N_\tau/2-1$. These coefficients $p^{[r]}_{\ell, j}$ can be pre-calculated and stored once and for all. Thus, the schema is finally written
$$\hat{U}_{\ell}^{n+1}= e^{-i\ell\Delta t/\varepsilon}\hat{U}_{\ell}^n + \sum_{j=0}^r p^{[r]}_{\ell, j} \hat{F}_\ell^{n-j},$$
with $\hat{U}_{\ell}^n \approx \hat{U}_{\ell}(t_n)$ and $\hat{F}_\ell^{n-j}\approx \hat{F}_\ell(t_{n-j})$.
We can verify that the truncation error in this schema is ${\mathcal O}(\Delta t^{r+1})$, once the initial values $\hat{U}_\ell^1, \dots, \hat{U}_\ell^r$ have been calculated.
## Non-homogeneous case $f(t, u)$
Here we consider the case where $f$ depends on the variable $t$.
$$\frac{d u(t)}{dt} = \frac{1}{\varepsilon} A u(t) + f(t, u(t)), \;\;\; u(t=t_{start})=u_{in}, \;\; \varepsilon\in ]0, 1] \;\;\;\; (3)$$
The non-homogeneous case (3) falls under (1), by entering the variable
$\theta : t \in [t_{start}, t_{end}] \mapsto \theta(t) = t\in \mathbb{R}$
which allows us to reformulate the non-homogeneous case (3) into a homogeneous problem of the form (1).
Indeed, we rephrase (3) as follows
$$\begin{aligned}
\frac{d u(t) }{dt} & = \frac{1}{\varepsilon} Au(t) + f(\theta(t), u(t)), \\
\frac{d \theta(t) }{dt} & = 1
\end{aligned}\;\;\;\;(4)$$
with the initial condition $u(t_{start})=u_{in}, \theta(t_{start})=t_{start}$. Thus, the problem (4) is rewritten into an equation\
satisfied by $y: t\in [t_{start}, t_{end}] \mapsto y(t) =(u(t), \theta(t))\in \mathbb{R}^{n+1}$
$$\frac{d y}{dt} = \frac{1}{\varepsilon} \tilde{A} y + g(y), \;\; y(t_{start})=(u_{in}, t_{start}),$$
with $\tilde{A}\in{\mathcal M}_{n+1, n+1}(\mathbb{R})$
$$\tilde{A}=
\left(
\begin{array}{cccc}
& & & 0 \\
& A & & 0 \\
& & & 0 \\
0 & 0 & 0 & 0
\end{array}
\right) \;\;\;\; \text{ and } \;\;\;\;
g(y)=g(u, \theta) = \left(
\begin{array}{cccccc}
f(\theta, u) \\
1
\end{array}
\right) \in \mathbb{R}^{n+1}.$$
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 8303 | # Quickstart
## Hénon-Heiles Example
We consider the system of Hénon-Heiles satisfied by $u(t)=(u_1, u_2, u_3, u_4)(t)$.
$$\frac{d u }{dt} = \frac{1}{\varepsilon} Au + f(u), \;\;\; u(t_{start})=u_{inn}\in\mathbb{R}^4,$$
where $A$ and $f$ are selected as follows
$$A=
\left(
\begin{array}{cccc}
0 & 0 & 1 & 0 \\
0 & 0 & 0 & 0 \\
-1 & 0 & 0 & 0 \\
0 & 0 & 0 & 0
\end{array}
\right) \;\;\;\; \text{ and } \;\;\;\;
f(u) = \left(
\begin{array}{cccc}
0 \\
u_4\\
-2 u_1 u_2\\
-u_2-u_1^2+u_2^2
\end{array}
\right).$$
one chooses for example, $\varepsilon=0.001$
and $u_{in} = (0.12, 0.12, 0.12, 0.12)$
## Input parameters
The input arguments use the same format as the ODE package.
Thus, first of all, we must define the arguments necessary to construct the problem (1), namely
- the $f$ function (in the form *Julia*)
- the initial condition $u_{in}$.
- the initial time $t_{start}$ and final time $t_{end}$.
- the second parameter of the
- the $A$ matrix
- $\varepsilon \in ]0, 1]$
```@example 1
using HOODESolver, Plots
epsilon= 0.0001
A = [ 0 0 1 0 ;
0 0 0 0 ;
-1 0 0 0 ;
0 0 0 0 ]
f1 = LinearHOODEOperator( epsilon, A)
f2 = (u,p,t) -> [ 0, u[4], 2*u[1]*u[2], -u[2] - u[1]^2 + u[2]^2 ]
tspan = (0.0, 3.0)
u0 = [0.55, 0.12, 0.03, 0.89]
prob = SplitODEProblem(f1, f2, u0, tspan);
nothing # hide
```
From the `prob` problem, we can now switch to its numerical resolution.
To do this, the numerical parameters are defined
- the number of time slots $N_t$ which defines the time step $\Delta t = \frac{t_{\text{end}}-t_{start}}{N_t}$ but you can set the value of time step `dt` in the `solve` call.
- the $r$ order of the method
- the number of $N_\tau$ points in the $\tau$ direction...
- the order of preparation $q$ of the initial condition
The default settings are : $N_t=100$, $r=4$, $N_\tau=32$ and $q=r+2=6$
To solve the problem with the default parameters, just call the `solve` command with the problem already defined as parameter
```@example 1
sol = solve(prob, HOODEAB(), dt=0.1);
nothing # hide
```
Which is equivalent to `HOODEAB( order=4, nb_tau=32 )`
### Exhaustive definition of the parameters
- `prob` : problem defined by `SplitODEProblem`
- `nb_tau=32` : $N_{\tau}$
- `order=4` : order $r$ of the method
- `order_prep=order+2` : order of preparation of initial data
- `dense=true` : indicates whether or not to keep the data from the fourier transform, if `dense=false`, processing is faster but interpolation can no longer be done.
- `nb_t=100` : $N_t$
- `getprecision=dense` : indicates whether the accuracy is calculated, the method used to calculate the accuracy multiplies the processing time by 2.
- `verbose=100` : trace level, if `verbose=0` then nothing is displayed.
- `par_u0` : If we have to make several calls to `solve` with the same initial data and in the same order, we can pass in parameter the already calculated data.
- `p_coef` : table with the coefficients of the Adams-Bashforth method. This array can be used to optimize several calls with the same parameters.
## Exit arguments
As an output, a structure of type `ODESolution` from [DifferentialEquations.jl](https://diffeq.sciml.ai/stable/basics/solution/).
This structure can be seen as a function of t, it can also be seen as an array. Example:
```@repl 1
sol.prob
sol.alg
t=2.541451547
sol(t)
sol[end]
sol(3.0)
```
To view the result, you can also use Plot, for example
```@example 1
plot(sol)
```
## Linear non-homogeneous case
The following non-homogeneous linear system is considered to be satisfied by $u(t)=(u_1, u_2, u_3, u_4)(t)$
```math
\frac{d u }{dt} = \frac{1}{\varepsilon} Au + f(t, u), \;\;\; u(0)=u_in\in\mathbb{R}^4,
```
where ``A`` and ``f`` are selected as follows
```math
A=
\left(
\begin{array}{cccc}
0 & 0 & 1 & 0 \\
0 & 0 & 0 & 0 \\
-1 & 0 & 0 & 0 \\
0 & 0 & 0 & 0
\end{array}
\right) \;\;\; \text{ and } \;\;\;
f(t, u) = Bu +\alpha t +\beta \;\; \text{ with } \;\;
B\in {\mathcal M}_{4, 4}(\mathbb{R}), \alpha, \beta \in \mathbb{R}^4,
```
``B, \alpha, \beta`` are chosen randomly.
We wish to obtain a high precision, so we will use BigFloat real
numbers, they are encoded on 256 bits by default which gives a
precision bound of about ``2^{-256}. \approx 10^{-77}``. At the
end, we compare a calculated result with an exact result. For this, you must
use the dedicated [`HOODEProblem`](@ref) type:
```@example 2
using HOODESolver
using Plots
using Random
```
```@example 2
rng = MersenneTwister(1111)
A=[0 0 1 0 ; 0 0 0 0 ; -1 0 0 0 ; 0 0 0 0]
B = 2rand(rng, BigFloat, 4, 4) - ones(BigFloat, 4, 4)
alpha = 2rand(rng, BigFloat, 4) - ones(BigFloat, 4)
beta = 2rand(rng, BigFloat, 4) - ones(BigFloat, 4)
u0 = [big"0.5", big"-0.123", big"0.8", big"0.7"]
t_start=big"0.0"
t_end=big"1.0"
epsilon=big"0.017"
fct = (u,p,t)-> B*u + t*p[1] +p[2]
prob = HOODEProblem(fct, u0, (t_start,t_end), (alpha, beta), A, epsilon, B)
sol = solve(prob, nb_t=10000, order=8)
sol.absprec
```
```@example 2
t=big"0.9756534187771"
sol(t)-getexactsol(sol.par_u0.parphi, u0, t)
```
```@example 2
plot(sol.t,sol.u_tr)
```
### Calculation of the exact solution
This involves calculating the exact solution $u(t)$ of the following equation at the instant $t$
```math
\frac{d u }{dt} = \frac{1}{\varepsilon} Au + Bu +\alpha t +\beta, \;\;\; u(t_{start})=u_{in}\in\mathbb{R}^4\text{, } A \text{ and }B \text{ are defined above }
```
Let
```math
\begin{aligned}
M &= \frac{1}{\varepsilon} A + B\\
C &= e^{-t_{start} M}u_{in} +M^{-1} e^{-t_{start} M} (t_{start}\alpha+\beta)+ M^{-2} e^{-t_{start} M} \alpha\\
C_t &= -M^{-1} e^{-t M} (t\alpha+\beta)-M^{-2} e^{-t M} \alpha\\
u(t) &= e^{t M} ( C + C_t)
\end{aligned}
```
Which, translated into Julia language, gives the code of the function `getexactsol` :
```julia
function getexactsol(par::PreparePhi, u0, t)
@assert !ismissing(par.matrix_B) "The debug matrix is not defined"
sparse_A = par.sparse_Ap[1:(end-1),1:(end-1)]
m = (1/par.epsilon)*sparse_A+par.matrix_B
t_start = par.t_0
if ismissing(par.paramfct)
return exp((t-t0)*m)*u0
end
a, b = par.paramfct
mm1 = m^(-1)
mm2 = mm1^2
e_t0 = exp(-t_start*m)
C = e_t0*u0 + mm1*e_t0*(t_start*a+b)+mm2*e_t0*a
e_inv = exp(-t*m)
e = exp(t*m)
C_t = -mm1*e_inv*(t*a+b)-mm2*e_inv*a
return e*C+e*C_t
end
```
## Accuracy of the result according to the time interval
### Linear problem
From a problem of the previous type, as long as we can calculate the exact solution, it is possible to know exactly what the error is.
The initialization data being
```jl
using HOODESolver
A = [0 0 1 0 ; 0 0 0 0 ; -1 0 0 0 ; 0 0 0 0]
u0 = BigFloat.([-34//100, 78//100, 67//100, -56//10])
B = BigFloat.([12//100 -78//100 91//100 34//100
-45//100 56//100 3//100 54//100
-67//100 09//100 18//100 89//100
-91//100 -56//100 11//100 -56//100])
alpha = BigFloat.([12//100, -98//100, 45//100, 26//100])
beta = BigFloat.([-4//100, 48//100, 23//100, -87//100])
epsilon = 0.015
t_end = big"1.0"
fct = (u,p,t)-> B*u + t*p[1] +p[2]
prob = HOODEProblem(fct,u0, (big"0.0",t_end), (alpha, beta), A, epsilon, B)
```
Note that the floats are coded on 512 bits.\
By varying $\Delta t$ from $10^{-2}$ to $5.10^{-6}$ (i.e. `nb_t` from `100` to `204800`) on a logarithmic scale, for odd orders from 3 to 17 we get these errors
#### Precision of the result with ε = 0.015

Now with the same initial data, order being setted to 6, and $\varepsilon = 0.15, 0.015, \ldots, 1.5\times 10^{-7}$.\
Here floats are coded on 256 bits.
#### Precision of the result with order = 6

### Problem with Hénon-Heiles function
```jl
u0=BigFloat.([90, -44, 83, 13]//100)
t_end = big"1.0"
epsilon=big"0.0017"
fct = u -> [0, u[4], -2u[1]*u[2], -u[2]-u[1]^2+u[2]^2]
A = [0 0 1 0; 0 0 0 0;-1 0 0 0; 0 0 0 0]
prob = HOODEProblem(fct, u0, (big"0.0",t_end), missing, A, epsilon)
```
The float are coded on 512 bits.
#### Precision of the result with ε = 0.0017

Now with the same initial data, order being setted to 6, and $\varepsilon = 0.19, 0.019, \ldots, 1.9\times 10^{-8}$.\
Here floats are coded on 256 bits.
#### Precision of the result with order 6

| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.7 | c1f7717862677bc74b0305e0e2d00dc38df2bcf9 | docs | 68 | # Types
```@autodocs
Modules = [HOODESolver]
Order = [:type]
```
| HOODESolver | https://github.com/pnavaro/HOODESolver.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 1405 | using Luxor
SIDE=500
iSCALE=0.975
RADIUS=iSCALE*SIDE/(2√3)
yOFF=0.25*RADIUS
LW=4.0
JEΘ = Dict("b" => (0.298, 0.388, 0.682),
"g" => (0.224, 0.592, 0.275),
"p" => (0.573, 0.349, 0.639),
"𝑔" => (0.851, 0.855, 0.792))
letters = ["I", "G", "lib"]
const colors = (JEΘ["g"], JEΘ["p"], JEΘ["b"], JEΘ["𝑔"])
corners = ngon(Point(0, yOFF),
RADIUS, 3, π/6,
vertices=true)
function drawLetter(txt, coords, fntf = "SBL BibLit", rscale = 1.0)
fontface(fntf)
fontsize(RADIUS * √2 * rscale)
offsets = ngon(Point(0,0), LW, 4, π/4, vertices=true)
setcolor("black")
for j in 1:length(offsets)
text(txt, coords + offsets[j], valign = :middle, halign = :center)
end
setcolor(JEΘ["𝑔"])
text(txt, coords, valign = :middle, halign = :center)
end
function main(filename)
Drawing(SIDE, SIDE, filename)
origin()
for i in 1:3
# Fills
setcolor(colors[i])
circle(corners[i], (√3/2)*RADIUS, action = :fill)
# Draw stokes
setline(LW)
setcolor("black")
circle(corners[i], (√3/2)*RADIUS, action = :stroke)
# Draws Letters
if i < 3
drawLetter(letters[i], corners[i], "SBL BibLit", 0.95)
else
drawLetter(letters[i], corners[i], "Pacifico", 0.8)
end
end
finish()
end
main("logo.svg")
main("logo.png")
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 1096 | #----------------------------------------------------------------------------------------------#
# Noble Gas Heat Capacity Model Library #
#----------------------------------------------------------------------------------------------#
import EngThermBase: atoM_64, atoM_32, atoM_16
function atoMass(𝕡::Type{<:PREC})
(𝕡 in (Float64, BigFloat)) && (return atoM_64)
(𝕡 == Float32) && (return atoM_32)
(𝕡 == Float16) && (return atoM_16)
end
# Library signature
HEAT = Dict{Symbol, Dict{DataType, Dict{DataType, nobleGasHeat}}}()
# Populate the library
for GAS in (:He, :Ne, :Ar, :Kr, :Xe, :Rn)
HEAT[GAS] = Dict{DataType, Dict{DataType, nobleGasHeat}}()
for PRE in (Float64, Float32, Float16)
HEAT[GAS][PRE] = Dict{DataType, nobleGasHeat}()
for EXA in (MM, EX)
HEAT[GAS][PRE][EXA] = nobleGasHeat(
m_amt{PRE,EXA}(
m_(molParse(String(GAS)), atoMass(PRE))),
cp((5//2)R_(PRE, EXA)),
)
end
end
end
# export
export HEAT
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 630 | #----------------------------------------------------------------------------------------------#
# IdealGasLib.jl #
#----------------------------------------------------------------------------------------------#
# Module
module IdealGasLib
# Imports
using Reexport
@reexport using EngThermBase
# Interface
include("interface.jl")
# Includes - specific heat models for ideal gases
include("heat/nobleGas.jl")
# Includes - the ideal gas EoS model
include("subs/idealGas.jl")
# Tiny fluid libraries
include("../lib/heat/nobleGas.jl")
end # module
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 1206 | #----------------------------------------------------------------------------------------------#
# interface.jl #
#----------------------------------------------------------------------------------------------#
# Interface (bare) functions
"""
Function to return an ideal gas' name.
"""
function name end
"""
Function to return an ideal gas' chemical formula.
"""
function form end
"""
Function to return an ideal gas' reference state's temperature.
"""
function Tref end
"""
Function to return an ideal gas' reference state's pressure.
"""
function Pref end
"""
Function to return an ideal gas' reference state's specific entropy.
"""
function sref end
"""
Function to return an ideal gas' variation of specific internal energy.
"""
function Δu end
"""
Function to return an ideal gas' variation of specific enthalpy.
"""
function Δh end
"""
Function to return an ideal gas' variation of specific ideal gas partial entropy.
"""
function Δs° end
"""
Function to return an ideal gas' specific ideal gas partial entropy.
"""
function s° end
# Interface exports
export name, form, Tref, Pref, sref, Δu, Δh, Δs°, s°
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 1092 | #----------------------------------------------------------------------------------------------#
# heat/nobleGas-oper.jl #
#----------------------------------------------------------------------------------------------#
#······························································································#
# Inquiring #
#······························································································#
import EngThermBase: precof, exacof
"""
`precof(::Type{𝕋} | x::𝕋) where 𝕋<:Heat{𝕡} where 𝕡 = 𝕡`\n
Returns the precision of the `Heat` subtype or instance as a `DataType`.
"""
precof(::Type{𝕋}) where 𝕋<:Heat{𝕡} where 𝕡 = 𝕡
precof(x::𝕋) where 𝕋<:Heat{𝕡} where 𝕡 = 𝕡
"""
`exacof(::Type{𝕋} | x::𝕋) where 𝕋<:Heat{𝕡} where 𝕡 = 𝕡`\n
Returns the exactness of the `Heat` subtype or instance as a `DataType`.
"""
exacof(::Type{𝕋}) where 𝕋<:Heat{𝕡,𝕩} where {𝕡,𝕩} = 𝕩
exacof(x::𝕋) where 𝕋<:Heat{𝕡,𝕩} where {𝕡,𝕩} = 𝕩
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 28466 | #----------------------------------------------------------------------------------------------#
# heat/nobleGas.jl #
#----------------------------------------------------------------------------------------------#
#----------------------------------------------------------------------------------------------#
# Noble Gas Specific Heat Model for Ideal Gases #
#----------------------------------------------------------------------------------------------#
import Base: cp, show # Since :cp is further extended here
import EngThermBase: deco, m_, R_, cv, ga, k_, u_, h_, ds, s_, Pr, vr, Pv, RT, Z_
# Type declaration
struct nobleGasHeat{𝕡,𝕩} <: ConstHeat{𝕡,𝕩}
M::m_amt{𝕡,𝕩,MO} # The precision- exactness- parametric molar mass
c::cpamt{𝕡,𝕩,MO} # The precision- exactness- base- parametric cp
Tref::T_amt{𝕡,𝕩} # The reference state temperature
Pref::P_amt{𝕡,𝕩} # The reference state pressure
sref::s_amt{𝕡,𝕩,MO} # The reference state specific entropy
# Inner copy constructor
nobleGasHeat(𝐻::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = begin
new{𝕡,𝕩}(𝐻.M, 𝐻.c, 𝐻.Tref, 𝐻.Pref, 𝐻.sref)
end
# Inner checking & promoting constructor
nobleGasHeat(__M::m_amt{𝕡𝔸,𝕩𝔸,MO},
__c::cpamt{𝕡𝔹,𝕩𝔹,MO},
T_r::T_amt{𝕡ℂ,𝕩ℂ} = T_(promote_type(𝕡𝔸, 𝕡𝔹),
promote_type(𝕩𝔸, 𝕩𝔹)),
P_r::P_amt{𝕡𝔻,𝕩𝔻} = P_(promote_type(𝕡𝔸, 𝕡𝔹, 𝕡ℂ),
promote_type(𝕩𝔸, 𝕩𝔹, 𝕩ℂ)),
s_r::s_amt{𝕡𝔼,𝕩𝔼,MO} = s_amt{promote_type(𝕡𝔸, 𝕡𝔹, 𝕡ℂ, 𝕡𝔻),
promote_type(𝕩𝔸, 𝕩𝔹, 𝕩ℂ, 𝕩𝔻),MO}(
zero(promote_type(𝕡𝔸, 𝕡𝔹, 𝕡ℂ, 𝕡𝔻)))
) where {𝕡𝔸,𝕩𝔸,𝕡𝔹,𝕩𝔹,𝕡ℂ,𝕩ℂ,𝕡𝔻,𝕩𝔻,𝕡𝔼,𝕩𝔼} = begin
# Precision and Exactness promotion
𝕡 = promote_type(𝕡𝔸, 𝕡𝔹, 𝕡ℂ, 𝕡𝔻, 𝕡𝔼)
𝕩 = promote_type(𝕩𝔸, 𝕩𝔹, 𝕩ℂ, 𝕩𝔻, 𝕩𝔼)
# Checks
@assert amt(__M).val >= 0.0
@assert amt(__c).val >= 0.0
@assert amt(T_r).val > 0.0
@assert amt(P_r).val > 0.0
## @assert amt(s_r).val >= 0.0
# Returns
new{𝕡,𝕩}(m_amt{𝕡,𝕩}(__M),
cpamt{𝕡,𝕩}(__c),
T_amt{𝕡,𝕩}(T_r),
P_amt{𝕡,𝕩}(P_r),
s_amt{𝕡,𝕩}(s_r))
end
end
# Type exporting
export nobleGasHeat
# Type displaying
deco(𝐻::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = Symbol("noble-cp(T)")
Base.show(io::IO, 𝐻::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = begin
if DEF[:pprint]
print(io,
"$(string(deco(𝐻))):\n",
" $(𝐻.c)\n $(𝐻.M)\n $(𝐻.Tref)\n $(𝐻.Pref)\n $(𝐻.sref)"
)
else
Base.show_default(io, 𝐻)
end
end
# Type plain info access functions
"""
`(Tref(𝐻::nobleGasHeat{𝕡,𝕩})::T_amt{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns a particular gas's reference state temperature for the substance with specific heat
modeled by `𝐻`.
"""
(Tref(𝐻::nobleGasHeat{𝕡,𝕩})::T_amt{𝕡,𝕩}) where {𝕡,𝕩} = 𝐻.Tref
"""
`(Pref(𝐻::nobleGasHeat{𝕡,𝕩})::P_amt{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns a particular gas's reference state pressure for the substance with specific heat modeled
by `𝐻`.
"""
(Pref(𝐻::nobleGasHeat{𝕡,𝕩})::P_amt{𝕡,𝕩}) where {𝕡,𝕩} = 𝐻.Pref
"""
`(sref(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕩}`\n
Returns a particular gas's reference state specific entropy for the substance with specific heat
modeled by `𝐻`.
"""
(sref(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MA})::s_amt{𝕡,𝕩,MA}) where {𝕡,𝕩} = 𝐻.sref / 𝐻.M
(sref(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MO})::s_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = 𝐻.sref
# Type stable, fallback version
(sref(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
sref(𝐻, B)
end
#······························································································#
# Rebasing #
#······························································································#
"""
`(rebase(𝐻::nobleGasHeat{𝕡,𝕩}, 𝑇::T_amt{𝕡,𝕩}, 𝑃::P_amt{𝕡,𝕩})::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns a `nobleGasHeat` instance based on `𝐻` with `(Tref, Pref) = (𝑇, 𝑃)`, and with `sref`
adjusted so as to yield same entropy values for the same `(T, P)` states than `𝐻`. Values of
`s°` will also coincide only if `𝐻.Pref == 𝑃`.
"""
(rebase(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
𝑃::P_amt{𝕡,𝕩})::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = begin
nobleGasHeat(𝐻.M, 𝐻.c, 𝑇, 𝑃, s_(𝐻, 𝑇, 𝑃))
end
# Fallback versions
(rebase(𝐻::nobleGasHeat{𝕡,𝕩},
𝑃::P_amt{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩})::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = rebase(𝐻, 𝑇, 𝑃)
(rebase(𝐻::nobleGasHeat{𝕡,𝕩},
þ::TPPair{𝕡,𝕩})::nobleGasHeat{𝕡,𝕩}) where {𝕡,𝕩} = rebase(𝐻, þ.T, þ.P)
export rebase
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Basic Ideal Gas Properties from nobleGasHeat #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# M: Particular gas molecular mass #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Particular gas molecular mass
"""
`(m_(𝐻::nobleGasHeat{𝕡,𝕩})::m_amt{𝕡,𝕩,MO}) where {𝕡,𝕩}`\n
Returns the particular gas molecular mass for the substance with specific heat modeled by `𝐻`
without conversions.
"""
(m_(𝐻::nobleGasHeat{𝕡,𝕩})::m_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = 𝐻.M
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# R: Particular gas constant #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Particular gas constant -- function syntax thanks to
# https://stackoverflow.com/a/65890762/4038337
"""
`(R_(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::R_amt{𝕡,𝕩,B}) where {𝕡,𝕩}`\n
Returns the particular gas constant for the substance with specific heat modeled by `𝐻` in the
default or specified base.
"""
(R_(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MA})::R_amt{𝕡,𝕩,MA}) where {𝕡,𝕩} = R_(𝕡, 𝕩) / 𝐻.M
(R_(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MO})::R_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = R_(𝕡, 𝕩)
# Type stable, fallback version
(R_(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::R_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = R_(𝐻, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# cp: Particular gas iso-P specific heat #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Particular gas cp values: no conversion
"""
`cp(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])`\n
Returns the particular gas constant-pressure specific heat in the default or specified base for
the substance with specific heat modeled by `𝐻`, making base conversion only when necessary.
"""
(cp(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MO})::cpamt{𝕡,𝕩,MO}) where {𝕡,𝕩} = 𝐻.c
(cp(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{MA})::cpamt{𝕡,𝕩,MA}) where {𝕡,𝕩} = cp(𝐻.c / 𝐻.M)
# Type-stable, fallback version
(cp(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::cpamt{𝕡,𝕩,B}) where {𝕡,𝕩} = cp(𝐻, B)
# Temperature specifying methods
(cp(𝐻::nobleGasHeat{𝕡,𝕩},
T::T_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::cpamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = cp(𝐻, B)
# Fallback temperature specifying methods though T-Combos (Pairs/Trios).
(cp(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::cpamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = cp(𝐻, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# cv: Particular gas iso-V specific heat #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Particular gas cv values: type-stable, fallback methods
"""
`cv(𝐻::nobleGasHeat{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])`\n
Returns the particular gas constant-volume specific heat in the default or specified base for
the substance with specific heat modeled by `𝐻`, making base conversion only when necessary.
"""
(cv(𝐻::nobleGasHeat{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::cvamt{𝕡,𝕩,B}) where {𝕡,𝕩} = cv(cp(𝐻, B) - R_(𝐻, B))
# Temperature specifying methods
(cv(𝐻::nobleGasHeat{𝕡,𝕩},
T::T_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::cvamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = cv(𝐻, B)
# Fallback temperature specifying methods though T-Pairs.
(cv(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::cvamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = cv(𝐻, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# ga: Particular gas specific heat ratio #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
"""
`(ga(𝐻::nobleGasHeat{𝕡,𝕩})::gaamt{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns the particular gas specific heat ratio for the substance with specific heat modeled by
`𝐻`, without conversions.
"""
(ga(𝐻::nobleGasHeat{𝕡,𝕩})::gaamt{𝕡,𝕩}) where {𝕡,𝕩} = ga(cp(𝐻)/cv(𝐻))
# Temperature specifying method
(ga(𝐻::nobleGasHeat{𝕡,𝕩},
T::T_amt{𝕢,𝕪})::gaamt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = ga(𝐻)
# Fallback temperature specifying methods though T-Pairs.
(ga(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪})::gaamt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = ga(𝐻)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# k: Particular gas isentropic expansion exponent #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
"""
`(k_(𝐻::nobleGasHeat{𝕡,𝕩})::k_amt{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns the particular gas isentropic expansion exponent for the substance with specific heat
modeled by `𝐻`, without conversions. For ideal gases, \$k = ga\$.
"""
(k_(𝐻::nobleGasHeat{𝕡,𝕩})::k_amt{𝕡,𝕩}) where {𝕡,𝕩} = k_(ga(𝐻)) # ga fallback
# Temperature specifying method
(k_(𝐻::nobleGasHeat{𝕡,𝕩},
T::T_amt{𝕢,𝕪})::k_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = k_(𝐻)
# Fallback temperature specifying methods though T-Pairs.
(k_(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪})::k_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = k_(𝐻)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Δu: Particular gas variation of specific internal energy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(Δu(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕡,𝕩},
𝒻::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
de(cv(𝐻, B) * (𝒻 - 𝒾))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(Δu(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫}`\n
Returns the particular gas variation in specific internal energy in the specified or default
base for the substance with specific heat modeled by `𝐻`, for process with initial and final
temperatures of `i` and `f`, respectively. Resulting precision, PREC, and exactness, EXAC, are
model-driven, and not promotion-driven.
"""
(Δu(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
𝑖 = T_amt{𝕡,𝕩}(𝑖)
𝑓 = T_amt{𝕡,𝕩}(𝑓)
return Δu(𝐻, 𝑖, 𝑓, B)
end
# Fallback method with hasTPair arguments
(Δu(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::hasT{𝕢,𝕪},
𝒻::hasT{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = Δu(𝐻, 𝒾.T, 𝒻.T, B)
# Alias
du = Δu
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# u: Particular gas specific internal energy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(u_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
B::Type{<:IntBase}=DEF[:IB])::u_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
u_(Δu(𝐻, Tref(𝐻), 𝑇, B))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(u_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::u_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪}`\n
Returns the particular gas specific internal energy in the specified or default base for the
substance with specific heat modeled by `𝐻`, for states with temperature `𝑇`. Resulting
precision, PREC, and exactness, EXAC, are model-driven, and not promotion-driven.
"""
(u_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::u_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return u_(𝐻, 𝑇, B)
end
# Fallback method with hasTPair arguments
(u_(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::u_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = u_(𝐻, 𝒯.T, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Δh: Particular gas variation of specific enthalpy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(Δh(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕡,𝕩},
𝒻::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
de(cp(𝐻, B) * (𝒻 - 𝒾))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(Δh(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫}`\n
Returns the particular gas variation in specific enthalpy in the specified or default base for
the substance with specific heat modeled by `𝐻`, for process with initial and final temperatures
of `𝒾` and `𝒻`, respectively. Resulting precision, PREC, and exactness, EXAC, are model-driven,
and not promotion-driven.
"""
(Δh(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
𝑖 = T_amt{𝕡,𝕩}(𝑖)
𝑓 = T_amt{𝕡,𝕩}(𝑓)
return Δh(𝐻, 𝑖, 𝑓, B)
end
# Fallback method with hasTPair arguments
(Δh(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::hasT{𝕢,𝕪},
𝒻::hasT{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::deamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = Δh(𝐻, 𝒾.T, 𝒻.T, B)
# Alias
dh = Δh
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# h: Particular gas specific enthalpy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(h_(𝐻::nobleGasHeat{𝕡,𝕩},
𝒯::T_amt{𝕡,𝕩},
B::Type{<:IntBase}=DEF[:IB])::h_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
h_(Δh(𝐻, Tref(𝐻), 𝒯, B) + R_(𝐻, B) * Tref(𝐻))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(h_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::h_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪}`\n
Returns the particular gas specific enthalpy in the specified or default base for the substance
with specific heat modeled by `𝐻`, for states with temperature `𝑇`. Resulting precision, PREC,
and exactness, EXAC, are model-driven, and not promotion-driven.
"""
(h_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::h_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return h_(𝐻, 𝑇, B)
end
# Fallback method with hasTPair arguments
(h_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::h_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = h_(𝐻, 𝑇.T, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Δs°: Particular gas variation of ideal gas partial spec. entropy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(Δs°(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕡,𝕩},
𝒻::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
ds(cp(𝐻, B) * log(𝒻/𝒾))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(Δs°(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫}`\n
Returns the particular gas variation in ideal gas partial specific entropy in the specified or
default base for the substance with specific heat modeled by `𝐻`, for process with initial and
final temperatures of `𝒾` and `𝒻`, respectively. Resulting precision, PREC, and exactness, EXAC,
are model-driven, and not promotion-driven.
"""
(Δs°(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::T_amt{𝕢,𝕪},
𝒻::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
𝑖 = T_amt{𝕡,𝕩}(𝑖)
𝑓 = T_amt{𝕡,𝕩}(𝑓)
return Δs°(𝐻, 𝑖, 𝑓, B)
end
# Fallback method with hasTPair arguments
(Δs°(𝐻::nobleGasHeat{𝕡,𝕩},
𝒾::hasT{𝕢,𝕪},
𝒻::hasT{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = Δs°(𝐻, 𝒾.T, 𝒻.T, B)
# Alias
ds0 = Δs°
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# s°: Particular gas specific ideal gas partial entropy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback method
(s°(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
s_(Δs°(𝐻, Tref(𝐻), 𝑇, B) + sref(𝐻, B))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(s°(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪}`\n
Returns the particular gas specific ideal gas partial entropy in the specified or default base
for the substance with specific heat modeled by `𝐻`, for states with temperature `𝑇`. Resulting
precision, PREC, and exactness, EXAC, are model-driven, and not promotion-driven.
"""
(s°(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return s°(𝐻, 𝑇, B)
end
# Fallback method with hasTPair arguments
(s°(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = s°(𝐻, 𝑇.T, B)
# Alias
s0 = s°
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Δs: Particular gas variation of specific entropy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback methods
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕡,𝕩},
Tf::T_amt{𝕡,𝕩},
Pi::P_amt{𝕡,𝕩},
Pf::P_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
ds(cp(𝐻, B) * log(Tf/Ti) - R_(𝐻, B) * log(Pf/Pi))
end
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕡,𝕩},
Tf::T_amt{𝕡,𝕩},
vi::v_amt{𝕡,𝕩,𝕓},
vf::v_amt{𝕡,𝕩,𝕓},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕩,𝕓} = begin
ds(cv(𝐻, B) * log(Tf/Ti) + R_(𝐻, B) * log(vf/vi))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
Pi::P_amt{𝕟,𝕧},
Pf::P_amt{𝕠,𝕨},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫}`\n
Returns the particular gas variation in specific entropy in the specified or default base for
the substance with specific heat modeled by `𝐻`, for process with initial and final temperatures
and pressures of `Ti` and `Tf`, and `Pi` and `Pf`, respectively. Resulting precision, PREC, and
exactness, EXAC, are model-driven, and not promotion-driven.
"""
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
Pi::P_amt{𝕟,𝕧},
Pf::P_amt{𝕠,𝕨},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫} = begin
Ti = T_amt{𝕡,𝕩}(Ti)
Tf = T_amt{𝕡,𝕩}(Tf)
Pi = P_amt{𝕡,𝕩}(Pi)
Pf = P_amt{𝕡,𝕩}(Pf)
return ds(𝐻, Ti, Tf, Pi, Pf, B)
end
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Pi::P_amt{𝕟,𝕧},
Pf::P_amt{𝕠,𝕨},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫} = begin
ds(𝐻, Ti, Tf, Pi, Pf, B)
end
# Fallback versions with <:EoSPair input types
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
𝑖::TPPair{𝕢,𝕪}, # initial (T, P)
𝑓::TPPair{𝕣,𝕫}, # final (T, P)
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
ds(𝐻, 𝑖.T, 𝑓.T, 𝑖.P, 𝑓.P, B)
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
vi::v_amt{𝕟,𝕧,𝕓},
vf::v_amt{𝕠,𝕨,𝕓},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕓,𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫}`\n
Returns the particular gas variation in specific entropy in the specified or default base for
the substance with specific heat modeled by `𝐻`, for process with initial and final temperatures
and specific volumes of `Ti` and `Tf`, and `vi` and `vf`, respectively. Resulting precision,
PREC, and exactness, EXAC, are model-driven, and not promotion-driven.
"""
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
vi::v_amt{𝕟,𝕧,𝕓},
vf::v_amt{𝕠,𝕨,𝕓},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕓,𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫} = begin
Ti = T_amt{𝕡,𝕩}(Ti)
Tf = T_amt{𝕡,𝕩}(Tf)
vi = v_amt{𝕡,𝕩,𝕓}(vi)
vf = v_amt{𝕡,𝕩,𝕓}(vf)
return ds(𝐻, Ti, Tf, vi, vf, B)
end
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
vi::v_amt{𝕟,𝕧,𝕓},
vf::v_amt{𝕠,𝕨,𝕓},
Ti::T_amt{𝕢,𝕪},
Tf::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕓,𝕟,𝕠,𝕡,𝕢,𝕣,𝕧,𝕨,𝕩,𝕪,𝕫} = begin
return ds(𝐻, Ti, Tf, vi, vf, B) # fallback
end
# Fallback versions with <:ChFPair input types
(ds(𝐻::nobleGasHeat{𝕡,𝕩},
𝑖::TvPair{𝕟,𝕧,𝕓}, # initial (T, v)
𝑓::TvPair{𝕠,𝕨,𝕓}, # final (T, v)
B::Type{<:IntBase} = DEF[:IB])::dsamt{𝕡,𝕩,B}) where {𝕟,𝕠,𝕡,𝕧,𝕨,𝕩,𝕓} = begin
return ds(𝐻, 𝑖.T, 𝑓.T, 𝑖.v, 𝑓.v, B)
end
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# s: Particular gas specific entropy #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback methods
(s_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
𝑃::P_amt{𝕡,𝕩},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = begin
s_(ds(𝐻, Tref(𝐻), 𝑇, Pref(𝐻), 𝑃, B) + sref(𝐻, B))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(s_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
𝑃::P_amt{𝕣,𝕫},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B})`\n
Returns the particular gas specific entropy in the specified or default base for the substance
with specific heat modeled by `𝐻`, in the specified thermodynamic state (`𝑇`, `𝑃`). Resulting
precision, PREC, and exactness, EXAC, are model-driven, and not promotion-driven.
"""
(s_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
𝑃::P_amt{𝕣,𝕫},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
𝑃 = P_amt{𝕡,𝕩}(𝑃)
return s_(𝐻, 𝑇, 𝑃, B)
end
(s_(𝐻::nobleGasHeat{𝕡,𝕩},
𝑃::P_amt{𝕣,𝕫},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
return s_(𝐻, 𝑇, 𝑃, B)
end
# Fallback method with TPPair arguments
(s_(𝐻::nobleGasHeat{𝕡,𝕩},
þ::TPPair{𝕢,𝕪},
B::Type{<:IntBase}=DEF[:IB])::s_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = s_(𝐻, þ.T, þ.P, B)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Pr: Particular gas relative pressure #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback methods
(Pr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩})::Pramt{𝕡,𝕩}) where {𝕡,𝕩} = begin
Pr(exp(s°(𝐻, 𝑇, MO) / R_(𝐻, MO)))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(Pr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪})::Pramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪}`\n
Returns the particular gas relative pressure for the substance with specific heat modeled by
`𝐻`, in the specified thermodynamic temperature `𝑇`. Resulting precision, PREC, and exactness,
EXAC, are model-driven, and not promotion-driven.
"""
(Pr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪})::Pramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return Pr(𝐻, 𝑇)
end
# Fallback method with hasTPair arguments
(Pr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪})::Pramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = Pr(𝐻, 𝑇.T)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# vr: Particular gas relative volume #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type-homogeneous fallback methods
(vr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩})::vramt{𝕡,𝕩}) where {𝕡,𝕩} = begin
# The be(𝕡(ℯ)) term is a scale factor to render the numerator dimensionless
vr(𝑇 * be(𝕡(ℯ)) / Pr(𝐻, 𝑇))
end
# Model-driven PREC and EXAC converting (not promoting)
"""
`(vr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪})::vramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪}`\n
Returns the particular gas relative volume for the substance with specific heat modeled by `𝐻`,
in the specified thermodynamic temperature `𝑇`. Resulting precision, PREC, and exactness, EXAC,
are model-driven, and not promotion-driven.
"""
# Type-homogeneous fallback methods
(vr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪})::vramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return vr(𝐻, 𝑇)
end
# Fallback method with hasTPair arguments
(vr(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪})::vramt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = vr(𝐻, 𝑇.T)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# RT: RT products #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Particular gas constant -- function syntax thanks to
# https://stackoverflow.com/a/65890762/4038337
"""
`(RT(𝐻::nobleGasHeat{𝕡,𝕩}, T::T_amt{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::RTamt{𝕡,𝕩,B}) where {𝕡,𝕩}`\n
Returns the particular gas (RT) product based on the provided temperature and optional base.
"""
(RT(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::RTamt{𝕡,𝕩,B}) where {𝕡,𝕩} = R_(𝐻, B) * 𝑇
(RT(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::RTamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return RT(𝐻, 𝑇)
end
(RT(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::RTamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
return RT(𝐻, 𝑇.T)
end
# !center 64 | frame 64 -f'\#⋅\# ' | center 76
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Pv: Pv products #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
"""
`(Pv(𝐻::nobleGasHeat{𝕡,𝕩}, T::T_amt{𝕡,𝕩}, B::Type{<:IntBase} = DEF[:IB])::Pvamt{𝕡,𝕩,B}) where {𝕡,𝕩}`\n
Returns the particular gas (Pv) product based on the provided temperature and optional base.
"""
(Pv(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::Pvamt{𝕡,𝕩,B}) where {𝕡,𝕩} = Pv(RT(𝐻, 𝑇, B))
(Pv(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::T_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::Pvamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
𝑇 = T_amt{𝕡,𝕩}(𝑇)
return Pv(𝐻, 𝑇, B)
end
(Pv(𝐻::nobleGasHeat{𝕡,𝕩},
𝑇::hasT{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::Pvamt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = begin
return Pv(𝐻, 𝑇.T, B)
end
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Ideal Gas functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# ideal gas Z, by definition
(Z_(𝐻::nobleGasHeat{𝕡,EX})::Z_amt{𝕡,EX}) where {𝕡} = Z_(one(𝕡))
(Z_(𝐻::nobleGasHeat{𝕡,MM})::Z_amt{𝕡,MM}) where {𝕡} = Z_(one(𝕡) ± zero(𝕡))
# calculated gas Z, by definition of Z
"""
`(Z_(𝐻::nobleGasHeat{𝕡,𝕩}, T::T_amt{𝕡,𝕩})::Z_amt{𝕡,𝕩}) where {𝕡,𝕩}`\n
Returns the (ideal gas) generalized compressibility factor from it's \$Pv/RT\$ definition.
"""
(Z_(𝐻::nobleGasHeat{𝕡,𝕩}, 𝑇::T_amt{𝕢,𝕪})::Z_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = Pv(𝐻, 𝑇) / RT(𝐻, 𝑇)
#----------------------------------------------------------------------------------------------#
# Alias exports #
#----------------------------------------------------------------------------------------------#
export du, dh, ds0, s0
#----------------------------------------------------------------------------------------------#
# Includes #
#----------------------------------------------------------------------------------------------#
include("nobleGas-oper.jl")
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 1108 | #----------------------------------------------------------------------------------------------#
# subs/idealGas-oper.jl #
#----------------------------------------------------------------------------------------------#
#······························································································#
# Inquiring #
#······························································································#
import EngThermBase: precof, exacof
"""
`precof(::Type{𝕋} | x::𝕋) where 𝕋<:Medium{𝕡} where 𝕡 = 𝕡`\n
Returns the precision of the `Medium` subtype or instance as a `DataType`.
"""
precof(::Type{𝕋}) where 𝕋<:Medium{𝕡} where 𝕡 = 𝕡
precof(x::𝕋) where 𝕋<:Medium{𝕡} where 𝕡 = 𝕡
"""
`exacof(::Type{𝕋} | x::𝕋) where 𝕋<:Medium{𝕡} where 𝕡 = 𝕡`\n
Returns the exactness of the `Medium` subtype or instance as a `DataType`.
"""
exacof(::Type{𝕋}) where 𝕋<:Medium{𝕡,𝕩} where {𝕡,𝕩} = 𝕩
exacof(x::𝕋) where 𝕋<:Medium{𝕡,𝕩} where {𝕡,𝕩} = 𝕩
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 10276 | #----------------------------------------------------------------------------------------------#
# Ideal Gas Substance Model #
#----------------------------------------------------------------------------------------------#
import Base: show
import EngThermBase: P_, T_, v_
# Type declaration
struct idealGas{𝕡,𝕩,ℍ} <: Substance{𝕡,𝕩}
name::String # The substance name
form::String # The chemical formula
heat::ℍ # The heat capacity model
# Inner copy constructor
idealGas(x::idealGas{ℍ}) where {ℍ<:Heat{𝕡,𝕩}} where {𝕡,𝕩} = begin
new{𝕡,𝕩,ℍ}(x.name, x.form, x.heat)
end
# Inner checking & promoting constructor
idealGas(NAM::AbstractString,
FOR::AbstractString,
CPM::ℍ) where {ℍ<:Heat{𝕡,𝕩}} where {𝕡,𝕩} = begin
new{𝕡,𝕩,ℍ}(NAM, FOR, CPM)
end
end
# Type exporting
export idealGas
# Type displaying
deco(x::idealGas) = Symbol("ideal gas")
Base.show(io::IO, x::idealGas{ℍ}) where {ℍ<:Heat{𝕡,𝕩}} where {𝕡,𝕩} = begin
if DEF[:pprint]
print(io,
"$(x.name) $(string(deco(x))) \"$(x.form)\" ",
"with $(x.heat)"
)
else
Base.show_default(io, x)
end
end
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Type plain info access functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Parameter-less function calls
for FUN in (:Tref, :Pref, :sref)
@eval $FUN(x::idealGas) = ($FUN)(x.heat)
end
# Additional parameter function calls
for FUN in (:sref, :rebase)
@eval $FUN(x::idealGas, args::Any...) = ($FUN)(x.heat, args...)
end
# Thermodynamic function calls
for FUN in (:m_,:R_,:cp,:cv,:ga,:k_,:Δu,:u_,:Δh,:h_,:Δs°,:s°,:ds,:s_,:Pr,:vr,:RT,:Pv,:Z_)
@eval $FUN(x::idealGas, args::Any...) = ($FUN)(x.heat, args...)
end
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Ideal Gas EoS Functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# !center 64 | frame 64 -f'\#⋅\# ' | center 76
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Pressure Functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Fallback method, with uniform PREC, EXAC:
(P_(x::idealGas{𝕡,𝕩},
T::T_amt{𝕡,𝕩},
v::v_amt{𝕡,𝕩,MO})::P_amt{𝕡,𝕩}) where {𝕡,𝕩} = Pv(x, T, MO) / v
"""
`(P_(x::idealGas{𝕡,𝕩}, T::T_amt{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫}`\n
Returns the pressure for the ideal gas `x` at specified temperature `T` and specific volume `v`.
Contrary to most `julia` methods, the `x::idealGas{𝕡,𝕩}` model sets the return value precision
and exactness, `{𝕡,𝕩}` instead of performing data type promotions.
"""
(P_(x::idealGas{𝕡,𝕩}, T::T_amt{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
T = T_amt{𝕡,𝕩}(T)
v = v_(x, v)
return P_(x, T, v) # fallback
end
# Out-of order methods
(P_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕣,𝕫}, T::T_amt{𝕢,𝕪})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
P_(x, T, v)
end
# Other signatures
(P_(x::idealGas{𝕡,𝕩},
v::v_amt{𝕣,𝕫}, 𝒯::hasT{𝕢,𝕪})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, v, 𝒯.T)
(P_(x::idealGas{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, v, 𝒯.T)
(P_(x::idealGas{𝕡,𝕩},
𝓋::hasv{𝕣,𝕫}, T::T_amt{𝕢,𝕪})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, 𝓋.v, T)
(P_(x::idealGas{𝕡,𝕩},
T::T_amt{𝕢,𝕪}, 𝓋::hasv{𝕣,𝕫})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, 𝓋.v, T)
(P_(x::idealGas{𝕡,𝕩},
𝓋::hasv{𝕣,𝕫}, 𝒯::hasT{𝕢,𝕪})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, 𝓋.v, 𝒯.T)
(P_(x::idealGas{𝕡,𝕩},
𝒯::hasT{𝕢,𝕪}, 𝓋::hasv{𝕣,𝕫})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = P_(x, 𝓋.v, 𝒯.T)
(P_(x::idealGas{𝕡,𝕩},
þ::TvPair{𝕢,𝕪})::P_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = P_(x, þ.v, þ.T)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Temperature Functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Fallback method, with uniform PREC, EXAC:
(T_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕡,𝕩},
v::v_amt{𝕡,𝕩,MO})::T_amt{𝕡,𝕩}) where {𝕡,𝕩} = P * v / R_(x, MO)
"""
`(T_(x::idealGas{𝕡,𝕩}, P::P_amt{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫}`\n
Returns the temperature for the ideal gas `x` at specified pressure `P` and specific volume `v`.
Contrary to most `julia` methods, the `x::idealGas{𝕡,𝕩}` model sets the return value precision
and exactness, `{𝕡,𝕩}` instead of performing data type promotions.
"""
(T_(x::idealGas{𝕡,𝕩}, P::P_amt{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
P = P_amt{𝕡,𝕩}(P)
v = v_(x, v)
return T_(x, P, v) # fallback
end
# Out-of order methods
(T_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕣,𝕫}, P::P_amt{𝕢,𝕪})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
T_(x, P, v)
end
# Other signatures
(T_(x::idealGas{𝕡,𝕩},
𝒫::hasP{𝕢,𝕪}, v::v_amt{𝕣,𝕫})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, 𝒫.P, v)
(T_(x::idealGas{𝕡,𝕩},
v::v_amt{𝕣,𝕫}, 𝒫::hasP{𝕢,𝕪})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, 𝒫.P, v)
(T_(x::idealGas{𝕡,𝕩},
𝓋::hasv{𝕢,𝕪}, P::P_amt{𝕣,𝕫})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, P, 𝓋.v)
(T_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕣,𝕫}, 𝓋::hasv{𝕢,𝕪})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, P, 𝓋.v)
(T_(x::idealGas{𝕡,𝕩},
𝒫::hasP{𝕣,𝕫}, 𝓋::hasv{𝕢,𝕪})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, 𝒫.P, 𝓋.v)
(T_(x::idealGas{𝕡,𝕩},
𝓋::hasv{𝕢,𝕪}, 𝒫::hasP{𝕣,𝕫})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = T_(x, 𝒫.P, 𝓋.v)
(T_(x::idealGas{𝕡,𝕩},
þ::PvPair{𝕢,𝕪})::T_amt{𝕡,𝕩}) where {𝕡,𝕢,𝕩,𝕪} = T_(x, þ.P, þ.v)
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Volume Functions #
#⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅⋅#
# Base standardization methods
# Fallback methods, with uniform PREC, EXAC:
(v_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕡,𝕩,MO})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = v
(v_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕡,𝕩,MA})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = v * m_(x)
"""
`(v_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕢,𝕪,BA})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕢,𝕩,𝕪,BA<:IntBase}`\n
Returns the `x::idealGas{𝕡,𝕩}` specific volume as `v_amt{𝕡,𝕩,MO}`, thus adopting the model's
precision and exactness rather than doing promotions.
"""
(v_(x::idealGas{𝕡,𝕩}, v::v_amt{𝕢,𝕪,BA})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕢,𝕩,𝕪,BA<:IntBase} = begin
if 𝕪 == MM
if 𝕩 == MM
valv = Measurement{𝕡}(bare(v)) # Transports uncertainty
else
valv = 𝕡(pod(v)) # Ignores uncertainty
end
else
if 𝕩 == MM
valv = Measurement{𝕡}(bare(v)) # Initializes uncertainty = zero(𝕡)
else
valv = 𝕡(pod(v)) # No uncertainty
end
end
return v_(x, v_amt{𝕡,𝕩,BA}(valv)) # fallback
end
# Ideal Gas calculation methods
# Fallback method, with uniform PREC, EXAC:
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕡,𝕩},
T::T_amt{𝕡,𝕩},
B::Type{MO})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕩} = RT(x, T, MO) / P
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕡,𝕩},
T::T_amt{𝕡,𝕩},
B::Type{MA})::v_amt{𝕡,𝕩,MA}) where {𝕡,𝕩} = RT(x, T, MA) / P
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕡,𝕩},
T::T_amt{𝕡,𝕩},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕩} = v_(x, P, T, B) # fallback
# Different precision and/or exactness
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕢,𝕪},
T::T_amt{𝕣,𝕫},
B::Type{MO})::v_amt{𝕡,𝕩,MO}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
P = P_amt{𝕡,𝕩}(P)
T = T_amt{𝕡,𝕩}(T)
return v_(x, P, T, MO)
end
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕢,𝕪},
T::T_amt{𝕣,𝕫},
B::Type{MA})::v_amt{𝕡,𝕩,MA}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
P = P_amt{𝕡,𝕩}(P)
T = T_amt{𝕡,𝕩}(T)
return v_(x, P, T, MA)
end
"""
`v_(x::idealGas{𝕡,𝕩}, P::P_amt{𝕢,𝕪}, T::T_amt{𝕣,𝕫}, B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}`\n
Returns the specific volume (at base `B`) for the ideal gas `x` at specified pressure `P` and
temperature `T`. Contrary to most `julia` methods, the `x::idealGas{𝕡,𝕩}` model sets the return
value precision and exactness, `{𝕡,𝕩}` instead of performing data type promotions. If ommitted,
the base `B` defaults to `DEF[:IB]` (from `EngThermBase`).
"""
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕢,𝕪},
T::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = begin
P = P_amt{𝕡,𝕩}(P)
T = T_amt{𝕡,𝕩}(T)
return v_(x, P, T, B)
end
# Out-of order methods
(v_(x::idealGas{𝕡,𝕩},
T::T_amt{𝕣,𝕫},
P::P_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, P, T, B)
# Other signatures
(v_(x::idealGas{𝕡,𝕩},
𝒫::hasP{𝕢,𝕪},
T::T_amt{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, 𝒫.P, T, B)
(v_(x::idealGas{𝕡,𝕩},
T::T_amt{𝕣,𝕫},
𝒫::hasP{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, 𝒫.P, T, B)
(v_(x::idealGas{𝕡,𝕩},
P::P_amt{𝕢,𝕪},
𝒯::hasT{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, P, 𝒯.T, B)
(v_(x::idealGas{𝕡,𝕩},
𝒯::hasT{𝕣,𝕫},
P::P_amt{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, P, 𝒯.T, B)
(v_(x::idealGas{𝕡,𝕩},
𝒫::hasP{𝕢,𝕪},
𝒯::hasT{𝕣,𝕫},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, 𝒫.P, 𝒯.T, B)
(v_(x::idealGas{𝕡,𝕩},
𝒯::hasT{𝕣,𝕫},
𝒫::hasP{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕣,𝕩,𝕪,𝕫} = v_(x, 𝒫.P, 𝒯.T, B)
(v_(x::idealGas{𝕡,𝕩},
þ::TPPair{𝕢,𝕪},
B::Type{<:IntBase} = DEF[:IB])::v_amt{𝕡,𝕩,B}) where {𝕡,𝕢,𝕩,𝕪} = v_(x, þ.P, þ.T, B)
#----------------------------------------------------------------------------------------------#
# Includes #
#----------------------------------------------------------------------------------------------#
include("idealGas-oper.jl")
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 491 | # !center 92 | frame 92
#----------------------------------------------------------------------------------------------#
# IdealGasLib.test.jl #
#----------------------------------------------------------------------------------------------#
@testset "IdealGasLib.test.jl " begin
@test IdealGasLib isa Module
@test IdealGasLib.EngThermBase isa Module
end
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 640 | # !center 92 | frame 92
#----------------------------------------------------------------------------------------------#
# interface.test.jl #
#----------------------------------------------------------------------------------------------#
@testset "interface.test.jl " begin
for funcSymb in (:name, :form, :Tref, :Pref, :sref, :Δu, :Δh, :Δs°, :s°)
@test isdefined(IdealGasLib, funcSymb) # Whether defined in Module
@test isdefined(Main, funcSymb) # Whether exported
end
end
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 278 | using Test, IdealGasLib
# Module-level tests
include("IdealGasLib.test.jl")
# Included sources test
include("interface.test.jl")
# IdealGasLib specific heat model tests
include("heat/nobleGas.test.jl")
# idealGasLib substance model tests
# include("subs/idealGas.test.jl")
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 536 | # !center 92 | frame 92
#----------------------------------------------------------------------------------------------#
# heat/nobleGas-oper.test.jl #
#----------------------------------------------------------------------------------------------#
@testset "heat/nobleGas-oper.test.jl - Comparison tests " begin
hHe = nobleGasHeat(m_(4.003, MO), cp((5/2)*R_()))
cHe = nobleGasHeat(hHe)
begin
@test cHe == hHe
end
end
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 2189 | # !center 92 | frame 92
#----------------------------------------------------------------------------------------------#
# heat/nobleGas.test.jl #
#----------------------------------------------------------------------------------------------#
@testset "heat/nobleGas.test.jl - Inner copy constructor " begin
hHe = nobleGasHeat(m_(4.003, MO), cp((5/2)*R_()))
cHe = nobleGasHeat(hHe)
begin
@test typeof(cHe) == typeof(hHe)
@test cHe.M == hHe.M
@test cHe.c == hHe.c
@test cHe.Tref == hHe.Tref
@test cHe.Pref == hHe.Pref
@test cHe.sref == hHe.sref
end
end
@testset "heat/nobleGas.test.jl - Inner checking constructor " begin
INPP = Dict(
:name => "Helium",
:form => "He",
:M => m_(4.003, MO),
:c => cp((5/2)*R_()),
:Tref => T_(),
:Pref => P_(),
:sref => s_(0, MO),
)
PREC = (Float16, Float32, Float64, BigFloat)
EXAC = (1.0, 1.0 ± 0.08)
begin
for 𝕡 in PREC
for 𝕩 in (EX, MM)
f = 𝕩 == EX ? one(𝕡) : one(𝕡) ± one(𝕡) / 20
hHe = nobleGasHeat(
m_amt{𝕡,𝕩,MO}(𝕡(pod(INPP[:M])) * f),
cpamt{𝕡,𝕩,MO}(𝕡(pod(INPP[:c])) * f),
T_(𝕡) * f,
P_(𝕡) * f,
s_(zero(𝕡) * f, MO),
)
@test hHe isa nobleGasHeat{𝕡,𝕩} # expected type {params}
@test deco(hHe) == Symbol("noble-cp(T)") # deco independence of {params}
@test Tref(hHe) == T_(𝕡) * f
@test Pref(hHe) == P_(𝕡) * f
@test sref(hHe) == s_(zero(𝕡) * f)
end
end
end
end
#----------------------------------------------------------------------------------------------#
# Includes #
#----------------------------------------------------------------------------------------------#
include("nobleGas-oper.test.jl")
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | code | 426 | # !center 92 | frame 92
#----------------------------------------------------------------------------------------------#
# subs/idealGas.test.jl #
#----------------------------------------------------------------------------------------------#
@testset "subs/idealGas.test.jl " begin
@test ...
end
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 0.2.1 | c774d2cf1ff8cbca94f2e345d20b9e9ed0fcab0a | docs | 8370 | 
# IdealGasLib.jl
Ideal Gas Library for Engineering Thermodynamics in Julia
# Description
The `IdealGasLib.jl` package is a Ideal Gas Library for Engineering Thermodynamics in Julia
based on the `EngThermBase.jl` infrastructure.
The ideal gas type, `idealGas` is `PREC`-ision, `EXAC`-tness, and heat-capacity model
parameterized, so that in order to instantiate an ideal gas object, a heat capacity model object
must be instantiated first.
`EngThermBase` heat capacity model hooks include:
```julia
julia> using EngThermBase, TypeTree
julia> print.(TypeTree.tt(Heat));
Heat
├─ BivarHeat
├─ ConstHeat
├─ GenerHeat
└─ UnvarHeat
```
The heat models are thus classified by the amount of variable parameters, from zero (for the
`ConstHeat` model), to one (for the `UnvarHeat` model), to two (for the `BivarHeat` model), to
any (for the `GenerHeat` model).
The available `IdealGasLib` heat capacity model is of an all-temperature, constant specific
heats one suitable for ideal gases, therefore, when the library is loaded, the `Heat` model tree
becomes:
```julia
julia> using IdealGasLib
julia> print.(TypeTree.tt(Heat));
Heat
├─ BivarHeat
├─ ConstHeat
│ └─ nobleGasHeat
├─ GenerHeat
└─ UnvarHeat
```
Thus demosntrating that it hooks the `nobleGasHeat` model under `ConstHeat` `Heat` model, which
is a subtype of `MODEL`:
```julia
julia> supertype(Heat)
MODELS{𝗽, 𝘅} where {𝗽, 𝘅}
```
Moreover, the `IdealGasLib` also hooks under `EngThermBase.Substance` models:
```julia
julia> using EngThermBase, TypeTree
julia> print.(TypeTree.tt(Medium));
Medium
└─ Substance
julia> using IdealGasLib
julia> print.(TypeTree.tt(Medium));
Medium
└─ Substance
└─ idealGas
```
## Ideal Noble Gas Heat Model
The ideal noble gas heat model is a constant-specific-heat for all temperatures. There are no
explicit bounds in temperature included in this model's implementation.
The model is instantiated with a mandatory (i) molar molecular mass, of type `m_amt{𝕡,𝕩,MO}
where {𝕡,𝕩}`, a mandatory (ii) molar specific heat at constant pressure, of type `cpamt{𝕡,𝕩,MO}
where {𝕡,𝕩}`, and optional [iii] reference temperature, `T_amt{𝕡,𝕩} where {𝕡,𝕩}`, and [iv]
reference pressure, `P_amt{𝕡,𝕩} where {𝕡,𝕩}`, and [v] molar specific entropy at the reference
state, `s_amt{𝕡,𝕩,MO} where {𝕡,𝕩}`.
The following is a `nobleGasHeat` instantiation for water vapor, based on tabulated values of
`M`, and `cp`, in a mass base, in which the value of `M` is explicitly and manually used prior
to the instantiation, so as to change the specific heat base, from `MA` to `MO`:
```julia
julia> wMass = m_(18.015, MO)
M₆₄: 18.015 kg/kmol
julia> wSpHt = cp(1.8723, MA) * wMass
c̄p₆₄: 33.729 kJ/K/kmol
julia> wHeat = nobleGasHeat(wMass, wSpHt)
noble-cp(T):
c̄p₆₄: 33.729 kJ/K/kmol
M₆₄: 18.015 kg/kmol
T₆₄: 298.15 K
P₆₄: 101.35 kPa
s̄₆₄: 0.0000 kJ/K/kmol
```
Owing to `EngThermBase` functionality, the molecular mass of any molecule on Earth can be
accurately calculated from standard values of elemental isotope mass and abundance fractions,
usig the following syntax:
```julia
julia> m_(molParse("H2O")) # Water, with default element atomic masses
M₃₂: (18.015 ± 0.00033106) kg/kmol
julia> typeof(ans)
m_amt{Float32, MM, MO}
julia> m_(molParse("C8H18"), EngThermBase.atoM_64) # Octane, with 64-bit element atomic masses
M₆₄: (114.23 ± 0.0065229) kg/kmol
julia> typeof(ans)
m_amt{Float64, MM, MO}
julia> m_amt{Float32,EX}(m_(molParse("C2H5(OH)"))) # Ethanol, converted to 32-bit, EXact base
M₃₂: 46.068 kg/kmol
julia> typeof(ans)
m_amt{Float32, EX, MO}
```
### Using `nobleGasHeat` objects
Except for the $P-T-v$ behavior, which is left for `idealGas` objects to deal vith, most if not
all other thermodynamic behavior, i.e., the "caloric" side, meaning energy and entropy
quantities are (almost) implemented based on the heat model, thus:
```julia
julia> [ @eval ( $FUN(wHeat, T_(1000)) ) for FUN in (:cp, :cv, :ga, :u_, :h_, :Pr, :vr) ]
7-element Vector{AMOUNTS{Float64, EX}}:
cp₆₄: 1.8723 kJ/K/kg
cv₆₄: 1.4108 kJ/K/kg
γ₆₄: 1.3271 –
u₆₄: 990.15 kJ/kg
h₆₄: 1451.7 kJ/kg
Pr₆₄: 135.54 –
vr₆₄: 20.055 –
julia> [ @eval ( $FUN(wHeat, T_(1000), P_(100)) ) for FUN in (:s_, ) ]
1-element Vector{s_amt{Float64, EX, MA}}:
s₆₄: 2.2720 kJ/K/kg
julia> T1 = T_(1000)
T₆₄: 1000.0 K
julia> P1 = P_(100)
P₆₄: 100.00 kPa
julia> u_(wHeat, T1) - T1 * s_(wHeat, T1, P1)
a₆₄: -1281.8 kJ/kg
julia> ans / T1
j₆₄: 1.2818 kJ/K/kg
julia> h_(wHeat, T1) - T1 * s_(wHeat, T1, P1)
g₆₄: -820.29 kJ/kg
julia> ans / T1
y₆₄: 0.82029 kJ/K/kg
```
The example above illustrates that, despite Helmholtz, Massieu, Gibbs, and Plank functions not
being directly implemented just yet, their values can be obtained by applying their definitions,
as shown.
## Ideal Gas Model
Once underlying heat models are understood, `idealGas`es are simple and easy to instantiate, as
they only require a name and a chemical formula, beyond the heat model. This makes it possible
to have a substance modeled in different ways, as it is common in engineering thermodynamics.
It is possible to pick a heat model from a tiny library, implemented in this package, as
follows:
```julia
julia> using IdealGasLib
julia> He = idealGas("Helium", "He", HEAT[:He][Float32][MM])
idealGas{Float32, MM, nobleGasHeat{Float32, MM}}("Helium", "He", noble-cp(T):
c̄p₃₂: (20.786 ± 0.000037500) kJ/K/kmol
M₃₂: (4.0026 ± 0.0000020000) kg/kmol
T₃₂: (298.15 ± 0.000000000000056843) K
P₃₂: (101.35 ± 0.000000000000014211) kPa
s̄₃₂: (0.0000 ± 0.0000) kJ/K/kmol)
```
Here, the `HEAT` variable is a dictionary of noble gas models parameterized by dictionary keys,
so that `HEAT[:He][Float32][MM]` points to the 32-bit precision, `MM` (i.e., measurements)
exactness noble gas heat model of constant specific heat for Helium. The output explicitly
states the 32-bit precision, as well as each quantity's uncertainties, after the "±" sign.
Once the ideal gas model is instantiated, $P-T-v$ calculations can _also_ be performed, since
all other calculations that can be made with the underlying heat model, can also be performed
with the ideal gas:
```julia
julia> P_(He, T_(300), v_(1, MA))
P₃₂: (623.18 ± 0.0011666) kPa
julia> T_(He, P_(500), v_(1, MA))
T₃₂: (240.70 ± 0.00045059) K
julia> v_(He, T_(300), P_(500))
v₃₂: (1.2464 ± 0.0000023332) m³/kg
julia> v_(He, T_(300), P_(500), MO)
v̄₃₂: (4.9887 ± 0.0000090000) m³/kmol
```
The functions are quite versatile, accepting arguments in a different order, provided that the
`idealGas` model is always the *first* argument, while the (optional) `BASE`, if required, is
always the *last* argument, so the following also work:
```julia
julia> v_(He, P_(500), T_(300), MO)
v̄₃₂: (4.9887 ± 0.0000090000) m³/kmol
julia> TPstate = TPPair(P_(500), T_(300))
TPPair{Float64, EX}(T₆₄: 300.00 K, P₆₄: 500.00 kPa)
julia> v_(He, TPstate, MO)
v̄₃₂: (4.9887 ± 0.0000090000) m³/kmol
```
Moreover, functions implemented for the underlying heat model also have `idealGas` versions:
```julia
julia> [ @eval ( $FUN(He, T_(1000)) ) for FUN in (:cp, :cv, :ga, :u_, :h_, :Pr, :vr) ]
7-element Vector{AMOUNTS{Float32, MM}}:
cp₃₂: (5.1932 ± 0.0000097216) kJ/K/kg
cv₃₂: (3.1159 ± 0.0000058330) kJ/K/kg
γ₃₂: (1.6667 ± 0.00000000000022352) –
u₃₂: (2186.9 ± 0.0040939) kJ/kg
h₃₂: (4264.2 ± 0.0079825) kJ/kg
Pr₃₂: (20.602 ± 0.0000000061399) –
vr₃₂: (131.94 ± 0.000011573) –
```
## Author
Prof. C. Naaktgeboren, PhD. [Lattes](http://lattes.cnpq.br/8621139258082919).
Federal University of Technology, Paraná
[(site)](http://portal.utfpr.edu.br/english), Guarapuava Campus.
`NaaktgeborenC <dot!> PhD {at!} gmail [dot!] com`
## License
This project is [licensed](https://github.com/JEngTherm/EngThermBase.jl/blob/master/LICENSE)
under the MIT license.
## Citations
How to cite this project:
```bibtex
@Misc{2023-NaaktgeborenC-IdealGasLib,
author = {C. Naaktgeboren},
title = {{IdealGasLib.jl} -- Ideal Gas Library for Engineering Thermodynamics in Julia},
howpublished = {Online},
month = {September},
year = {2023},
journal = {GitHub repository},
publisher = {GitHub},
url = {https://github.com/JEngTherm/IdealGasLib.jl},
note = {release 0.2.1 of 24-03-12},
}
```
| IdealGasLib | https://github.com/JEngTherm/IdealGasLib.jl.git |
|
[
"MIT"
] | 1.0.0 | 16cd0d0b6c2e45bd4bb2729a80eecefaea3d511a | code | 3699 | module GeneralizedRouwenhorst
"""
genrouwenhorst(rho,sigma_eps,N,T)
Julia implementation of the generalized Rouwenhorst's method to approximate
AR(1) processes from Fella, Gallipoli, and Pan (2019).
The process follows
```math
η_t = μ + ρ_t η_{t-1} + ϵ_t,
```
where unlike in the standard case we allow for time variying persistence,
volatility, and that the persistence parameter can be outside the unit interval (e.g., ρ=1)
See Fella, G., Gallipoli, G., & Pan, J. (2019). Markov-chain approximations for life-cycle models. Review of Economic Dynamics, 34, 183-201.
https://www.sciencedirect.com/science/article/pii/S1094202519301565
##### Arguments
- `rho::Vector{Real}` : Persistence parameter in AR(1) process
- `sigma_eps::Vector{Real}` : Standard deviation of random component of AR(1) process
- `N::Integer` : Number of nodes in grids
- `T::Integer` : Number of time periods
##### Returns
- `ygrd::Array` : `NxT` array of grids
- `trans::Array`` : `NxNxT` array of transition matrices
"""
function genrouwenhorst(rho,sigma_eps,N,T)
@assert N ≥ 2 "The state space has to have dimension N>1. Exiting."
@assert T ≥ 2 "The time horizon has to have dimension N>1. Exiting."
@assert length(rho)==T "Length of rho must equal time periods T"
@assert length(sigma_eps)==T "Length of sigma_eps must equal time periods T"
sigma_y = zeros(1,T);
y_grid = zeros(N,T);
trans = zeros(N,N,T);
# *** Step 1: construct the state space y_grid(t) in each period t.
# Evenly-spaced N-state space over [-sqrt(N-1)*sigma_y(t),sqrt(N-1)*sigma_y(t)].
# 1.a Compute unconditional variances of y(t)
sigma_y[1] = sigma_eps[1]
for i = 2:T
sigma_y[i] = sqrt(rho[i]^2*sigma_y[i-1]^2+sigma_eps[i]^2)
end
# % 1.b Construct state space
h = 2*sqrt(N-1)*sigma_y/(N-1) # grid step
y_grid = repeat(h,N,1) #
y_grid[1,:]=-sqrt(N-1) * sigma_y
y_grid = cumsum(y_grid;dims=1)
# % *** Step 2: Compute the transition matrices trans(:,:,t) from
# % period (t-1) to period t
# % The transition matrix for period t is defined by parameter p(t).
# % p(t) = 0.5*(1+rho*sigma(t-1)/sigma(t))
# % Note: trans(:,:,1) is the transition matrix from y(0)=0 to any
# % gridpoint of y_grid(1) in period 1.
# % Any of its rows is the (unconditional) distribution in period 1.
p = 1/2 # First period: p(1) = 0.5 as y(1) is white noise.
trans[:,:,1] = _rhmat(p,N)
for j = 2:T
# Compute p for t>1
p = (sigma_y[j]+rho[j]*sigma_y[j-1])/(2*sigma_y[j] );
trans[:,:,j] = _rhmat(p,N);
end
return y_grid, trans
end
function _rhmat(p,N)
# Computes Rouwenhorst matrix as a function of p and N
Pmat = zeros(N,N);
# Step 2(a): get the transition matrix P1 for the N=2 case
if N == 2
Pmat = [p 1-p; 1-p p]
else
P1 = [p 1-p; 1-p p]
# Step 2(b): if the number of states N>2, apply the Rouwenhorst
# recursion to obtain the transition matrix trans
for i = 2:N-1
P2 = p * [P1 zeros(size(P1,1),1); zeros(1,size(P1,2)) 0 ] +
(1-p) * [zeros(size(P1,1),1) P1; 0 zeros(1,size(P1,2)) ] +
(1-p) * [zeros(1,size(P1,2)) 0 ; P1 zeros(size(P1,1),1)] +
p * [0 zeros(1,size(P1,2)) ; zeros(size(P1,1),1) P1]
P2[2:i,:] = 0.5*P2[2:i,:]
if i==N-1
Pmat = P2;
else
P1 = P2;
end
end # of for
end # if N == 2
return Pmat
end
export genrouwenhorst
end
| GeneralizedRouwenhorst | https://github.com/eirikbrandsaas/GeneralizedRouwenhorst.jl.git |
|
[
"MIT"
] | 1.0.0 | 16cd0d0b6c2e45bd4bb2729a80eecefaea3d511a | code | 3535 | using GeneralizedRouwenhorst
using Test
using QuantEcon
##
@testset "Test results compared to original Matlab file" begin
N = 2
T = 3
rho = fill(0.95,T)
sigma_eps = fill(0.1,T)
ygrd_Matlab = [-0.1 -0.1379 -0.1648;0.1 0.1379 0.1648]
trans_Matlab = fill(0.0,(N,N,T))
trans_Matlab[:,:,1] = [0.5 0.5; 0.5 0.5]
trans_Matlab[:,:,2] = [0.8444 0.1556; 0.1556 0.8444]
trans_Matlab[:,:,3] = [0.8975 0.1025; 0.1025 0.8975]
ygrd, trans = genrouwenhorst(rho,sigma_eps,N,T)
@test isequal(round.(ygrd;digits=4),ygrd_Matlab)
@test isequal(round.(trans;digits=4),trans_Matlab)
###########
N = 2
T = 3
rho = [0.95, 0.95, 0.9]
sigma_eps = fill(0.1,T)
ygrd_Matlab = [-0.1 -0.1379 -0.1594;0.1 0.1379 0.1594]
trans_Matlab = fill(0.0,(N,N,T))
trans_Matlab[:,:,1] = [0.5 0.5; 0.5 0.5]
trans_Matlab[:,:,2] = [0.8444 0.1556; 0.1556 0.8444]
trans_Matlab[:,:,3] = [0.8894 0.1106; 0.1106 0.8894]
ygrd, trans = genrouwenhorst(rho,sigma_eps,N,T)
@test isequal(round.(ygrd;digits=4),ygrd_Matlab)
@test isequal(round.(trans;digits=4),trans_Matlab)
##
N = 3
T = 3
rho = [0.95, 0.95, 0.9]
sigma_eps = [0.1,0.5,0.1]
ygrd_Matlab = [-0.1414 -0.7198 -0.663;0 0 0 ;0.1414 0.7198 0.663]
trans_Matlab = fill(0.0,(N,N,T))
trans_Matlab[:,:,1] = [0.25 0.5 0.25;0.25 0.5 0.25;0.25 0.5 0.25]
trans_Matlab[:,:,2] = [0.3520 0.4826 0.1654; 0.2413 0.5174 0.2413;0.1654 0.4826 0.3520]
trans_Matlab[:,:,3] = [0.9771 0.0227 0.0001; 0.0114 0.9773 0.0114;0.0001 0.0227 0.9771 ]
ygrd, trans = genrouwenhorst(rho,sigma_eps,N,T)
@test isequal(round.(ygrd;digits=4),ygrd_Matlab)
@test isequal(round.(trans;digits=4),trans_Matlab)
####################
## Matlab code (in addition to the lcrouwnehorst from https://github.com/gfell/nsmarkov-matlab/blob/master/lcrouwenhorst.m)
# T = 3;
# N = 2;
# rho = 0.95;
# rho = ones(T,1)*rho;
# sigma_eps=0.1;
# sigma_eps=ones(T,1)*sigma_eps
# [ygrd,trans] = lcrouwenhorst(rho,sigma_eps,N,T)
# T = 3;
# N = 2;
# rho = [0.95,0.95,0.9]
# sigma_eps=ones(T,1)*sigma_eps
# [ygrd,trans] = lcrouwenhorst(rho,sigma_eps,N,T)
# T = 3;
# N = 3;
# rho = [0.95,0.95,0.9]
# sigma_eps=[0.1,0.5,0.1]
# [ygrd,trans] = lcrouwenhorst(rho,sigma_eps,N,T)
end
@testset "Test Assertions/Errors" begin
N=2
rho = [0.95, 0.95]
sigma_eps = [0.1,0.5]
@test_throws AssertionError genrouwenhorst(rho,sigma_eps,1,N)
@test_throws AssertionError genrouwenhorst(rho,sigma_eps,N,1)
@test_throws AssertionError genrouwenhorst(rho[1:1],sigma_eps,N,N)
@test_throws AssertionError genrouwenhorst(rho,sigma_eps[1:1],N,N)
@test_throws AssertionError genrouwenhorst(rho,fill(0.1,N+1),N,N)
end
@testset "Test that output matches QuantEcon routes" begin
## First do generalized Rouwenhort
N = 5
T = 200
rho = fill(0.95,T)
sigma_eps = fill(0.1,T)
ygrd, trans = genrouwenhorst(rho,sigma_eps,N,T)
## Then do "standard" Rouwenhorst (From QuantEcon)
σ = sigma_eps[1]
ρ = rho[1]
μ = 0.0
mc = rouwenhorst(N,ρ,σ,μ)
## Test that they are equal at end
@test isapprox(ygrd[:,T],mc.state_values[:])
@test isapprox(trans[:,:,T],mc.p[:,:])
for it in 1:T÷5:T
@test typeof(MarkovChain(trans[:,:,it],ygrd[:,it])) == MarkovChain{Float64, Matrix{Float64}, Vector{Float64}} # Test that it always outputs matrices that satisfies requirements
end
end | GeneralizedRouwenhorst | https://github.com/eirikbrandsaas/GeneralizedRouwenhorst.jl.git |
|
[
"MIT"
] | 1.0.0 | 16cd0d0b6c2e45bd4bb2729a80eecefaea3d511a | docs | 1666 | # Generalized Rouwenhorst
[](https://github.com/eirikbrandsaas/Rouwenhorst.jl/actions/workflows/CI.yml?query=branch%3Amain)
[](https://codecov.io/gh/eirikbrandsaas/Rouwenhorst.jl)
This package implements the generalized Rouwenhorst algorithm from [Fella, G., Gallipoli, G., & Pan, J. (2019). Markov-chain approximations for life-cycle models. Review of Economic Dynamics, 34, 183-201](https://www.sciencedirect.com/science/article/pii/S1094202519301565?casa_token=1S9HyeijNWoAAAAA:nLK8Xa9hX6bb-uRckgNw8wM6qnVdiEmILVXXuLQlfwp1Ut33Q_-wXm2Bog4MouAzVUqZi3ftHi1x). It is a Julia translation of the [Matlab code](https://github.com/gfell/nsmarkov-matlab) provided by the authors under the MIT license. If you use this package, I suggest you cite the original authors and their paper.
## To use
```julia
N = 2 # Nodes
T = 2 # Time periods
rho = fill(0.95,T) # Must have length = T
sigma_eps = fill(0.1,T) # Must have length = T
ygrd, trans = genrouwenhorst(rho,sigma_eps,N,T)
# ygrd is NxT array of grid values, with columns representing time period
# trans is the NxNxT transition matrix. I.e., `trans[1,2,2]' is the probability of transition from node 1 to node 2 in the second period.
```
## Julia code for standard Rouwenhorst methods:
- [QuantEcon.jl](http://quantecon.github.io/QuantEcon.jl/latest/api/QuantEcon.html#QuantEcon.rouwenhorst)
- [Gustavo Pereira](https://github.com/pereiragc/rouwenhorst) | GeneralizedRouwenhorst | https://github.com/eirikbrandsaas/GeneralizedRouwenhorst.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 781 | using Documenter
using PEPSKit
makedocs(;
modules=[PEPSKit],
sitename="PEPSKit.jl",
format=Documenter.HTML(;
prettyurls=get(ENV, "CI", nothing) == "true",
mathengine=MathJax3(
Dict(
:loader => Dict("load" => ["[tex]/physics"]),
:tex => Dict(
"inlineMath" => [["\$", "\$"], ["\\(", "\\)"]],
"tags" => "ams",
"packages" => ["base", "ams", "autoload", "physics"],
),
),
),
),
pages=[
"Home" => "index.md",
"Manual" => "man/intro.md",
"Examples" => "examples/index.md",
"Library" => "lib/lib.md",
],
)
deploydocs(; repo="https://github.com/QuantumKitHub/PEPSKit.jl.git")
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 3177 | using Random
using PEPSKit
using TensorKit
using MPSKit
using LinearAlgebra
include("ising_pepo.jl")
# This example demonstrates some boundary-MPS methods for working with 2D projected
# entangled-pair states and operators.
## Computing a PEPS norm
# We start by initializing a random initial infinite PEPS
Random.seed!(29384293742893)
peps = InfinitePEPS(ComplexSpace(2), ComplexSpace(2))
# To compute its norm, we start by constructing the transfer operator corresponding to
# the partition function representing the overlap <peps|peps>
T = InfiniteTransferPEPS(peps, 1, 1)
# We then find its leading boundary MPS fixed point, where the corresponding eigenvalue
# encodes the norm of the state
# Fist we build an initial guess for the boundary MPS, choosing a bond dimension of 20
mps = PEPSKit.initializeMPS(T, [ComplexSpace(20)])
# We then find the leading boundary MPS fixed point using the VUMPS algorithm
mps, envs, ϵ = leading_boundary(mps, T, VUMPS())
# The norm of the state per unit cell is then given by the expectation value <mps|T|mps>
N = abs(prod(expectation_value(mps, T)))
# This can be compared to the result obtained using the CTMRG algorithm
ctm = leading_boundary(peps, CTMRG(; verbosity=1), CTMRGEnv(peps, ComplexSpace(20)))
N´ = abs(norm(peps, ctm))
@show abs(N - N´) / N
## Working with unit cells
# For PEPS with non-trivial unit cells, the principle is exactly the same.
# The only difference is that now the transfer operator of the PEPS norm partition function
# has multiple lines, each of which can be represented by an `InfiniteTransferPEPS` object.
# Such a multi-line transfer operator is represented by a `TransferPEPSMultiline` object.
# In this case, the boundary MPS is an `MPSMultiline` object, which should be initialized
# by specifying a virtual space for each site in the partition function unit cell.
peps2 = InfinitePEPS(ComplexSpace(2), ComplexSpace(2); unitcell=(2, 2))
T2 = PEPSKit.TransferPEPSMultiline(peps2, 1)
mps2 = PEPSKit.initializeMPS(T2, fill(ComplexSpace(20), 2, 2))
mps2, envs2, ϵ = leading_boundary(mps2, T2, VUMPS())
N2 = abs(prod(expectation_value(mps2, T2)))
ctm2 = leading_boundary(peps2, CTMRG(; verbosity=1), CTMRGEnv(peps2, ComplexSpace(20)))
N2´ = abs(norm(peps2, ctm2))
@show abs(N2 - N2´) / N2
# Note that for larger unit cells and non-Hermitian PEPS the VUMPS algorithm may become
# unstable, in which case the CTMRG algorithm is recommended.
## Contracting PEPO overlaps
# Using exactly the same machinery, we can contract partition functions which encode the
# expectation value of a PEPO for a given PEPS state.
# As an example, we can consider the overlap of the PEPO correponding to the partition
# function of 3D classical ising model with our random PEPS from before and evaluate
# <peps|O|peps>.
pepo = ising_pepo(1)
T3 = InfiniteTransferPEPO(peps, pepo, 1, 1)
mps3 = PEPSKit.initializeMPS(T3, [ComplexSpace(20)])
mps3, envs3, ϵ = leading_boundary(mps3, T3, VUMPS())
@show N3 = abs(prod(expectation_value(mps3, T3)))
# These objects and routines can be used to optimize PEPS fixed points of 3D partition
# functions, see for example https://arxiv.org/abs/1805.10598
nothing
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1227 | using LinearAlgebra
using TensorKit, OptimKit
using PEPSKit, KrylovKit
# Square lattice Heisenberg Hamiltonian
# We use the parameters (J₁, J₂, J₃) = (-1, 1, -1) by default to capture
# the ground state in a single-site unit cell. This can be seen from
# sublattice rotating H from parameters (1, 1, 1) to (-1, 1, -1).
H = square_lattice_heisenberg(; Jx=-1, Jy=1, Jz=-1)
# Parameters
χbond = 2
χenv = 20
ctm_alg = CTMRG(; tol=1e-10, miniter=4, maxiter=100, verbosity=2)
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=100, gradtol=1e-4, verbosity=2),
gradient_alg=LinSolver(; solver=GMRES(; tol=1e-6, maxiter=100)),
reuse_env=true,
)
# Ground state search
# We initialize a random PEPS with bond dimension χbond and from that converge
# a CTMRG environment with dimension χenv on the environment bonds before
# starting the optimization. The ground-state energy should approximately approach
# E/N = −0.6694421, which is a QMC estimate from https://arxiv.org/abs/1101.3281.
# Of course there is a noticable bias for small χbond and χenv.
ψ₀ = InfinitePEPS(2, χbond)
env₀ = leading_boundary(CTMRGEnv(ψ₀, ℂ^χenv), ψ₀, ctm_alg)
result = fixedpoint(ψ₀, H, opt_alg, env₀)
@show result.E
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 649 | using TensorOperations
using TensorKit
"""
ising_pepo(beta; unitcell=(1, 1, 1))
Return the PEPO tensor for partition function of the 3D classical Ising model at inverse
temperature `beta`.
"""
function ising_pepo(beta; unitcell=(1, 1, 1))
t = ComplexF64[exp(beta) exp(-beta); exp(-beta) exp(beta)]
q = sqrt(t)
O = zeros(2, 2, 2, 2, 2, 2)
O[1, 1, 1, 1, 1, 1] = 1
O[2, 2, 2, 2, 2, 2] = 1
@tensor o[-1 -2; -3 -4 -5 -6] :=
O[1 2; 3 4 5 6] * q[-1; 1] * q[-2; 2] * q[-3; 3] * q[-4; 4] * q[-5; 5] * q[-6; 6]
O = TensorMap(o, ℂ^2 ⊗ (ℂ^2)' ← ℂ^2 ⊗ ℂ^2 ⊗ (ℂ^2)' ⊗ (ℂ^2)')
return InfinitePEPO(O; unitcell)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2889 | module PEPSKit
using LinearAlgebra, Statistics, Base.Threads, Base.Iterators, Printf
using Base: @kwdef
using Compat
using Accessors
using VectorInterface
using TensorKit, KrylovKit, MPSKit, OptimKit, TensorOperations
using ChainRulesCore, Zygote
using LoggingExtras
using MPSKit: loginit!, logiter!, logfinish!, logcancel!
include("utility/util.jl")
include("utility/svd.jl")
include("utility/rotations.jl")
include("utility/diffset.jl")
include("utility/hook_pullback.jl")
include("utility/autoopt.jl")
include("states/abstractpeps.jl")
include("states/infinitepeps.jl")
include("operators/transferpeps.jl")
include("operators/infinitepepo.jl")
include("operators/transferpepo.jl")
include("operators/derivatives.jl")
include("operators/localoperator.jl")
include("operators/models.jl")
include("environments/ctmrg_environments.jl")
include("environments/transferpeps_environments.jl")
include("environments/transferpepo_environments.jl")
include("algorithms/contractions/localoperator.jl")
include("algorithms/contractions/ctmrg_contractions.jl")
include("algorithms/ctmrg/ctmrg.jl")
include("algorithms/ctmrg/gaugefix.jl")
include("algorithms/toolbox.jl")
include("algorithms/peps_opt.jl")
include("utility/symmetrization.jl")
"""
module Defaults
const ctmrg_maxiter = 100
const ctmrg_miniter = 4
const ctmrg_tol = 1e-12
const fpgrad_maxiter = 100
const fpgrad_tol = 1e-6
end
Module containing default values that represent typical algorithm parameters.
- `ctmrg_maxiter = 100`: Maximal number of CTMRG iterations per run
- `ctmrg_miniter = 4`: Minimal number of CTMRG carried out
- `ctmrg_tol = 1e-12`: Tolerance checking singular value and norm convergence
- `fpgrad_maxiter = 100`: Maximal number of iterations for computing the CTMRG fixed-point gradient
- `fpgrad_tol = 1e-6`: Convergence tolerance for the fixed-point gradient iteration
"""
module Defaults
using TensorKit, KrylovKit, OptimKit
const ctmrg_maxiter = 100
const ctmrg_miniter = 4
const ctmrg_tol = 1e-10
const fpgrad_maxiter = 20
const fpgrad_tol = 1e-6
const ctmrgscheme = :simultaneous
const iterscheme = :fixed
const fwd_alg = TensorKit.SVD()
const rrule_alg = GMRES(; tol=ctmrg_tol)
const optimizer = LBFGS(10; maxiter=100, gradtol=1e-4, verbosity=2)
end
export SVDAdjoint, IterSVD, NonTruncSVDAdjoint
export FixedSpaceTruncation, ProjectorAlg, CTMRG, CTMRGEnv, correlation_length
export LocalOperator
export expectation_value, costfun
export leading_boundary
export PEPSOptimize, GeomSum, ManualIter, LinSolver
export fixedpoint
export InfinitePEPS, InfiniteTransferPEPS
export InfinitePEPO, InfiniteTransferPEPO
export initializeMPS, initializePEPS
export symmetrize, None, Depth, Full
export showtypeofgrad
export square_lattice_tf_ising, square_lattice_heisenberg, square_lattice_pwave
end # module
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 11987 | abstract type GradMode{F} end
iterscheme(::GradMode{F}) where {F} = F
"""
struct GeomSum(; maxiter=Defaults.fpgrad_maxiter, tol=Defaults.fpgrad_tol,
verbosity=0, iterscheme=Defaults.iterscheme) <: GradMode{iterscheme}
Gradient mode for CTMRG using explicit evaluation of the geometric sum.
With `iterscheme` the style of CTMRG iteration which is being differentiated can be chosen.
If set to `:fixed`, the differentiated CTMRG iteration is assumed to have a pre-computed
SVD of the environments with a fixed set of gauges. Alternatively, if set to `:diffgauge`,
the differentiated iteration consists of a CTMRG iteration and a subsequent gauge fixing step,
such that `gauge_fix` will also be differentiated everytime a CTMRG derivative is computed.
"""
struct GeomSum{F} <: GradMode{F}
maxiter::Int
tol::Real
verbosity::Int
end
function GeomSum(;
maxiter=Defaults.fpgrad_maxiter,
tol=Defaults.fpgrad_tol,
verbosity=0,
iterscheme=Defaults.iterscheme,
)
return GeomSum{iterscheme}(maxiter, tol, verbosity)
end
"""
struct ManualIter(; maxiter=Defaults.fpgrad_maxiter, tol=Defaults.fpgrad_tol,
verbosity=0, iterscheme=Defaults.iterscheme) <: GradMode{iterscheme}
Gradient mode for CTMRG using manual iteration to solve the linear problem.
With `iterscheme` the style of CTMRG iteration which is being differentiated can be chosen.
If set to `:fixed`, the differentiated CTMRG iteration is assumed to have a pre-computed
SVD of the environments with a fixed set of gauges. Alternatively, if set to `:diffgauge`,
the differentiated iteration consists of a CTMRG iteration and a subsequent gauge fixing step,
such that `gauge_fix` will also be differentiated everytime a CTMRG derivative is computed.
"""
struct ManualIter{F} <: GradMode{F}
maxiter::Int
tol::Real
verbosity::Int
end
function ManualIter(;
maxiter=Defaults.fpgrad_maxiter,
tol=Defaults.fpgrad_tol,
verbosity=0,
iterscheme=Defaults.iterscheme,
)
return ManualIter{iterscheme}(maxiter, tol, verbosity)
end
"""
struct LinSolver(; solver=KrylovKit.GMRES(), iterscheme=Defaults.iterscheme) <: GradMode{iterscheme}
Gradient mode wrapper around `KrylovKit.LinearSolver` for solving the gradient linear
problem using iterative solvers.
With `iterscheme` the style of CTMRG iteration which is being differentiated can be chosen.
If set to `:fixed`, the differentiated CTMRG iteration is assumed to have a pre-computed
SVD of the environments with a fixed set of gauges. Alternatively, if set to `:diffgauge`,
the differentiated iteration consists of a CTMRG iteration and a subsequent gauge fixing step,
such that `gauge_fix` will also be differentiated everytime a CTMRG derivative is computed.
"""
struct LinSolver{F} <: GradMode{F}
solver::KrylovKit.LinearSolver
end
function LinSolver(;
solver=KrylovKit.GMRES(; maxiter=Defaults.fpgrad_maxiter, tol=Defaults.fpgrad_tol),
iterscheme=Defaults.iterscheme,
)
return LinSolver{iterscheme}(solver)
end
"""
PEPSOptimize{G}(; boundary_alg=CTMRG(), optimizer::OptimKit.OptimizationAlgorithm=Defaults.optimizer
reuse_env::Bool=true, gradient_alg::G=LinSolver())
Algorithm struct that represent PEPS ground-state optimization using AD.
Set the algorithm to contract the infinite PEPS in `boundary_alg`;
currently only `CTMRG` is supported. The `optimizer` computes the gradient directions
based on the CTMRG gradient and updates the PEPS parameters. In this optimization,
the CTMRG runs can be started on the converged environments of the previous optimizer
step by setting `reuse_env` to true. Otherwise a random environment is used at each
step. The CTMRG gradient itself is computed using the `gradient_alg` algorithm.
"""
struct PEPSOptimize{G}
boundary_alg::CTMRG
optimizer::OptimKit.OptimizationAlgorithm
reuse_env::Bool
gradient_alg::G
function PEPSOptimize( # Inner constructor to prohibit illegal setting combinations
boundary_alg::CTMRG{S},
optimizer,
reuse_env,
gradient_alg::G,
) where {S,G}
if gradient_alg isa GradMode
if S === :sequential && iterscheme(gradient_alg) === :fixed
throw(ArgumentError(":sequential and :fixed are not compatible"))
elseif boundary_alg.projector_alg.svd_alg.fwd_alg isa IterSVD &&
iterscheme(gradient_alg) === :fixed
throw(ArgumentError("IterSVD and :fixed are currently not compatible"))
end
end
return new{G}(boundary_alg, optimizer, reuse_env, gradient_alg)
end
end
function PEPSOptimize(;
boundary_alg=CTMRG(),
optimizer=Defaults.optimizer,
reuse_env=true,
gradient_alg=LinSolver(),
)
return PEPSOptimize(boundary_alg, optimizer, reuse_env, gradient_alg)
end
"""
fixedpoint(ψ₀::InfinitePEPS{T}, H, alg::PEPSOptimize, [env₀::CTMRGEnv]) where {T}
Optimize `ψ₀` with respect to the Hamiltonian `H` according to the parameters supplied
in `alg`. The initial environment `env₀` serves as an initial guess for the first CTMRG run.
By default, a random initial environment is used.
The function returns a `NamedTuple` which contains the following entries:
- `peps`: final `InfinitePEPS`
- `env`: `CTMRGEnv` corresponding to the final PEPS
- `E`: final energy
- `E_history`: convergence history of the energy function
- `grad`: final energy gradient
- `gradnorm_history`: convergence history of the energy gradient norms
- `numfg`: total number of calls to the energy function
"""
function fixedpoint(
ψ₀::InfinitePEPS{T}, H, alg::PEPSOptimize, env₀::CTMRGEnv=CTMRGEnv(ψ₀, field(T)^20)
) where {T}
(peps, env), E, ∂E, numfg, convhistory = optimize(
(ψ₀, env₀), alg.optimizer; retract=my_retract, inner=my_inner
) do (peps, envs)
E, g = withgradient(peps) do ψ
envs´ = hook_pullback(
leading_boundary,
envs,
ψ,
alg.boundary_alg;
alg_rrule=alg.gradient_alg,
)
ignore_derivatives() do
alg.reuse_env && update!(envs, envs´)
end
return costfun(ψ, envs´, H)
end
# withgradient returns tuple of gradients `g`
return E, only(g)
end
return (;
peps,
env,
E,
E_history=convhistory[:, 1],
grad=∂E,
gradnorm_history=convhistory[:, 2],
numfg,
)
end
# Update PEPS unit cell in non-mutating way
# Note: Both x and η are InfinitePEPS during optimization
function my_retract(x, η, α)
peps = deepcopy(x[1])
peps.A .+= η.A .* α
env = deepcopy(x[2])
return (peps, env), η
end
# Take real valued part of dot product
my_inner(_, η₁, η₂) = real(dot(η₁, η₂))
#=
Evaluating the gradient of the cost function for CTMRG:
- The gradient of the cost function for CTMRG can be computed using automatic differentiation (AD) or explicit evaluation of the geometric sum.
- With AD, the gradient is computed by differentiating the cost function with respect to the PEPS tensors, including computing the environment tensors.
- With explicit evaluation of the geometric sum, the gradient is computed by differentiating the cost function with the environment kept fixed, and then manually adding the gradient contributions from the environments.
=#
function _rrule(
gradmode::GradMode{:diffgauge},
::RuleConfig,
::typeof(MPSKit.leading_boundary),
envinit,
state,
alg::CTMRG,
)
envs = leading_boundary(envinit, state, alg) #TODO: fixed space for unit cells
function leading_boundary_diffgauge_pullback(Δenvs′)
Δenvs = unthunk(Δenvs′)
# find partial gradients of gauge_fixed single CTMRG iteration
# TODO: make this rrule_via_ad so it's zygote-agnostic
_, env_vjp = pullback(state, envs) do A, x
return gauge_fix(x, ctmrg_iter(A, x, alg)[1])[1]
end
# evaluate the geometric sum
∂f∂A(x)::typeof(state) = env_vjp(x)[1]
∂f∂x(x)::typeof(envs) = env_vjp(x)[2]
∂F∂envs = fpgrad(Δenvs, ∂f∂x, ∂f∂A, Δenvs, gradmode)
return NoTangent(), ZeroTangent(), ∂F∂envs, NoTangent()
end
return envs, leading_boundary_diffgauge_pullback
end
# Here f is differentiated from an pre-computed SVD with fixed U, S and V
function _rrule(
gradmode::GradMode{:fixed},
::RuleConfig,
::typeof(MPSKit.leading_boundary),
envinit,
state,
alg::CTMRG{C},
) where {C}
@assert C === :simultaneous
@assert !isnothing(alg.projector_alg.svd_alg.rrule_alg)
envs = leading_boundary(envinit, state, alg)
envsconv, info = ctmrg_iter(state, envs, alg)
envsfix, signs = gauge_fix(envs, envsconv)
# Fix SVD
Ufix, Vfix = fix_relative_phases(info.U, info.V, signs)
svd_alg_fixed = SVDAdjoint(;
fwd_alg=FixedSVD(Ufix, info.S, Vfix), rrule_alg=alg.projector_alg.svd_alg.rrule_alg
)
alg_fixed = CTMRG(;
svd_alg=svd_alg_fixed, trscheme=notrunc(), ctmrgscheme=:simultaneous
)
function leading_boundary_fixed_pullback(Δenvs′)
Δenvs = unthunk(Δenvs′)
_, env_vjp = pullback(state, envsfix) do A, x
e, = ctmrg_iter(A, x, alg_fixed)
return fix_global_phases(x, e)
end
# evaluate the geometric sum
∂f∂A(x)::typeof(state) = env_vjp(x)[1]
∂f∂x(x)::typeof(envs) = env_vjp(x)[2]
∂F∂envs = fpgrad(Δenvs, ∂f∂x, ∂f∂A, Δenvs, gradmode)
return NoTangent(), ZeroTangent(), ∂F∂envs, NoTangent()
end
return envsfix, leading_boundary_fixed_pullback
end
@doc """
fpgrad(∂F∂x, ∂f∂x, ∂f∂A, y0, alg)
Compute the gradient of the cost function for CTMRG by solving the following equation:
dx = ∑ₙ (∂f∂x)ⁿ ∂f∂A dA = (1 - ∂f∂x)⁻¹ ∂f∂A dA
where `∂F∂x` is the gradient of the cost function with respect to the PEPS tensors, `∂f∂x`
is the partial gradient of the CTMRG iteration with respect to the environment tensors,
`∂f∂A` is the partial gradient of the CTMRG iteration with respect to the PEPS tensors, and
`y0` is the initial guess for the fixed-point iteration. The function returns the gradient
`dx` of the fixed-point iteration.
"""
fpgrad
# TODO: can we construct an implementation that does not need to evaluate the vjp
# twice if both ∂f∂A and ∂f∂x are needed?
function fpgrad(∂F∂x, ∂f∂x, ∂f∂A, _, alg::GeomSum)
g = ∂F∂x
dx = ∂f∂A(g) # n = 0 term: ∂F∂x ∂f∂A
ϵ = 2 * alg.tol
for i in 1:(alg.maxiter)
g = ∂f∂x(g)
Σₙ = ∂f∂A(g)
dx += Σₙ
ϵnew = norm(Σₙ) # TODO: normalize this error?
Δϵ = ϵ - ϵnew
alg.verbosity > 1 &&
@printf("Gradient iter: %3d ‖Σₙ‖: %.2e Δ‖Σₙ‖: %.2e\n", i, ϵnew, Δϵ)
ϵ = ϵnew
ϵ < alg.tol && break
if alg.verbosity > 0 && i == alg.maxiter
@warn "gradient fixed-point iteration reached maximal number of iterations at ‖Σₙ‖ = $ϵ"
end
end
return dx
end
function fpgrad(∂F∂x, ∂f∂x, ∂f∂A, y₀, alg::ManualIter)
y = deepcopy(y₀) # Do not mutate y₀
dx = ∂f∂A(y)
ϵ = 1.0
for i in 1:(alg.maxiter)
y′ = ∂F∂x + ∂f∂x(y)
dxnew = ∂f∂A(y′)
ϵnew = norm(dxnew - dx)
Δϵ = ϵ - ϵnew
alg.verbosity > 1 && @printf(
"Gradient iter: %3d ‖Cᵢ₊₁-Cᵢ‖/N: %.2e Δ‖Cᵢ₊₁-Cᵢ‖/N: %.2e\n", i, ϵnew, Δϵ
)
y = y′
dx = dxnew
ϵ = ϵnew
ϵ < alg.tol && break
if alg.verbosity > 0 && i == alg.maxiter
@warn "gradient fixed-point iteration reached maximal number of iterations at ‖Cᵢ₊₁-Cᵢ‖ = $ϵ"
end
end
return dx
end
function fpgrad(∂F∂x, ∂f∂x, ∂f∂A, y₀, alg::LinSolver)
y, info = linsolve(∂f∂x, ∂F∂x, y₀, alg.solver, 1, -1)
if alg.solver.verbosity > 0 && info.converged != 1
@warn("gradient fixed-point iteration reached maximal number of iterations:", info)
end
return ∂f∂A(y)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 4259 | function MPSKit.expectation_value(peps::InfinitePEPS, O::LocalOperator, envs::CTMRGEnv)
checklattice(peps, O)
return sum(O.terms) do (inds, operator)
contract_localoperator(inds, operator, peps, peps, envs) /
contract_localnorm(inds, peps, peps, envs)
end
end
function costfun(peps::InfinitePEPS, envs::CTMRGEnv, O::LocalOperator)
E = MPSKit.expectation_value(peps, O, envs)
ignore_derivatives() do
isapprox(imag(E), 0; atol=sqrt(eps(real(E)))) ||
@warn "Expectation value is not real: $E."
end
return real(E)
end
function LinearAlgebra.norm(peps::InfinitePEPS, env::CTMRGEnv)
total = one(scalartype(peps))
for r in 1:size(peps, 1), c in 1:size(peps, 2)
rprev = _prev(r, size(peps, 1))
rnext = _next(r, size(peps, 1))
cprev = _prev(c, size(peps, 2))
cnext = _next(c, size(peps, 2))
total *= @autoopt @tensor env.edges[WEST, r, cprev][χ1 D1 D2; χ2] *
env.corners[NORTHWEST, rprev, cprev][χ2; χ3] *
env.edges[NORTH, rprev, c][χ3 D3 D4; χ4] *
env.corners[NORTHEAST, rprev, cnext][χ4; χ5] *
env.edges[EAST, r, cnext][χ5 D5 D6; χ6] *
env.corners[SOUTHEAST, rnext, cnext][χ6; χ7] *
env.edges[SOUTH, rnext, c][χ7 D7 D8; χ8] *
env.corners[SOUTHWEST, rnext, cprev][χ8; χ1] *
peps[r, c][d; D3 D5 D7 D1] *
conj(peps[r, c][d; D4 D6 D8 D2])
total *= tr(
env.corners[NORTHWEST, rprev, cprev] *
env.corners[NORTHEAST, rprev, c] *
env.corners[SOUTHEAST, r, c] *
env.corners[SOUTHWEST, r, cprev],
)
total /= @autoopt @tensor env.edges[WEST, r, cprev][χ1 D1 D2; χ2] *
env.corners[NORTHWEST, rprev, cprev][χ2; χ3] *
env.corners[NORTHEAST, rprev, c][χ3; χ4] *
env.edges[EAST, r, c][χ4 D1 D2; χ5] *
env.corners[SOUTHEAST, rnext, c][χ5; χ6] *
env.corners[SOUTHWEST, rnext, cprev][χ6; χ1]
total /= @autoopt @tensor env.corners[NORTHWEST, rprev, cprev][χ1; χ2] *
env.edges[NORTH, rprev, c][χ2 D1 D2; χ3] *
env.corners[NORTHEAST, rprev, cnext][χ3; χ4] *
env.corners[SOUTHEAST, r, cnext][χ4; χ5] *
env.edges[SOUTH, r, c][χ5 D1 D2; χ6] *
env.corners[SOUTHWEST, r, cprev][χ6; χ1]
end
return total
end
"""
correlation_length(peps::InfinitePEPS, env::CTMRGEnv; howmany=2)
Compute the PEPS correlation length based on the horizontal and vertical
transfer matrices. Additionally the (normalized) eigenvalue spectrum is
returned. Specify the number of computed eigenvalues with `howmany`.
"""
function MPSKit.correlation_length(peps::InfinitePEPS, env::CTMRGEnv; num_vals=2)
T = scalartype(peps)
ξ_h = Vector{real(T)}(undef, size(peps, 1))
ξ_v = Vector{real(T)}(undef, size(peps, 2))
λ_h = Vector{Vector{T}}(undef, size(peps, 1))
λ_v = Vector{Vector{T}}(undef, size(peps, 2))
# Horizontal
above_h = MPSMultiline(map(r -> InfiniteMPS(env.edges[1, r, :]), 1:size(peps, 1)))
respaced_edges_h = map(zip(space.(env.edges)[1, :, :], env.edges[3, :, :])) do (V1, T3)
return TensorMap(T3.data, V1)
end
below_h = MPSMultiline(map(r -> InfiniteMPS(respaced_edges_h[r, :]), 1:size(peps, 1)))
transfer_peps_h = TransferPEPSMultiline(peps, NORTH)
vals_h = MPSKit.transfer_spectrum(above_h, transfer_peps_h, below_h; num_vals)
λ_h = map(λ_row -> λ_row / abs(λ_row[1]), vals_h) # Normalize largest eigenvalue
ξ_h = map(λ_row -> -1 / log(abs(λ_row[2])), λ_h)
# Vertical
above_v = MPSMultiline(map(c -> InfiniteMPS(env.edges[2, :, c]), 1:size(peps, 2)))
respaced_edges_v = map(zip(space.(env.edges)[2, :, :], env.edges[4, :, :])) do (V2, T4)
return TensorMap(T4.data, V2)
end
below_v = MPSMultiline(map(c -> InfiniteMPS(respaced_edges_v[:, c]), 1:size(peps, 2)))
transfer_peps_v = TransferPEPSMultiline(peps, EAST)
vals_v = MPSKit.transfer_spectrum(above_v, transfer_peps_v, below_v; num_vals)
λ_v = map(λ_row -> λ_row / abs(λ_row[1]), vals_v) # Normalize largest eigenvalue
ξ_v = map(λ_row -> -1 / log(abs(λ_row[2])), λ_v)
return ξ_h, ξ_v, λ_h, λ_v
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 19892 | const CTMRGEdgeTensor{S} = AbstractTensorMap{S,3,1}
const CTMRGCornerTensor{S} = AbstractTensorMap{S,1,1}
# Enlarged corner contractions
# ----------------------------
"""
enlarge_northwest_corner((row, col), envs, ket, bra)
enlarge_northwest_corner(E_west, C_northwest, E_north, ket, bra)
Contract the enlarged northwest corner of the CTMRG environment, either by specifying the
coordinates, environments and state, or by directly providing the tensors.
```
C_northwest -- E_north --
| ||
E_west == ket-bra ==
| ||
```
"""
function enlarge_northwest_corner(
(row, col), envs::CTMRGEnv, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
E_west = envs.edges[WEST, row, _prev(col, end)]
C_northwest = envs.corners[NORTHWEST, _prev(row, end), _prev(col, end)]
E_north = envs.edges[NORTH, _prev(row, end), col]
return enlarge_northwest_corner(
E_west, C_northwest, E_north, ket[row, col], bra[row, col]
)
end
function enlarge_northwest_corner(
E_west::CTMRGEdgeTensor,
C_northwest::CTMRGCornerTensor,
E_north::CTMRGEdgeTensor,
ket::PEPSTensor,
bra::PEPSTensor=ket,
)
return @autoopt @tensor corner[χ_S D_Sabove D_Sbelow; χ_E D_Eabove D_Ebelow] :=
E_west[χ_S D1 D2; χ1] *
C_northwest[χ1; χ2] *
E_north[χ2 D3 D4; χ_E] *
ket[d; D3 D_Eabove D_Sabove D1] *
conj(bra[d; D4 D_Ebelow D_Sbelow D2])
end
"""
enlarge_northeast_corner((row, col), envs, ket, bra)
enlarge_northeast_corner(E_north, C_northeast, E_east, ket, bra)
Contract the enlarged northeast corner of the CTMRG environment, either by specifying the
coordinates, environments and state, or by directly providing the tensors.
```
-- E_north -- C_northeast
|| |
== ket-bra == E_east
|| |
```
"""
function enlarge_northeast_corner(
(row, col), envs::CTMRGEnv, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
E_north = envs.edges[NORTH, _prev(row, end), col]
C_northeast = envs.corners[NORTHEAST, _prev(row, end), _next(col, end)]
E_east = envs.edges[EAST, row, _next(col, end)]
return enlarge_northeast_corner(
E_north, C_northeast, E_east, ket[row, col], bra[row, col]
)
end
function enlarge_northeast_corner(
E_north::CTMRGEdgeTensor,
C_northeast::CTMRGCornerTensor,
E_east::CTMRGEdgeTensor,
ket::PEPSTensor,
bra::PEPSTensor=ket,
)
return @autoopt @tensor corner[χ_W D_Wabove D_Wbelow; χ_S D_Sabove D_Sbelow] :=
E_north[χ_W D1 D2; χ1] *
C_northeast[χ1; χ2] *
E_east[χ2 D3 D4; χ_S] *
ket[d; D1 D3 D_Sabove D_Wabove] *
conj(bra[d; D2 D4 D_Sbelow D_Wbelow])
end
"""
enlarge_southeast_corner((row, col), envs, ket, bra)
enlarge_southeast_corner(E_east, C_southeast, E_south, ket, bra)
Contract the enlarged southeast corner of the CTMRG environment, either by specifying the
coordinates, environments and state, or by directly providing the tensors.
```
|| |
== ket-bra == E_east
|| |
-- E_south -- C_southeast
```
"""
function enlarge_southeast_corner(
(row, col), envs::CTMRGEnv, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
E_east = envs.edges[EAST, row, _next(col, end)]
C_southeast = envs.corners[SOUTHEAST, _next(row, end), _next(col, end)]
E_south = envs.edges[SOUTH, _next(row, end), col]
return enlarge_southeast_corner(
E_east, C_southeast, E_south, ket[row, col], bra[row, col]
)
end
function enlarge_southeast_corner(
E_east::CTMRGEdgeTensor,
C_southeast::CTMRGCornerTensor,
E_south::CTMRGEdgeTensor,
ket::PEPSTensor,
bra::PEPSTensor=ket,
)
return @autoopt @tensor corner[χ_N D_Nabove D_Nbelow; χ_W D_Wabove D_Wbelow] :=
E_east[χ_N D1 D2; χ1] *
C_southeast[χ1; χ2] *
E_south[χ2 D3 D4; χ_W] *
ket[d; D_Nabove D1 D3 D_Wabove] *
conj(bra[d; D_Nbelow D2 D4 D_Wbelow])
end
"""
enlarge_southwest_corner((row, col), envs, ket, bra)
enlarge_southwest_corner(E_south, C_southwest, E_west, ket, bra)
Contract the enlarged southwest corner of the CTMRG environment, either by specifying the
coordinates, environments and state, or by directly providing the tensors.
```
| ||
E_west == ket-bra ==
| ||
C_southwest -- E_south --
```
"""
function enlarge_southwest_corner(
(row, col), envs::CTMRGEnv, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
E_south = envs.edges[SOUTH, _next(row, end), col]
C_southwest = envs.corners[SOUTHWEST, _next(row, end), _prev(col, end)]
E_west = envs.edges[WEST, row, _prev(col, end)]
return enlarge_southwest_corner(
E_south, C_southwest, E_west, ket[row, col], bra[row, col]
)
end
function enlarge_southwest_corner(
E_south::CTMRGEdgeTensor,
C_southwest::CTMRGCornerTensor,
E_west::CTMRGEdgeTensor,
ket::PEPSTensor,
bra::PEPSTensor=ket,
)
return @autoopt @tensor corner[χ_E D_Eabove D_Ebelow; χ_N D_Nabove D_Nbelow] :=
E_south[χ_E D1 D2; χ1] *
C_southwest[χ1; χ2] *
E_west[χ2 D3 D4; χ_N] *
ket[d; D_Nabove D_Eabove D1 D3] *
conj(bra[d; D_Nbelow D_Ebelow D2 D4])
end
# Projector contractions
# ----------------------
"""
halfinfinite_environment(quadrant1::AbstractTensorMap{S,3,3}, quadrant2::AbstractTensorMap{S,3,3})
Contract two quadrants (enlarged corners) to form a half-infinite environment.
```
|~~~~~~~~~| -- |~~~~~~~~~|
|quadrant1| |quadrant2|
|~~~~~~~~~| == |~~~~~~~~~|
| || || |
```
"""
function halfinfinite_environment(
quadrant1::AbstractTensorMap{S,3,3}, quadrant2::AbstractTensorMap{S,3,3}
) where {S}
return @autoopt @tensor half[χ_in D_inabove D_inbelow; χ_out D_outabove D_outbelow] :=
quadrant1[χ_in D_inabove D_inbelow; χ D1 D2] *
quadrant2[χ D1 D2; χ_out D_outabove D_outbelow]
end
# Renormalization contractions
# ----------------------------
# corners
"""
renormalize_corner(quadrant, P_left, P_right)
Apply projectors to each side of a quadrant.
```
|~~~~~~~~| -- |~~~~~~|
|quadrant| |P_left| --
|~~~~~~~~| == |~~~~~~|
| ||
[P_right]
|
```
"""
function renormalize_corner(quadrant::AbstractTensorMap{S,3,3}, P_left, P_right) where {S}
return @autoopt @tensor corner[χ_in; χ_out] :=
P_right[χ_in; χ1 D1 D2] * quadrant[χ1 D1 D2; χ2 D3 D4] * P_left[χ2 D3 D4; χ_out]
end
"""
renormalize_northwest_corner((row, col), enlarged_envs::CTMRGEnv, P_left, P_right)
Apply `renormalize_corner` to the enlarged northwest corner.
"""
function renormalize_northwest_corner((row, col), enlarged_envs, P_left, P_right)
return renormalize_corner(
enlarged_envs[NORTHWEST, row, col],
P_left[NORTH, row, col],
P_right[WEST, _next(row, end), col],
)
end
"""
renormalize_northeast_corner((row, col), enlarged_envs::CTMRGEnv, P_left, P_right)
Apply `renormalize_corner` to the enlarged northeast corner.
"""
function renormalize_northeast_corner((row, col), enlarged_envs, P_left, P_right)
return renormalize_corner(
enlarged_envs[NORTHEAST, row, col],
P_left[EAST, row, col],
P_right[NORTH, row, _prev(col, end)],
)
end
"""
renormalize_southeast_corner((row, col), enlarged_envs::CTMRGEnv, P_left, P_right)
Apply `renormalize_corner` to the enlarged southeast corner.
"""
function renormalize_southeast_corner((row, col), enlarged_envs, P_left, P_right)
return renormalize_corner(
enlarged_envs[SOUTHEAST, row, col],
P_left[SOUTH, row, col],
P_right[EAST, _prev(row, end), col],
)
end
"""
renormalize_southwest_corner((row, col), enlarged_envs::CTMRGEnv, P_left, P_right)
Apply `renormalize_corner` to the enlarged southwest corner.
"""
function renormalize_southwest_corner((row, col), enlarged_envs, P_left, P_right)
return renormalize_corner(
enlarged_envs[SOUTHWEST, row, col],
P_left[WEST, row, col],
P_right[SOUTH, row, _next(col, end)],
)
end
"""
renormalize_bottom_corner((r, c), envs, projectors)
Apply bottom projector to southwest corner and south edge.
```
|
[P_bottom]
| ||
C -- E -- in
```
"""
function renormalize_bottom_corner((row, col), envs::CTMRGEnv, projectors)
C_southwest = envs.corners[SOUTHWEST, row, _prev(col, end)]
E_south = envs.edges[SOUTH, row, col]
P_bottom = projectors[1][row, col]
return @autoopt @tensor corner[χ_in; χ_out] :=
E_south[χ_in D1 D2; χ1] * C_southwest[χ1; χ2] * P_bottom[χ2 D1 D2; χ_out]
end
"""
renormalize_top_corner((row, col), envs::CTMRGEnv, projectors)
Apply top projector to northwest corner and north edge.
```
C -- E --
| ||
[~P_top~]
|
```
"""
function renormalize_top_corner((row, col), envs::CTMRGEnv, projectors)
C_northwest = envs.corners[NORTHWEST, row, _prev(col, end)]
E_north = envs.edges[NORTH, row, col]
P_top = projectors[2][_next(row, end), col]
return @autoopt @tensor corner[χ_in; χ_out] :=
P_top[χ_in; χ1 D1 D2] * C_northwest[χ1; χ2] * E_north[χ2 D1 D2; χ_out]
end
# edges
"""
renormalize_north_edge((row, col), envs, P_left, P_right, ket, bra)
renormalize_north_edge(E_north, P_left, P_right, ket, bra)
Absorb a bra-ket pair into the north edge using the given projectors and environment tensors.
```
|~~~~~~| -- E_north -- |~~~~~~~|
-- |P_left| || |P_right| --
|~~~~~~| == ket-bra == |~~~~~~~|
```
"""
function renormalize_north_edge(
(row, col), envs::CTMRGEnv, P_left, P_right, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
return renormalize_north_edge(
envs.edges[NORTH, _prev(row, end), col],
P_left[NORTH, row, col],
P_right[NORTH, row, _prev(col, end)],
ket[row, col],
bra[row, col],
)
end
function renormalize_north_edge(
E_north::CTMRGEdgeTensor, P_left, P_right, ket::PEPSTensor, bra::PEPSTensor=ket
)
return @autoopt @tensor edge[χ_W D_Sab D_Sbe; χ_E] :=
E_north[χ1 D1 D2; χ2] *
ket[d; D1 D3 D_Sab D5] *
conj(bra[d; D2 D4 D_Sbe D6]) *
P_left[χ2 D3 D4; χ_E] *
P_right[χ_W; χ1 D5 D6]
end
"""
renormalize_east_edge((row, col), envs, P_top, P_bottom, ket, bra)
renormalize_east_edge(E_east, P_top, P_bottom, ket, bra)
Absorb a bra-ket pair into the east edge using the given projectors and environment tensors.
```
|
[~~P_bottom~~]
| ||
E_east == ket-bra
| ||
[~~~~P_top~~~]
|
```
"""
function renormalize_east_edge(
(row, col), envs::CTMRGEnv, P_bottom, P_top, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
return renormalize_east_edge(
envs.edges[EAST, row, _next(col, end)],
P_bottom[EAST, row, col, end],
P_top[EAST, _prev(row, end), col],
ket[row, col],
bra[row, col],
)
end
function renormalize_east_edge(
E_east::CTMRGEdgeTensor, P_bottom, P_top, ket::PEPSTensor, bra::PEPSTensor=ket
)
return @autoopt @tensor edge[χ_N D_Wab D_Wbe; χ_S] :=
E_east[χ1 D1 D2; χ2] *
ket[d; D5 D1 D3 D_Wab] *
conj(bra[d; D6 D2 D4 D_Wbe]) *
P_bottom[χ2 D3 D4; χ_S] *
P_top[χ_N; χ1 D5 D6]
end
"""
renormalize_south_edge((row, col), envs, P_left, P_right, ket, bra)
renormalize_south_edge(E_south, P_left, P_right, ket, bra)
Absorb a bra-ket pair into the south edge using the given projectors and environment tensors.
```
|~~~~~~~| == ket-bra == |~~~~~~|
-- |P_right| || |P_left| --
|~~~~~~~| -- E_south -- |~~~~~~|
```
"""
function renormalize_south_edge(
(row, col), envs::CTMRGEnv, P_left, P_right, ket::InfinitePEPS, bra::InfinitePEPS=ket
)
return renormalize_south_edge(
envs.edges[SOUTH, _next(row, end), col],
P_left[SOUTH, row, col],
P_right[SOUTH, row, _next(col, end)],
ket[row, col],
bra[row, col],
)
end
function renormalize_south_edge(
E_south::CTMRGEdgeTensor, P_left, P_right, ket::PEPSTensor, bra::PEPSTensor=ket
)
return @autoopt @tensor edge[χ_E D_Nab D_Nbe; χ_W] :=
E_south[χ1 D1 D2; χ2] *
bra[d; D_Nab D5 D1 D3] *
conj(ket[d; D_Nbe D6 D2 D4]) *
P_left[χ2 D3 D4; χ_W] *
P_right[χ_E; χ1 D5 D6]
end
"""
renormalize_west_edge((row, col), envs, P_top, P_bottom, ket, bra)
renormalize_west_edge(E_west, P_top, P_bottom, ket, bra)
Absorb a bra-ket pair into the west edge using the given projectors and environment tensors.
```
|
[~~P_bottom~~]
| ||
E_west == ket-bra
| ||
[~~~~P_top~~~]
|
```
"""
function renormalize_west_edge( # For simultaneous CTMRG scheme
(row, col),
envs::CTMRGEnv,
P_bottom::Array{Pb,3},
P_top::Array{Pt,3},
ket::InfinitePEPS,
bra::InfinitePEPS=ket,
) where {Pt,Pb}
return renormalize_west_edge(
envs.edges[WEST, row, _prev(col, end)],
P_bottom[WEST, row, col],
P_top[WEST, _next(row, end), col],
ket[row, col],
bra[row, col],
)
end
function renormalize_west_edge( # For sequential CTMRG scheme
(row, col),
envs::CTMRGEnv,
projectors,
ket::InfinitePEPS,
bra::InfinitePEPS=ket,
)
return renormalize_west_edge(
envs.edges[WEST, row, _prev(col, end)],
projectors[1][row, col],
projectors[2][_next(row, end), col],
ket[row, col],
bra[row, col],
)
end
function renormalize_west_edge(
E_west::CTMRGEdgeTensor, P_bottom, P_top, ket::PEPSTensor, bra::PEPSTensor=ket
)
return @autoopt @tensor edge[χ_S D_Eab D_Ebe; χ_N] :=
E_west[χ1 D1 D2; χ2] *
ket[d; D3 D_Eab D5 D1] *
conj(bra[d; D4 D_Ebe D6 D2]) *
P_bottom[χ2 D3 D4; χ_N] *
P_top[χ_S; χ1 D5 D6]
end
# Gauge fixing contractions
# -------------------------
# corners
"""
fix_gauge_corner(corner, σ_in, σ_out)
Multiply corner tensor with incoming and outgoing gauge signs.
```
corner -- σ_out --
|
σ_in
|
```
"""
function fix_gauge_corner(
corner::CTMRGCornerTensor, σ_in::CTMRGCornerTensor, σ_out::CTMRGCornerTensor
)
@autoopt @tensor corner_fix[χ_in; χ_out] :=
σ_in[χ_in; χ1] * corner[χ1; χ2] * conj(σ_out[χ_out; χ2])
end
"""
fix_gauge_northwest_corner((row, col), envs, signs)
Apply `fix_gauge_corner` to the northwest corner with appropriate row and column indices.
"""
function fix_gauge_northwest_corner((row, col), envs::CTMRGEnv, signs)
return fix_gauge_corner(
envs.corners[NORTHWEST, row, col],
signs[WEST, row, col],
signs[NORTH, row, _next(col, end)],
)
end
"""
fix_gauge_northeast_corner((row, col), envs, signs)
Apply `fix_gauge_corner` to the northeast corner with appropriate row and column indices.
"""
function fix_gauge_northeast_corner((row, col), envs::CTMRGEnv, signs)
return fix_gauge_corner(
envs.corners[NORTHEAST, row, col],
signs[NORTH, row, col],
signs[EAST, _next(row, end), col],
)
end
"""
fix_gauge_southeast_corner((row, col), envs, signs)
Apply `fix_gauge_corner` to the southeast corner with appropriate row and column indices.
"""
function fix_gauge_southeast_corner((row, col), envs::CTMRGEnv, signs)
return fix_gauge_corner(
envs.corners[SOUTHEAST, row, col],
signs[EAST, row, col],
signs[SOUTH, row, _prev(col, end)],
)
end
"""
fix_gauge_southwest_corner((row, col), envs, signs)
Apply `fix_gauge_corner` to the southwest corner with appropriate row and column indices.
"""
function fix_gauge_southwest_corner((row, col), envs::CTMRGEnv, signs)
return fix_gauge_corner(
envs.corners[SOUTHWEST, row, col],
signs[SOUTH, row, col],
signs[WEST, _prev(row, end), col],
)
end
# edges
"""
fix_gauge_edge(edge, σ_in, σ_out)
Multiply edge tensor with incoming and outgoing gauge signs.
```
-- σ_in -- edge -- σ_out --
```
"""
function fix_gauge_edge(
edge::CTMRGEdgeTensor, σ_in::CTMRGCornerTensor, σ_out::CTMRGCornerTensor
)
@autoopt @tensor edge_fix[χ_in D_above D_below; χ_out] :=
σ_in[χ_in; χ1] * edge[χ1 D_above D_below; χ2] * conj(σ_out[χ_out; χ2])
end
"""
fix_gauge_north_edge((row, col), envs, signs)
Apply `fix_gauge_edge` to the north edge with appropriate row and column indices.
"""
function fix_gauge_north_edge((row, col), envs::CTMRGEnv, signs)
return fix_gauge_edge(
envs.edges[NORTH, row, col],
signs[NORTH, row, col],
signs[NORTH, row, _next(col, end)],
)
end
"""
fix_gauge_east_edge((row, col), envs, signs)
Apply `fix_gauge_edge` to the east edge with appropriate row and column indices.
"""
function fix_gauge_east_edge((row, col), envs::CTMRGEnv, signs)
return fix_gauge_edge(
envs.edges[EAST, row, col], signs[EAST, row, col], signs[EAST, _next(row, end), col]
)
end
"""
fix_gauge_south_edge((row, col), envs, signs)
Apply `fix_gauge_edge` to the south edge with appropriate row and column indices.
"""
function fix_gauge_south_edge((row, col), envs::CTMRGEnv, signs)
return fix_gauge_edge(
envs.edges[SOUTH, row, col],
signs[SOUTH, row, col],
signs[SOUTH, row, _prev(col, end)],
)
end
"""
fix_gauge_south_edge((row, col), envs, signs)
Apply `fix_gauge_edge` to the west edge with appropriate row and column indices.
"""
function fix_gauge_west_edge((row, col), envs::CTMRGEnv, signs)
return fix_gauge_edge(
envs.edges[WEST, row, col], signs[WEST, row, col], signs[WEST, _prev(row, end), col]
)
end
# left singular vectors
"""
fix_gauge_north_left_vecs((row, col), U, signs)
Multiply north left singular vectors with gauge signs from the right.
"""
function fix_gauge_north_left_vecs((row, col), U, signs)
return U[NORTH, row, col] * signs[NORTH, row, _next(col, end)]
end
"""
fix_gauge_east_left_vecs((row, col), U, signs)
Multiply east left singular vectors with gauge signs from the right.
"""
function fix_gauge_east_left_vecs((row, col), U, signs)
return U[EAST, row, col] * signs[EAST, _next(row, end), col]
end
"""
fix_gauge_south_left_vecs((row, col), U, signs)
Multiply south left singular vectors with gauge signs from the right.
"""
function fix_gauge_south_left_vecs((row, col), U, signs)
return U[SOUTH, row, col] * signs[SOUTH, row, _prev(col, end)]
end
"""
fix_gauge_west_left_vecs((row, col), U, signs)
Multiply west left singular vectors with gauge signs from the right.
"""
function fix_gauge_west_left_vecs((row, col), U, signs)
return U[WEST, row, col] * signs[WEST, _prev(row, end), col]
end
# right singular vectors
"""
fix_gauge_north_right_vecs((row, col), V, signs)
Multiply north right singular vectors with gauge signs from the left.
"""
function fix_gauge_north_right_vecs((row, col), V, signs)
return signs[NORTH, row, _next(col, end)]' * V[NORTH, row, col]
end
"""
fix_gauge_east_right_vecs((row, col), V, signs)
Multiply east right singular vectors with gauge signs from the left.
"""
function fix_gauge_east_right_vecs((row, col), V, signs)
return signs[EAST, _next(row, end), col]' * V[EAST, row, col]
end
"""
fix_gauge_south_right_vecs((row, col), V, signs)
Multiply south right singular vectors with gauge signs from the left.
"""
function fix_gauge_south_right_vecs((row, col), V, signs)
return signs[SOUTH, row, _prev(col, end)]' * V[SOUTH, row, col]
end
"""
fix_gauge_west((row, col), V, signs)
Multiply west right singular vectors with gauge signs from the left.
"""
function fix_gauge_west_right_vecs((row, col), V, signs)
return signs[WEST, _prev(row, end), col]' * V[WEST, row, col]
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 14498 | # Contraction of local operators on arbitrary lattice locations
# -------------------------------------------------------------
import MPSKit: tensorexpr
# currently need this because MPSKit restricts tensor names to symbols
MPSKit.tensorexpr(ex::Expr, inds) = Expr(:ref, ex, inds...)
function MPSKit.tensorexpr(ex::Expr, indout, indin)
return Expr(:typed_vcat, ex, Expr(:row, indout...), Expr(:row, indin...))
end
"""
contract_localoperator(inds, O, peps, env)
Contract a local operator `O` on the PEPS `peps` at the indices `inds` using the environment `env`.
"""
function contract_localoperator(
inds::NTuple{N,CartesianIndex{2}},
O::AbstractTensorMap{S,N,N},
ket::InfinitePEPS,
bra::InfinitePEPS,
env::CTMRGEnv,
) where {S,N}
static_inds = Val.(inds)
return _contract_localoperator(static_inds, O, ket, bra, env)
end
function contract_localoperator(
inds::NTuple{N,Tuple{Int,Int}},
O::AbstractTensorMap{S,N,N},
ket::InfinitePEPS,
bra::InfinitePEPS,
env::CTMRGEnv,
) where {S,N}
return contract_localoperator(CartesianIndex.(inds), O, ket, bra, env)
end
# This implements the contraction of an operator acting on sites `inds`.
# The generated function ensures that we can use @tensor to write dynamic contractions (and maximize performance).
@generated function _contract_localoperator(
inds::NTuple{N,Val},
O::AbstractTensorMap{S,N,N},
ket::InfinitePEPS,
bra::InfinitePEPS,
env::CTMRGEnv,
) where {S,N}
cartesian_inds = collect(CartesianIndex{2}, map(x -> x.parameters[1], inds.parameters)) # weird hack to extract information from Val
if !allunique(cartesian_inds)
throw(ArgumentError("Indices should not overlap: $cartesian_inds."))
end
rmin, rmax = extrema(getindex.(cartesian_inds, 1))
cmin, cmax = extrema(getindex.(cartesian_inds, 2))
gridsize = (rmax - rmin + 1, cmax - cmin + 1)
corner_NW = tensorexpr(
:(env.corners[
NORTHWEST, mod1($(rmin - 1), size(ket, 1)), mod1($(cmin - 1), size(ket, 2))
]),
(:C_NW_1,),
(:C_NW_2,),
)
corner_NE = tensorexpr(
:(env.corners[
NORTHEAST, mod1($(rmin - 1), size(ket, 1)), mod1($(cmax + 1), size(ket, 2))
]),
(:C_NE_1,),
(:C_NE_2,),
)
corner_SE = tensorexpr(
:(env.corners[
SOUTHEAST, mod1($(rmax + 1), size(ket, 1)), mod1($(cmax + 1), size(ket, 2))
]),
(:C_SE_1,),
(:C_SE_2,),
)
corner_SW = tensorexpr(
:(env.corners[
SOUTHWEST, mod1($(rmax + 1), size(ket, 1)), mod1($(cmin - 1), size(ket, 2))
]),
(:C_SW_1,),
(:C_SW_2,),
)
edges_N = map(1:gridsize[2]) do i
return tensorexpr(
:(env.edges[
NORTH,
mod1($(rmin - 1), size(ket, 1)),
mod1($(cmin + i - 1), size(ket, 2)),
]),
(
(i == 1 ? :C_NW_2 : Symbol(:E_N_virtual, i - 1)),
Symbol(:E_N_top, i),
Symbol(:E_N_bot, i),
),
((i == gridsize[2] ? :C_NE_1 : Symbol(:E_N_virtual, i)),),
)
end
edges_E = map(1:gridsize[1]) do i
return tensorexpr(
:(env.edges[
EAST,
mod1($(rmin + i - 1), size(ket, 1)),
mod1($(cmax + 1), size(ket, 2)),
]),
(
(i == 1 ? :C_NE_2 : Symbol(:E_E_virtual, i - 1)),
Symbol(:E_E_top, i),
Symbol(:E_E_bot, i),
),
((i == gridsize[1] ? :C_SE_1 : Symbol(:E_E_virtual, i)),),
)
end
edges_S = map(1:gridsize[2]) do i
return tensorexpr(
:(env.edges[
SOUTH,
mod1($(rmax + 1), size(ket, 1)),
mod1($(cmin + i - 1), size(ket, 2)),
]),
(
(i == gridsize[2] ? :C_SE_2 : Symbol(:E_S_virtual, i)),
Symbol(:E_S_top, i),
Symbol(:E_S_bot, i),
),
((i == 1 ? :C_SW_1 : Symbol(:E_S_virtual, i - 1)),),
)
end
edges_W = map(1:gridsize[1]) do i
return tensorexpr(
:(env.edges[
WEST,
mod1($(rmin + i - 1), size(ket, 1)),
mod1($(cmin - 1), size(ket, 2)),
]),
(
(i == gridsize[1] ? :C_SW_2 : Symbol(:E_W_virtual, i)),
Symbol(:E_W_top, i),
Symbol(:E_W_bot, i),
),
((i == 1 ? :C_NW_1 : Symbol(:E_W_virtual, i - 1)),),
)
end
operator = tensorexpr(
:O, ntuple(i -> Symbol(:O_out_, i), N), ntuple(i -> Symbol(:O_in_, i), N)
)
bra = map(Iterators.product(1:gridsize[1], 1:gridsize[2])) do (i, j)
inds_id = findfirst(==(CartesianIndex(rmin + i - 1, cmin + j - 1)), cartesian_inds)
physical_label =
isnothing(inds_id) ? Symbol(:physical, i, "_", j) : Symbol(:O_out_, inds_id)
return tensorexpr(
:(bra[
mod1($(rmin + i - 1), size(bra, 1)), mod1($(cmin + j - 1), size(bra, 2))
]),
(physical_label,),
(
(i == 1 ? Symbol(:E_N_bot, j) : Symbol(:bra_vertical, i - 1, "_", j)),
(
if j == gridsize[2]
Symbol(:E_E_bot, i)
else
Symbol(:bra_horizontal, i, "_", j)
end
),
(
if i == gridsize[1]
Symbol(:E_S_bot, j)
else
Symbol(:bra_vertical, i, "_", j)
end
),
(j == 1 ? Symbol(:E_W_bot, i) : Symbol(:bra_horizontal, i, "_", j - 1)),
),
)
end
ket = map(Iterators.product(1:gridsize[1], 1:gridsize[2])) do (i, j)
inds_id = findfirst(==(CartesianIndex(rmin + i - 1, cmin + j - 1)), cartesian_inds)
physical_label =
isnothing(inds_id) ? Symbol(:physical, i, "_", j) : Symbol(:O_in_, inds_id)
return tensorexpr(
:(ket[
mod1($(rmin + i - 1), size(ket, 1)), mod1($(cmin + j - 1), size(ket, 2))
]),
(physical_label,),
(
(i == 1 ? Symbol(:E_N_top, j) : Symbol(:ket_vertical, i - 1, "_", j)),
(
if j == gridsize[2]
Symbol(:E_E_top, i)
else
Symbol(:ket_horizontal, i, "_", j)
end
),
(
if i == gridsize[1]
Symbol(:E_S_top, j)
else
Symbol(:ket_vertical, i, "_", j)
end
),
(j == 1 ? Symbol(:E_W_top, i) : Symbol(:ket_horizontal, i, "_", j - 1)),
),
)
end
multiplication_ex = Expr(
:call,
:*,
corner_NW,
corner_NE,
corner_SE,
corner_SW,
edges_N...,
edges_E...,
edges_S...,
edges_W...,
ket...,
map(x -> Expr(:call, :conj, x), bra)...,
operator,
)
opt_ex = Expr(:tuple)
allinds = TensorOperations.getallindices(multiplication_ex)
for label in allinds
if startswith(String(label), "physical") || startswith(String(label), "O")
push!(opt_ex.args, :($label => $PEPS_PHYSICALDIM))
elseif startswith(String(label), "ket") || startswith(String(label), "bra")
push!(opt_ex.args, :($label => $PEPS_BONDDIM))
else
push!(opt_ex.args, :($label => $PEPS_ENVBONDDIM))
end
end
return quote
@tensor opt = $opt_ex $multiplication_ex
end
end
"""
contract_localnorm(inds, peps, env)
Contract a local norm of the PEPS `peps` around indices `inds`.
"""
function contract_localnorm(
inds::NTuple{N,CartesianIndex{2}}, ket::InfinitePEPS, bra::InfinitePEPS, env::CTMRGEnv
) where {N}
static_inds = Val.(inds)
return _contract_localnorm(static_inds, ket, bra, env)
end
function contract_localnorm(
inds::NTuple{N,Tuple{Int,Int}}, ket::InfinitePEPS, bra::InfinitePEPS, env::CTMRGEnv
) where {N}
return contract_localnorm(CartesianIndex.(inds), ket, bra, env)
end
@generated function _contract_localnorm(
inds::NTuple{N,Val}, ket::InfinitePEPS, bra::InfinitePEPS, env::CTMRGEnv
) where {N}
cartesian_inds = collect(CartesianIndex{2}, map(x -> x.parameters[1], inds.parameters)) # weird hack to extract information from Val
if !allunique(cartesian_inds)
throw(ArgumentError("Indices should not overlap: $cartesian_inds."))
end
rmin, rmax = extrema(getindex.(cartesian_inds, 1))
cmin, cmax = extrema(getindex.(cartesian_inds, 2))
gridsize = (rmax - rmin + 1, cmax - cmin + 1)
corner_NW = tensorexpr(
:(env.corners[
NORTHWEST, mod1($(rmin - 1), size(ket, 1)), mod1($(cmin - 1), size(ket, 2))
]),
(:C_NW_1,),
(:C_NW_2,),
)
corner_NE = tensorexpr(
:(env.corners[
NORTHEAST, mod1($(rmin - 1), size(ket, 1)), mod1($(cmax + 1), size(ket, 2))
]),
(:C_NE_1,),
(:C_NE_2,),
)
corner_SE = tensorexpr(
:(env.corners[
SOUTHEAST, mod1($(rmax + 1), size(ket, 1)), mod1($(cmax + 1), size(ket, 2))
]),
(:C_SE_1,),
(:C_SE_2,),
)
corner_SW = tensorexpr(
:(env.corners[
SOUTHWEST, mod1($(rmax + 1), size(ket, 1)), mod1($(cmin - 1), size(ket, 2))
]),
(:C_SW_1,),
(:C_SW_2,),
)
edges_N = map(1:gridsize[2]) do i
return tensorexpr(
:(env.edges[
NORTH,
mod1($(rmin - 1), size(ket, 1)),
mod1($(cmin + i - 1), size(ket, 2)),
]),
(
(i == 1 ? :C_NW_2 : Symbol(:E_N_virtual, i - 1)),
Symbol(:E_N_top, i),
Symbol(:E_N_bot, i),
),
((i == gridsize[2] ? :C_NE_1 : Symbol(:E_N_virtual, i)),),
)
end
edges_E = map(1:gridsize[1]) do i
return tensorexpr(
:(env.edges[
EAST,
mod1($(rmin + i - 1), size(ket, 1)),
mod1($(cmax + 1), size(ket, 2)),
]),
(
(i == 1 ? :C_NE_2 : Symbol(:E_E_virtual, i - 1)),
Symbol(:E_E_top, i),
Symbol(:E_E_bot, i),
),
((i == gridsize[1] ? :C_SE_1 : Symbol(:E_E_virtual, i)),),
)
end
edges_S = map(1:gridsize[2]) do i
return tensorexpr(
:(env.edges[
SOUTH,
mod1($(rmax + 1), size(ket, 1)),
mod1($(cmin + i - 1), size(ket, 2)),
]),
(
(i == gridsize[2] ? :C_SE_2 : Symbol(:E_S_virtual, i)),
Symbol(:E_S_top, i),
Symbol(:E_S_bot, i),
),
((i == 1 ? :C_SW_1 : Symbol(:E_S_virtual, i - 1)),),
)
end
edges_W = map(1:gridsize[1]) do i
return tensorexpr(
:(env.edges[
WEST,
mod1($(rmin + i - 1), size(ket, 1)),
mod1($(cmin - 1), size(ket, 2)),
]),
(
(i == gridsize[1] ? :C_SW_2 : Symbol(:E_W_virtual, i)),
Symbol(:E_W_top, i),
Symbol(:E_W_bot, i),
),
((i == 1 ? :C_NW_1 : Symbol(:E_W_virtual, i - 1)),),
)
end
bra = map(Iterators.product(1:gridsize[1], 1:gridsize[2])) do (i, j)
return tensorexpr(
:(bra[
mod1($(rmin + i - 1), size(ket, 1)), mod1($(cmin + j - 1), size(ket, 2))
]),
(Symbol(:physical, i, "_", j),),
(
(i == 1 ? Symbol(:E_N_bot, j) : Symbol(:bra_vertical, i - 1, "_", j)),
(
if j == gridsize[2]
Symbol(:E_E_bot, i)
else
Symbol(:bra_horizontal, i, "_", j)
end
),
(
if i == gridsize[1]
Symbol(:E_S_bot, j)
else
Symbol(:bra_vertical, i, "_", j)
end
),
(j == 1 ? Symbol(:E_W_bot, i) : Symbol(:bra_horizontal, i, "_", j - 1)),
),
)
end
ket = map(Iterators.product(1:gridsize[1], 1:gridsize[2])) do (i, j)
return tensorexpr(
:(ket[
mod1($(rmin + i - 1), size(ket, 1)), mod1($(cmin + j - 1), size(ket, 2))
]),
(Symbol(:physical, i, "_", j),),
(
(i == 1 ? Symbol(:E_N_top, j) : Symbol(:ket_vertical, i - 1, "_", j)),
(
if j == gridsize[2]
Symbol(:E_E_top, i)
else
Symbol(:ket_horizontal, i, "_", j)
end
),
(
if i == gridsize[1]
Symbol(:E_S_top, j)
else
Symbol(:ket_vertical, i, "_", j)
end
),
(j == 1 ? Symbol(:E_W_top, i) : Symbol(:ket_horizontal, i, "_", j - 1)),
),
)
end
multiplication_ex = Expr(
:call,
:*,
corner_NW,
corner_NE,
corner_SE,
corner_SW,
edges_N...,
edges_E...,
edges_S...,
edges_W...,
ket...,
map(x -> Expr(:call, :conj, x), bra)...,
)
opt_ex = Expr(:tuple)
allinds = TensorOperations.getallindices(multiplication_ex)
for label in allinds
if startswith(String(label), "physical")
push!(opt_ex.args, :($label => $PEPS_PHYSICALDIM))
elseif startswith(String(label), "ket") || startswith(String(label), "bra")
push!(opt_ex.args, :($label => $PEPS_BONDDIM))
else
push!(opt_ex.args, :($label => $PEPS_ENVBONDDIM))
end
end
return quote
@tensor opt = $opt_ex $multiplication_ex
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 15797 | """
FixedSpaceTruncation <: TensorKit.TruncationScheme
CTMRG specific truncation scheme for `tsvd` which keeps the bond space on which the SVD
is performed fixed. Since different environment directions and unit cell entries might
have different spaces, this truncation style is different from `TruncationSpace`.
"""
struct FixedSpaceTruncation <: TensorKit.TruncationScheme end
"""
struct ProjectorAlg{S}(; svd_alg=TensorKit.SVD(), trscheme=TensorKit.notrunc(),
fixedspace=false, verbosity=0)
Algorithm struct collecting all projector related parameters. The truncation scheme has to be
a `TensorKit.TruncationScheme`, and some SVD algorithms might have further restrictions on what
kind of truncation scheme can be used. If `fixedspace` is true, the truncation scheme is set to
`truncspace(V)` where `V` is the environment bond space, adjusted to the corresponding
environment direction/unit cell entry.
"""
@kwdef struct ProjectorAlg{S<:SVDAdjoint,T}
svd_alg::S = SVDAdjoint()
trscheme::T = FixedSpaceTruncation()
verbosity::Int = 0
end
# TODO: add option for different projector styles (half-infinite, full-infinite, etc.)
function truncation_scheme(alg::ProjectorAlg, edge)
if alg.trscheme isa FixedSpaceTruncation
return truncspace(space(edge, 1))
else
return alg.trscheme
end
end
function svd_algorithm(alg::ProjectorAlg, (dir, r, c))
if alg.svd_alg isa SVDAdjoint{<:FixedSVD}
fwd_alg = alg.svd_alg.fwd_alg
fix_svd = FixedSVD(fwd_alg.U[dir, r, c], fwd_alg.S[dir, r, c], fwd_alg.V[dir, r, c])
return SVDAdjoint(; fwd_alg=fix_svd, rrule_alg=alg.svd_alg.rrule_alg)
else
return alg.svd_alg
end
end
"""
CTMRG(; tol=Defaults.ctmrg_tol, maxiter=Defaults.ctmrg_maxiter,
miniter=Defaults.ctmrg_miniter, verbosity=0,
svd_alg=SVDAdjoint(), trscheme=FixedSpaceTruncation(),
ctmrgscheme=Defaults.ctmrgscheme)
Algorithm struct that represents the CTMRG algorithm for contracting infinite PEPS.
Each CTMRG run is converged up to `tol` where the singular value convergence of the
corners as well as the norm is checked. The maximal and minimal number of CTMRG iterations
is set with `maxiter` and `miniter`. Different levels of output information are printed
depending on `verbosity`, where `0` suppresses all output, `1` only prints warnings, `2`
gives information at the start and end, and `3` prints information every iteration.
The projectors are computed from `svd_alg` SVDs where the truncation scheme is set via
`trscheme`.
In general, two different schemes can be selected with `ctmrgscheme` which determine how
CTMRG is implemented. It can either be `:sequential`, where the projectors are succesively
computed on the western side, and then applied and rotated. Or with `:simultaneous` all projectors
are computed and applied simultaneously on all sides, where in particular the corners get
contracted with two projectors at the same time.
"""
struct CTMRG{S}
tol::Float64
maxiter::Int
miniter::Int
verbosity::Int
projector_alg::ProjectorAlg
end
function CTMRG(;
tol=Defaults.ctmrg_tol,
maxiter=Defaults.ctmrg_maxiter,
miniter=Defaults.ctmrg_miniter,
verbosity=2,
svd_alg=SVDAdjoint(),
trscheme=FixedSpaceTruncation(),
ctmrgscheme::Symbol=Defaults.ctmrgscheme,
)
return CTMRG{ctmrgscheme}(
tol, maxiter, miniter, verbosity, ProjectorAlg(; svd_alg, trscheme, verbosity)
)
end
ctmrgscheme(::CTMRG{S}) where {S} = S
# aliases for the different CTMRG schemes
const SequentialCTMRG = CTMRG{:sequential}
const SimultaneousCTMRG = CTMRG{:simultaneous}
"""
MPSKit.leading_boundary([envinit], state, alg::CTMRG)
Contract `state` using CTMRG and return the CTM environment.
Per default, a random initial environment is used.
"""
function MPSKit.leading_boundary(state, alg::CTMRG)
return MPSKit.leading_boundary(CTMRGEnv(state, oneunit(spacetype(state))), state, alg)
end
function MPSKit.leading_boundary(envinit, state, alg::CTMRG)
CS = map(x -> tsvd(x; alg=TensorKit.SVD())[2], envinit.corners)
TS = map(x -> tsvd(x; alg=TensorKit.SVD())[2], envinit.edges)
η = one(real(scalartype(state)))
N = norm(state, envinit)
env = deepcopy(envinit)
log = ignore_derivatives(() -> MPSKit.IterLog("CTMRG"))
return LoggingExtras.withlevel(; alg.verbosity) do
ctmrg_loginit!(log, η, N)
for iter in 1:(alg.maxiter)
env, = ctmrg_iter(state, env, alg) # Grow and renormalize in all 4 directions
η, CS, TS = calc_convergence(env, CS, TS)
N = norm(state, env)
ctmrg_logiter!(log, iter, η, N)
if η ≤ alg.tol
ctmrg_logfinish!(log, iter, η, N)
break
end
if iter == alg.maxiter
ctmrg_logcancel!(log, iter, η, N)
else
ctmrg_logiter!(log, iter, η, N)
end
end
return env
end
end
"""
ctmrg_iter(state, envs::CTMRGEnv, alg::CTMRG) -> envs′, info
Perform one iteration of CTMRG that maps the `state` and `envs` to a new environment,
and also returns the truncation error.
"""
function ctmrg_iter(state, envs::CTMRGEnv, alg::SequentialCTMRG)
ϵ = zero(real(scalartype(state)))
for _ in 1:4
# left move
enlarged_envs = ctmrg_expand(state, envs, alg)
projectors, info = ctmrg_projectors(enlarged_envs, envs, alg)
envs = ctmrg_renormalize(projectors, state, envs, alg)
# rotate
state = rotate_north(state, EAST)
envs = rotate_north(envs, EAST)
ϵ = max(ϵ, info.err)
end
return envs, (; err=ϵ)
end
function ctmrg_iter(state, envs::CTMRGEnv, alg::SimultaneousCTMRG)
enlarged_envs = ctmrg_expand(state, envs, alg)
projectors, info = ctmrg_projectors(enlarged_envs, envs, alg)
envs′ = ctmrg_renormalize(enlarged_envs, projectors, state, envs, alg)
return envs′, info
end
ctmrg_loginit!(log, η, N) = @infov 2 loginit!(log, η, N)
ctmrg_logiter!(log, iter, η, N) = @infov 3 logiter!(log, iter, η, N)
ctmrg_logfinish!(log, iter, η, N) = @infov 2 logfinish!(log, iter, η, N)
ctmrg_logcancel!(log, iter, η, N) = @warnv 1 logcancel!(log, iter, η, N)
@non_differentiable ctmrg_loginit!(args...)
@non_differentiable ctmrg_logiter!(args...)
@non_differentiable ctmrg_logfinish!(args...)
@non_differentiable ctmrg_logcancel!(args...)
# ======================================================================================== #
# Expansion step
# ======================================================================================== #
"""
ctmrg_expand(state, envs, alg::CTMRG{M})
Expand the environment by absorbing a new PEPS tensor.
There are two modes of expansion: `M = :sequential` and `M = :simultaneous`.
The first mode expands the environment in one direction at a time, for convenience towards
the left. The second mode expands the environment in all four directions simultaneously.
"""
function ctmrg_expand(state, envs::CTMRGEnv{C,T}, ::SequentialCTMRG) where {C,T}
Qtype = tensormaptype(spacetype(C), 3, 3, storagetype(C))
Q_sw = Zygote.Buffer(envs.corners, Qtype, axes(state)...)
Q_nw = Zygote.Buffer(envs.corners, Qtype, axes(state)...)
directions = collect(Iterators.product(axes(state)...))
# @fwdthreads for (r, c) in directions
for (r, c) in directions
Q_sw[r, c] = enlarge_southwest_corner((r, c), envs, state)
Q_nw[r, c] = enlarge_northwest_corner((r, c), envs, state)
end
return copy(Q_sw), copy(Q_nw)
end
function ctmrg_expand(state, envs::CTMRGEnv{C,T}, ::SimultaneousCTMRG) where {C,T}
Qtype = tensormaptype(spacetype(C), 3, 3, storagetype(C))
Q = Zygote.Buffer(Array{Qtype,3}(undef, size(envs.corners)))
drc_combinations = collect(Iterators.product(axes(envs.corners)...))
@fwdthreads for (dir, r, c) in drc_combinations
Q[dir, r, c] = if dir == NORTHWEST
enlarge_northwest_corner((r, c), envs, state)
elseif dir == NORTHEAST
enlarge_northeast_corner((r, c), envs, state)
elseif dir == SOUTHEAST
enlarge_southeast_corner((r, c), envs, state)
elseif dir == SOUTHWEST
enlarge_southwest_corner((r, c), envs, state)
end
end
return copy(Q)
end
# ======================================================================================== #
# Projector step
# ======================================================================================== #
"""
ctmrg_projectors(Q, env, alg::CTMRG{M})
"""
function ctmrg_projectors(
enlarged_envs, envs::CTMRGEnv{C,E}, alg::SequentialCTMRG
) where {C,E}
projector_alg = alg.projector_alg
# pre-allocation
Prtype = tensormaptype(spacetype(E), numin(E), numout(E), storagetype(E))
P_bottom = Zygote.Buffer(envs.edges, axes(envs.corners, 2), axes(envs.corners, 3))
P_top = Zygote.Buffer(envs.edges, Prtype, axes(envs.corners, 2), axes(envs.corners, 3))
ϵ = zero(real(scalartype(envs)))
directions = collect(Iterators.product(axes(envs.corners, 2), axes(envs.corners, 3)))
# @fwdthreads for (r, c) in directions
for (r, c) in directions
# SVD half-infinite environment
r′ = _prev(r, size(envs.corners, 2))
QQ = halfinfinite_environment(enlarged_envs[1][r, c], enlarged_envs[2][r′, c])
trscheme = truncation_scheme(projector_alg, envs.edges[WEST, r′, c])
svd_alg = svd_algorithm(projector_alg, (WEST, r, c))
U, S, V, ϵ_local = PEPSKit.tsvd!(QQ, svd_alg; trunc=trscheme)
ϵ = max(ϵ, ϵ_local / norm(S))
# Compute SVD truncation error and check for degenerate singular values
ignore_derivatives() do
if alg.verbosity > 0 && is_degenerate_spectrum(S)
svals = TensorKit.SectorDict(c => diag(b) for (c, b) in blocks(S))
@warn("degenerate singular values detected: ", svals)
end
end
# Compute projectors
P_bottom[r, c], P_top[r, c] = build_projectors(
U, S, V, enlarged_envs[1][r, c], enlarged_envs[2][r′, c]
)
end
return (copy(P_bottom), copy(P_top)), (; err=ϵ)
end
function ctmrg_projectors(
enlarged_envs, envs::CTMRGEnv{C,E}, alg::SimultaneousCTMRG
) where {C,E}
projector_alg = alg.projector_alg
# pre-allocation
P_left, P_right = Zygote.Buffer.(projector_type(envs.edges))
U, V = Zygote.Buffer.(projector_type(envs.edges))
# Corner type but with real numbers
S = Zygote.Buffer(U.data, tensormaptype(spacetype(C), 1, 1, real(scalartype(E))))
ϵ = zero(real(scalartype(envs)))
drc_combinations = collect(Iterators.product(axes(envs.corners)...))
@fwdthreads for (dir, r, c) in drc_combinations
# Row-column index of next enlarged corner
next_rc = if dir == 1
(r, _next(c, size(envs.corners, 3)))
elseif dir == 2
(_next(r, size(envs.corners, 2)), c)
elseif dir == 3
(r, _prev(c, size(envs.corners, 3)))
elseif dir == 4
(_prev(r, size(envs.corners, 2)), c)
end
# SVD half-infinite environment
QQ = halfinfinite_environment(
enlarged_envs[dir, r, c], enlarged_envs[_next(dir, 4), next_rc...]
)
trscheme = truncation_scheme(projector_alg, envs.edges[dir, next_rc...])
svd_alg = svd_algorithm(projector_alg, (dir, r, c))
U_local, S_local, V_local, ϵ_local = PEPSKit.tsvd!(QQ, svd_alg; trunc=trscheme)
U[dir, r, c] = U_local
S[dir, r, c] = S_local
V[dir, r, c] = V_local
ϵ = max(ϵ, ϵ_local / norm(S_local))
# Compute SVD truncation error and check for degenerate singular values
ignore_derivatives() do
if alg.verbosity > 0 && is_degenerate_spectrum(S_local)
svals = TensorKit.SectorDict(c => diag(b) for (c, b) in blocks(S_local))
@warn("degenerate singular values detected: ", svals)
end
end
# Compute projectors
P_left[dir, r, c], P_right[dir, r, c] = build_projectors(
U_local,
S_local,
V_local,
enlarged_envs[dir, r, c],
enlarged_envs[_next(dir, 4), next_rc...],
)
end
return (copy(P_left), copy(P_right)), (; err=ϵ, U=copy(U), S=copy(S), V=copy(V))
end
# ======================================================================================== #
# Renormalization step
# ======================================================================================== #
"""
ctmrg_renormalize(enlarged_envs, projectors, state, envs, alg::CTMRG{M})
Apply projectors to renormalize corners and edges.
"""
function ctmrg_renormalize(projectors, state, envs, ::SequentialCTMRG)
corners = Zygote.Buffer(envs.corners)
edges = Zygote.Buffer(envs.edges)
# copy environments that do not participate
for dir in (NORTHEAST, SOUTHEAST)
for r in axes(envs.corners, 2), c in axes(envs.corners, 3)
corners[dir, r, c] = envs.corners[dir, r, c]
end
end
for dir in (NORTH, EAST, SOUTH)
for r in axes(envs.corners, 2), c in axes(envs.corners, 3)
edges[dir, r, c] = envs.edges[dir, r, c]
end
end
# Apply projectors to renormalize corners and edges
coordinates = collect(Iterators.product(axes(state)...))
# @fwdthreads for (r, c) in coordinates
for (r, c) in coordinates
C_southwest = renormalize_bottom_corner((r, c), envs, projectors)
corners[SOUTHWEST, r, c] = C_southwest / norm(C_southwest)
C_northwest = renormalize_top_corner((r, c), envs, projectors)
corners[NORTHWEST, r, c] = C_northwest / norm(C_northwest)
E_west = renormalize_west_edge((r, c), envs, projectors, state)
edges[WEST, r, c] = E_west / norm(E_west)
end
return CTMRGEnv(copy(corners), copy(edges))
end
function ctmrg_renormalize(enlarged_envs, projectors, state, envs, ::SimultaneousCTMRG)
corners = Zygote.Buffer(envs.corners)
edges = Zygote.Buffer(envs.edges)
P_left, P_right = projectors
drc_combinations = collect(Iterators.product(axes(envs.corners)...))
@fwdthreads for (dir, r, c) in drc_combinations
if dir == NORTH
corner = renormalize_northwest_corner((r, c), enlarged_envs, P_left, P_right)
edge = renormalize_north_edge((r, c), envs, P_left, P_right, state)
elseif dir == EAST
corner = renormalize_northeast_corner((r, c), enlarged_envs, P_left, P_right)
edge = renormalize_east_edge((r, c), envs, P_left, P_right, state)
elseif dir == SOUTH
corner = renormalize_southeast_corner((r, c), enlarged_envs, P_left, P_right)
edge = renormalize_south_edge((r, c), envs, P_left, P_right, state)
elseif dir == WEST
corner = renormalize_southwest_corner((r, c), enlarged_envs, P_left, P_right)
edge = renormalize_west_edge((r, c), envs, P_left, P_right, state)
end
corners[dir, r, c] = corner / norm(corner)
edges[dir, r, c] = edge / norm(edge)
end
return CTMRGEnv(copy(corners), copy(edges))
end
# ======================================================================================== #
# Auxiliary routines
# ======================================================================================== #
# Build projectors from SVD and enlarged SW & NW corners
function build_projectors(
U::AbstractTensorMap{E,3,1}, S, V::AbstractTensorMap{E,1,3}, Q, Q_next
) where {E<:ElementarySpace}
isqS = sdiag_inv_sqrt(S)
P_left = Q_next * V' * isqS
P_right = isqS * U' * Q
return P_left, P_right
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 7722 | """
gauge_fix(envprev::CTMRGEnv{C,T}, envfinal::CTMRGEnv{C,T}) where {C,T}
Fix the gauge of `envfinal` based on the previous environment `envprev`.
This assumes that the `envfinal` is the result of one CTMRG iteration on `envprev`.
Given that the CTMRG run is converged, the returned environment will be
element-wise converged to `envprev`.
"""
function gauge_fix(envprev::CTMRGEnv{C,T}, envfinal::CTMRGEnv{C,T}) where {C,T}
# Check if spaces in envprev and envfinal are the same
same_spaces = map(Iterators.product(axes(envfinal.edges)...)) do (dir, r, c)
space(envfinal.edges[dir, r, c]) == space(envprev.edges[dir, r, c]) &&
space(envfinal.corners[dir, r, c]) == space(envprev.corners[dir, r, c])
end
@assert all(same_spaces) "Spaces of envprev and envfinal are not the same"
# Try the "general" algorithm from https://arxiv.org/abs/2311.11894
signs = map(Iterators.product(axes(envfinal.edges)...)) do (dir, r, c)
# Gather edge tensors and pretend they're InfiniteMPSs
if dir == NORTH
Tsprev = circshift(envprev.edges[dir, r, :], 1 - c)
Tsfinal = circshift(envfinal.edges[dir, r, :], 1 - c)
elseif dir == EAST
Tsprev = circshift(envprev.edges[dir, :, c], 1 - r)
Tsfinal = circshift(envfinal.edges[dir, :, c], 1 - r)
elseif dir == SOUTH
Tsprev = circshift(reverse(envprev.edges[dir, r, :]), c)
Tsfinal = circshift(reverse(envfinal.edges[dir, r, :]), c)
elseif dir == WEST
Tsprev = circshift(reverse(envprev.edges[dir, :, c]), r)
Tsfinal = circshift(reverse(envfinal.edges[dir, :, c]), r)
end
# Random MPS of same bond dimension
M = map(Tsfinal) do t
TensorMap(randn, scalartype(t), codomain(t) ← domain(t))
end
# Find right fixed points of mixed transfer matrices
ρinit = TensorMap(
randn,
scalartype(T),
MPSKit._lastspace(Tsfinal[end])' ← MPSKit._lastspace(M[end])',
)
ρprev = transfermatrix_fixedpoint(Tsprev, M, ρinit)
ρfinal = transfermatrix_fixedpoint(Tsfinal, M, ρinit)
# Decompose and multiply
Qprev, = leftorth!(ρprev)
Qfinal, = leftorth!(ρfinal)
return Qprev * Qfinal'
end
cornersfix, edgesfix = fix_relative_phases(envfinal, signs)
return fix_global_phases(envprev, CTMRGEnv(cornersfix, edgesfix)), signs
end
# this is a bit of a hack to get the fixed point of the mixed transfer matrix
# because MPSKit is not compatible with AD
function transfermatrix_fixedpoint(tops, bottoms, ρinit)
_, vecs, info = eigsolve(ρinit, 1, :LM, Arnoldi()) do ρ
return foldr(zip(tops, bottoms); init=ρ) do (top, bottom), ρ
return @tensor ρ′[-1; -2] := top[-1 4 3; 1] * conj(bottom[-2 4 3; 2]) * ρ[1; 2]
end
end
info.converged > 0 || @warn "eigsolve did not converge"
return first(vecs)
end
# Explicit fixing of relative phases (doing this compactly in a loop is annoying)
function fix_relative_phases(envfinal::CTMRGEnv, signs)
corners_fixed = map(Iterators.product(axes(envfinal.corners)...)) do (dir, r, c)
if dir == NORTHWEST
fix_gauge_northwest_corner((r, c), envfinal, signs)
elseif dir == NORTHEAST
fix_gauge_northeast_corner((r, c), envfinal, signs)
elseif dir == SOUTHEAST
fix_gauge_southeast_corner((r, c), envfinal, signs)
elseif dir == SOUTHWEST
fix_gauge_southwest_corner((r, c), envfinal, signs)
end
end
edges_fixed = map(Iterators.product(axes(envfinal.corners)...)) do (dir, r, c)
if dir == NORTHWEST
fix_gauge_north_edge((r, c), envfinal, signs)
elseif dir == NORTHEAST
fix_gauge_east_edge((r, c), envfinal, signs)
elseif dir == SOUTHEAST
fix_gauge_south_edge((r, c), envfinal, signs)
elseif dir == SOUTHWEST
fix_gauge_west_edge((r, c), envfinal, signs)
end
end
return corners_fixed, edges_fixed
end
function fix_relative_phases(
U::Array{Ut,3}, V::Array{Vt,3}, signs
) where {Ut<:AbstractTensorMap,Vt<:AbstractTensorMap}
U_fixed = map(Iterators.product(axes(U)...)) do (dir, r, c)
if dir == NORTHWEST
fix_gauge_north_left_vecs((r, c), U, signs)
elseif dir == NORTHEAST
fix_gauge_east_left_vecs((r, c), U, signs)
elseif dir == SOUTHEAST
fix_gauge_south_left_vecs((r, c), U, signs)
elseif dir == SOUTHWEST
fix_gauge_west_left_vecs((r, c), U, signs)
end
end
V_fixed = map(Iterators.product(axes(V)...)) do (dir, r, c)
if dir == NORTHWEST
fix_gauge_north_right_vecs((r, c), V, signs)
elseif dir == NORTHEAST
fix_gauge_east_right_vecs((r, c), V, signs)
elseif dir == SOUTHEAST
fix_gauge_south_right_vecs((r, c), V, signs)
elseif dir == SOUTHWEST
fix_gauge_west_right_vecs((r, c), V, signs)
end
end
return U_fixed, V_fixed
end
# Fix global phases of corners and edges via dot product (to ensure compatibility with symm. tensors)
function fix_global_phases(envprev::CTMRGEnv, envfix::CTMRGEnv)
cornersgfix = map(zip(envprev.corners, envfix.corners)) do (Cprev, Cfix)
φ = dot(Cprev, Cfix)
φ' * Cfix
end
edgesgfix = map(zip(envprev.edges, envfix.edges)) do (Tprev, Tfix)
φ = dot(Tprev, Tfix)
φ' * Tfix
end
return CTMRGEnv(cornersgfix, edgesgfix)
end
function calc_convergence(envs, CSold, TSold)
CSnew = map(x -> tsvd(x; alg=TensorKit.SVD())[2], envs.corners)
ΔCS = maximum(zip(CSold, CSnew)) do (c_old, c_new)
# only compute the difference on the smallest part of the spaces
smallest = infimum(MPSKit._firstspace(c_old), MPSKit._firstspace(c_new))
e_old = isometry(MPSKit._firstspace(c_old), smallest)
e_new = isometry(MPSKit._firstspace(c_new), smallest)
return norm(e_new' * c_new * e_new - e_old' * c_old * e_old)
end
TSnew = map(x -> tsvd(x; alg=TensorKit.SVD())[2], envs.edges)
ΔTS = maximum(zip(TSold, TSnew)) do (t_old, t_new)
MPSKit._firstspace(t_old) == MPSKit._firstspace(t_new) ||
return scalartype(t_old)(Inf)
return norm(t_new - t_old)
end
@debug "maxᵢ|Cⁿ⁺¹ - Cⁿ|ᵢ = $ΔCS maxᵢ|Tⁿ⁺¹ - Tⁿ|ᵢ = $ΔTS"
return max(ΔCS, ΔTS), CSnew, TSnew
end
@non_differentiable calc_convergence(args...)
"""
calc_elementwise_convergence(envfinal, envfix; atol=1e-6)
Check if the element-wise difference of the corner and edge tensors of the final and fixed
CTMRG environments are below some tolerance.
"""
function calc_elementwise_convergence(envfinal::CTMRGEnv, envfix::CTMRGEnv; atol::Real=1e-6)
ΔC = envfinal.corners .- envfix.corners
ΔCmax = norm(ΔC, Inf)
ΔCmean = norm(ΔC)
@debug "maxᵢⱼ|Cⁿ⁺¹ - Cⁿ|ᵢⱼ = $ΔCmax mean |Cⁿ⁺¹ - Cⁿ|ᵢⱼ = $ΔCmean"
ΔT = envfinal.edges .- envfix.edges
ΔTmax = norm(ΔT, Inf)
ΔTmean = norm(ΔT)
@debug "maxᵢⱼ|Tⁿ⁺¹ - Tⁿ|ᵢⱼ = $ΔTmax mean |Tⁿ⁺¹ - Tⁿ|ᵢⱼ = $ΔTmean"
# Check differences for all tensors in unit cell to debug properly
for (dir, r, c) in Iterators.product(axes(envfinal.edges)...)
@debug(
"$((dir, r, c)): all |Cⁿ⁺¹ - Cⁿ|ᵢⱼ < ϵ: ",
all(x -> abs(x) < atol, convert(Array, ΔC[dir, r, c])),
)
@debug(
"$((dir, r, c)): all |Tⁿ⁺¹ - Tⁿ|ᵢⱼ < ϵ: ",
all(x -> abs(x) < atol, convert(Array, ΔT[dir, r, c])),
)
end
return max(ΔCmax, ΔTmax)
end
@non_differentiable calc_elementwise_convergence(args...)
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 15815 | """
struct CTMRGEnv{C,T}
Corner transfer-matrix environment containing unit-cell arrays of corner and edge tensors.
The last two indices of the arrays correspond to the row and column indices of the unit
cell, whereas the first index corresponds to the direction of the corner or edge tensor. The
directions are labeled in clockwise direction, starting from the north-west corner and north
edge respectively.
Given arrays of corners `c` and edges `t`, they connect to the PEPS tensors at site `(r, c)`
in the unit cell as:
```
c[1,r-1,c-1]---t[1,r-1,c]----c[2,r-1,c+1]
| || |
t[4,r,c-1]=====AA[r,c]=======t[2,r,c+1]
| || |
c[4,r+1,c-1]---t[3,r+1,c]----c[3,r+1,c+1]
```
# Fields
- `corners::Array{C,3}`: Array of corner tensors.
- `edges::Array{T,3}`: Array of edge tensors.
"""
struct CTMRGEnv{C,T}
corners::Array{C,3}
edges::Array{T,3}
end
_spacetype(::Int) = ComplexSpace
_spacetype(::S) where {S<:ElementarySpace} = S
_to_space(χ::Int) = ℂ^χ
_to_space(χ::ElementarySpace) = χ
function _corner_tensor(
f, ::Type{T}, left_vspace::S, right_vspace::S=left_vspace
) where {T,S<:Union{Int,ElementarySpace}}
return TensorMap(f, T, _to_space(left_vspace) ← _to_space(right_vspace))
end
function _edge_tensor(
f,
::Type{T},
left_vspace::S,
top_pspace::S,
bot_pspace::S=top_pspace,
right_vspace::S=left_vspace,
) where {T,S<:Union{Int,ElementarySpace}}
return TensorMap(
f,
T,
_to_space(left_vspace) ⊗ _to_space(top_pspace) ⊗ dual(_to_space(bot_pspace)) ←
_to_space(right_vspace),
)
end
"""
CTMRGEnv(
[f=randn, ComplexF64], Ds_north, Ds_east::A, chis_north::A, [chis_east::A], [chis_south::A], [chis_west::A]
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Construct a CTMRG environment by specifying matrices of north and east virtual spaces of the
corresponding [`InfinitePEPS`](@ref) and the north, east, south and west virtual spaces of
the environment. Each respective matrix entry corresponds to a site in the unit cell. By
default, the virtual environment spaces for all directions are taken to be the same.
The environment virtual spaces for each site correspond to the north or east virtual space
of the corresponding edge tensor for each direction. Specifically, for a given site
`(r, c)`, `chis_north[r, c]` corresponds to the east space of the north edge tensor,
`chis_east[r, c]` corresponds to the north space of the east edge tensor,
`chis_south[r, c]` corresponds to the east space of the south edge tensor, and
`chis_west[r, c]` corresponds to the north space of the west edge tensor.
"""
function CTMRGEnv(
Ds_north::A,
Ds_east::A,
chis_north::A,
chis_east::A=chis_north,
chis_south::A=chis_north,
chis_west::A=chis_north,
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
return CTMRGEnv(
randn, ComplexF64, Ds_north, Ds_east, chis_north, chis_east, chis_south, chis_west
)
end
function CTMRGEnv(
f,
T,
Ds_north::A,
Ds_east::A,
chis_north::A,
chis_east::A=chis_north,
chis_south::A=chis_north,
chis_west::A=chis_north,
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Ds_south = adjoint.(circshift(Ds_north, (-1, 0)))
Ds_west = adjoint.(circshift(Ds_east, (0, 1)))
# do the whole thing
st = _spacetype(first(Ds_north))
C_type = tensormaptype(st, 1, 1, T)
T_type = tensormaptype(st, 3, 1, T)
# First index is direction
corners = Array{C_type}(undef, 4, size(Ds_north)...)
edges = Array{T_type}(undef, 4, size(Ds_north)...)
for (r, c) in Iterators.product(axes(Ds_north)...)
edges[NORTH, r, c] = _edge_tensor(
f,
T,
chis_north[r, _prev(c, end)],
Ds_north[_next(r, end), c],
Ds_north[_next(r, end), c],
chis_north[r, c],
)
edges[EAST, r, c] = _edge_tensor(
f,
T,
chis_east[r, c],
Ds_east[r, _prev(c, end)],
Ds_east[r, _prev(c, end)],
chis_east[_next(r, end), c],
)
edges[SOUTH, r, c] = _edge_tensor(
f,
T,
chis_south[r, c],
Ds_south[_prev(r, end), c],
Ds_south[_prev(r, end), c],
chis_south[r, _prev(c, end)],
)
edges[WEST, r, c] = _edge_tensor(
f,
T,
chis_west[_next(r, end), c],
Ds_west[r, _next(c, end)],
Ds_west[r, _next(c, end)],
chis_west[r, c],
)
corners[NORTHWEST, r, c] = _corner_tensor(
f, T, chis_west[_next(r, end), c], chis_north[r, c]
)
corners[NORTHEAST, r, c] = _corner_tensor(
f, T, chis_north[r, _prev(c, end)], chis_east[_next(r, end), c]
)
corners[SOUTHEAST, r, c] = _corner_tensor(
f, T, chis_east[r, c], chis_south[r, _prev(c, end)]
)
corners[SOUTHWEST, r, c] = _corner_tensor(f, T, chis_south[r, c], chis_west[r, c])
end
corners[:, :, :] ./= norm.(corners[:, :, :])
edges[:, :, :] ./= norm.(edges[:, :, :])
return CTMRGEnv(corners, edges)
end
"""
CTMRGEnv(
[f=randn, ComplexF64], D_north::S, D_south::S, chi_north::S, [chi_east::S], [chi_south::S], [chi_west::S]; unitcell::Tuple{Int,Int}=(1, 1),
) where {S<:Union{Int,ElementarySpace}}
Construct a CTMRG environment by specifying the north and east virtual spaces of the
corresponding [`InfinitePEPS`](@ref) and the north, east, south and west virtual spaces of
the environment. The PEPS unit cell can be specified by the `unitcell` keyword argument. By
default, the virtual environment spaces for all directions are taken to be the same.
The environment virtual spaces for each site correspond to virtual space of the
corresponding edge tensor for each direction.
"""
function CTMRGEnv(
D_north::S,
D_south::S,
chi_north::S,
chi_east::S=chi_north,
chi_south::S=chi_north,
chi_west::S=chi_north;
unitcell::Tuple{Int,Int}=(1, 1),
) where {S<:Union{Int,ElementarySpace}}
return CTMRGEnv(
randn,
ComplexF64,
fill(D_north, unitcell),
fill(D_south, unitcell),
fill(chi_north, unitcell),
fill(chi_east, unitcell),
fill(chi_south, unitcell),
fill(chi_west, unitcell),
)
end
function CTMRGEnv(
f,
T,
D_north::S,
D_south::S,
chi_north::S,
chi_east::S=chi_north,
chi_south::S=chi_north,
chi_west::S=chi_north;
unitcell::Tuple{Int,Int}=(1, 1),
) where {S<:Union{Int,ElementarySpace}}
return CTMRGEnv(
f,
T,
fill(D_north, unitcell),
fill(D_south, unitcell),
fill(chi_north, unitcell),
fill(chi_east, unitcell),
fill(chi_south, unitcell),
fill(chi_west, unitcell),
)
end
"""
CTMRGEnv(
[f=randn, T=ComplexF64], peps::InfinitePEPS, chis_north::A, [chis_east::A], [chis_south::A], [chis_west::A]
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Construct a CTMRG environment by specifying a corresponding [`InfinitePEPS`](@ref), and the
north, east, south and west virtual spaces of the environment as matrices. Each respective
matrix entry corresponds to a site in the unit cell. By default, the virtual spaces for all
directions are taken to be the same.
The environment virtual spaces for each site correspond to the north or east virtual space
of the corresponding edge tensor for each direction. Specifically, for a given site
`(r, c)`, `chis_north[r, c]` corresponds to the east space of the north edge tensor,
`chis_east[r, c]` corresponds to the north space of the east edge tensor,
`chis_south[r, c]` corresponds to the east space of the south edge tensor, and
`chis_west[r, c]` corresponds to the north space of the west edge tensor.
"""
function CTMRGEnv(
peps::InfinitePEPS,
chis_north::A,
chis_east::A=chis_north,
chis_south::A=chis_north,
chis_west::A=chis_north,
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Ds_north = map(peps.A) do t
return adjoint(space(t, 2))
end
Ds_east = map(peps.A) do t
return adjoint(space(t, 3))
end
return CTMRGEnv(
randn,
ComplexF64,
Ds_north,
Ds_east,
_to_space.(chis_north),
_to_space.(chis_east),
_to_space.(chis_south),
_to_space.(chis_west),
)
end
function CTMRGEnv(
f,
T,
peps::InfinitePEPS,
chis_north::A,
chis_east::A=chis_north,
chis_south::A=chis_north,
chis_west::A=chis_north,
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Ds_north = map(peps.A) do t
return adjoint(space(t, 2))
end
Ds_east = map(peps.A) do t
return adjoint(space(t, 3))
end
return CTMRGEnv(
f,
T,
Ds_north,
Ds_east,
_to_space.(chis_north),
_to_space.(chis_east),
_to_space.(chis_south),
_to_space.(chis_west),
)
end
"""
CTMRGEnv(
peps::InfinitePEPS, chi_north::S, [chi_east::S], [chi_south::S], [chi_west::S],
) where {S<:Union{Int,ElementarySpace}}
Construct a CTMRG environment by specifying a corresponding [`InfinitePEPS`](@ref), and the
north, east, south and west virtual spaces of the environment. By default, the virtual
spaces for all directions are taken to be the same.
The environment virtual spaces for each site correspond to virtual space of the
corresponding edge tensor for each direction.
"""
function CTMRGEnv(
peps::InfinitePEPS,
chi_north::S,
chi_east::S=chi_north,
chi_south::S=chi_north,
chi_west::S=chi_north,
) where {S<:Union{Int,ElementarySpace}}
return CTMRGEnv(
peps,
fill(chi_north, size(peps)),
fill(chi_east, size(peps)),
fill(chi_south, size(peps)),
fill(chi_west, size(peps)),
)
end
function CTMRGEnv(
f,
T,
peps::InfinitePEPS,
chi_north::S,
chi_east::S=chi_north,
chi_south::S=chi_north,
chi_west::S=chi_north,
) where {S<:Union{Int,ElementarySpace}}
return CTMRGEnv(
f,
T,
peps,
fill(chi_north, size(peps)),
fill(chi_east, size(peps)),
fill(chi_south, size(peps)),
fill(chi_west, size(peps)),
)
end
@non_differentiable CTMRGEnv(peps::InfinitePEPS, args...)
# Custom adjoint for CTMRGEnv constructor, needed for fixed-point differentiation
function ChainRulesCore.rrule(::Type{CTMRGEnv}, corners, edges)
ctmrgenv_pullback(ē) = NoTangent(), ē.corners, ē.edges
return CTMRGEnv(corners, edges), ctmrgenv_pullback
end
# Custom adjoint for CTMRGEnv getproperty, to avoid creating named tuples in backward pass
function ChainRulesCore.rrule(::typeof(getproperty), e::CTMRGEnv, name::Symbol)
result = getproperty(e, name)
if name === :corners
function corner_pullback(Δcorners)
return NoTangent(), CTMRGEnv(Δcorners, zerovector.(e.edges)), NoTangent()
end
return result, corner_pullback
elseif name === :edges
function edge_pullback(Δedges)
return NoTangent(), CTMRGEnv(zerovector.(e.corners), Δedges), NoTangent()
end
return result, edge_pullback
else
# this should never happen because already errored in forwards pass
throw(ArgumentError("No rrule for getproperty of $name"))
end
end
# Rotate corners & edges counter-clockwise
function Base.rotl90(env::CTMRGEnv{C,T}) where {C,T}
# Initialize rotated corners & edges with rotated sizes
corners′ = Zygote.Buffer(
Array{C,3}(undef, 4, size(env.corners, 3), size(env.corners, 2))
)
edges′ = Zygote.Buffer(Array{T,3}(undef, 4, size(env.edges, 3), size(env.edges, 2)))
for dir in 1:4
corners′[_prev(dir, 4), :, :] = rotl90(env.corners[dir, :, :])
edges′[_prev(dir, 4), :, :] = rotl90(env.edges[dir, :, :])
end
return CTMRGEnv(copy(corners′), copy(edges′))
end
Base.eltype(env::CTMRGEnv) = eltype(env.corners[1])
# In-place update of environment
function update!(env::CTMRGEnv{C,T}, env´::CTMRGEnv{C,T}) where {C,T}
env.corners .= env´.corners
env.edges .= env´.edges
return env
end
# Functions used for FP differentiation and by KrylovKit.linsolve
function Base.:+(e₁::CTMRGEnv, e₂::CTMRGEnv)
return CTMRGEnv(e₁.corners + e₂.corners, e₁.edges + e₂.edges)
end
function Base.:-(e₁::CTMRGEnv, e₂::CTMRGEnv)
return CTMRGEnv(e₁.corners - e₂.corners, e₁.edges - e₂.edges)
end
Base.:*(α::Number, e::CTMRGEnv) = CTMRGEnv(α * e.corners, α * e.edges)
Base.similar(e::CTMRGEnv) = CTMRGEnv(similar(e.corners), similar(e.edges))
function LinearAlgebra.mul!(edst::CTMRGEnv, esrc::CTMRGEnv, α::Number)
edst.corners .= α * esrc.corners
edst.edges .= α * esrc.edges
return edst
end
function LinearAlgebra.rmul!(e::CTMRGEnv, α::Number)
rmul!(e.corners, α)
rmul!(e.edges, α)
return e
end
function LinearAlgebra.axpy!(α::Number, e₁::CTMRGEnv, e₂::CTMRGEnv)
e₂.corners .+= α * e₁.corners
e₂.edges .+= α * e₁.edges
return e₂
end
function LinearAlgebra.axpby!(α::Number, e₁::CTMRGEnv, β::Number, e₂::CTMRGEnv)
e₂.corners .= α * e₁.corners + β * e₂.corners
e₂.edges .= α * e₁.edges + β * e₂.edges
return e₂
end
function LinearAlgebra.dot(e₁::CTMRGEnv, e₂::CTMRGEnv)
return dot(e₁.corners, e₂.corners) + dot(e₁.edges, e₂.edges)
end
# VectorInterface
# ---------------
# Note: the following methods consider the environment tensors as separate components of one
# big vector. In other words, the associated vector space is not the natural one associated
# to the original (physical) system, and addition, scaling, etc. are performed element-wise.
import VectorInterface as VI
function VI.scalartype(::Type{CTMRGEnv{C,T}}) where {C,T}
S₁ = scalartype(C)
S₂ = scalartype(T)
return promote_type(S₁, S₂)
end
function VI.zerovector(env::CTMRGEnv, ::Type{S}) where {S<:Number}
_zerovector = Base.Fix2(zerovector, S)
return CTMRGEnv(map(_zerovector, env.corners), map(_zerovector, env.edges))
end
function VI.zerovector!(env::CTMRGEnv)
foreach(zerovector!, env.corners)
foreach(zerovector!, env.edges)
return env
end
VI.zerovector!!(env::CTMRGEnv) = zerovector!(env)
function VI.scale(env::CTMRGEnv, α::Number)
_scale = Base.Fix2(scale, α)
return CTMRGEnv(map(_scale, env.corners), map(_scale, env.edges))
end
function VI.scale!(env::CTMRGEnv, α::Number)
_scale! = Base.Fix2(scale!, α)
foreach(_scale!, env.corners)
foreach(_scale!, env.edges)
return env
end
function VI.scale!(env₁::CTMRGEnv, env₂::CTMRGEnv, α::Number)
_scale!(x, y) = scale!(x, y, α)
foreach(_scale!, env₁.corners, env₂.corners)
foreach(_scale!, env₁.edges, env₂.edges)
return env₁
end
VI.scale!!(env::CTMRGEnv, α::Number) = scale!(env, α)
VI.scale!!(env₁::CTMRGEnv, env₂::CTMRGEnv, α::Number) = scale!(env₁, env₂, α)
function VI.add(env₁::CTMRGEnv, env₂::CTMRGEnv, α::Number, β::Number)
_add(x, y) = add(x, y, α, β)
return CTMRGEnv(
map(_add, env₁.corners, env₂.corners), map(_add, env₁.edges, env₂.edges)
)
end
function VI.add!(env₁::CTMRGEnv, env₂::CTMRGEnv, α::Number, β::Number)
_add!(x, y) = add!(x, y, α, β)
foreach(_add!, env₁.corners, env₂.corners)
foreach(_add!, env₁.edges, env₂.edges)
return env₁
end
VI.add!!(env₁::CTMRGEnv, env₂::CTMRGEnv, α::Number, β::Number) = add!(env₁, env₂, α, β)
# Exploiting the fact that VectorInterface works for tuples:
function VI.inner(env₁::CTMRGEnv, env₂::CTMRGEnv)
return inner((env₁.corners, env₁.edges), (env₂.corners, env₂.edges))
end
VI.norm(env::CTMRGEnv) = norm((env.corners, env.edges))
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 3459 |
function MPSKit.environments(state::InfiniteMPS, O::InfiniteTransferPEPO; kwargs...)
return environments(
convert(MPSMultiline, state), convert(TransferPEPOMultiline, O); kwargs...
)
end
function MPSKit.environments(
state::MPSMultiline, O::TransferPEPOMultiline; solver=MPSKit.Defaults.eigsolver
)
(lw, rw) = MPSKit.mixed_fixpoints(state, O, state; solver)
return MPSKit.PerMPOInfEnv(nothing, O, state, solver, lw, rw, ReentrantLock())
end
function MPSKit.mixed_fixpoints(
above::MPSMultiline,
O::TransferPEPOMultiline,
below::MPSMultiline,
init=gen_init_fps(above, O, below);
solver=MPSKit.Defaults.eigsolver,
)
T = eltype(above)
(numrows, numcols) = size(above)
@assert size(above) == size(O)
@assert size(below) == size(O)
envtype = eltype(init[1])
lefties = PeriodicArray{envtype,2}(undef, numrows, numcols)
righties = PeriodicArray{envtype,2}(undef, numrows, numcols)
@threads for cr in 1:numrows
c_above = above[cr] # TODO: Update index convention to above[cr - 1]
c_below = below[cr + 1]
(L0, R0) = init[cr]
@sync begin
Threads.@spawn begin
E_LL = TransferMatrix($c_above.AL, $O[cr], $c_below.AL)
(_, Ls, convhist) = eigsolve(flip(E_LL), $L0, 1, :LM, $solver)
convhist.converged < 1 &&
@info "left eigenvalue failed to converge $(convhist.normres)"
L0 = first(Ls)
end
Threads.@spawn begin
E_RR = TransferMatrix($c_above.AR, $O[cr], $c_below.AR)
(_, Rs, convhist) = eigsolve(E_RR, $R0, 1, :LM, $solver)
convhist.converged < 1 &&
@info "right eigenvalue failed to converge $(convhist.normres)"
R0 = first(Rs)
end
end
lefties[cr, 1] = L0
for loc in 2:numcols
lefties[cr, loc] =
lefties[cr, loc - 1] *
TransferMatrix(c_above.AL[loc - 1], O[cr, loc - 1], c_below.AL[loc - 1])
end
renormfact::scalartype(T) = dot(c_below.CR[0], PEPO_∂∂C(L0, R0) * c_above.CR[0])
righties[cr, end] = R0 / sqrt(renormfact)
lefties[cr, 1] /= sqrt(renormfact)
for loc in (numcols - 1):-1:1
righties[cr, loc] =
TransferMatrix(c_above.AR[loc + 1], O[cr, loc + 1], c_below.AR[loc + 1]) *
righties[cr, loc + 1]
renormfact = dot(
c_below.CR[loc],
PEPO_∂∂C(lefties[cr, loc + 1], righties[cr, loc]) * c_above.CR[loc],
)
righties[cr, loc] /= sqrt(renormfact)
lefties[cr, loc + 1] /= sqrt(renormfact)
end
end
return (lefties, righties)
end
function gen_init_fps(above::MPSMultiline, O::TransferPEPOMultiline, below::MPSMultiline)
T = eltype(above)
map(1:size(O, 1)) do cr
L0::T = TensorMap(
rand,
scalartype(T),
left_virtualspace(below, cr + 1, 0) * prod(adjoint.(west_spaces(O[cr], 1))),
left_virtualspace(above, cr, 0), # TODO: Update index convention to above[cr - 1]
)
R0::T = TensorMap(
rand,
scalartype(T),
right_virtualspace(above, cr, 0) * prod(adjoint.(east_spaces(O[cr], 1))),
right_virtualspace(below, cr + 1, 0),
)
(L0, R0)
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 4421 |
function MPSKit.environments(state::InfiniteMPS, O::InfiniteTransferPEPS; kwargs...)
return environments(
convert(MPSMultiline, state), convert(TransferPEPSMultiline, O); kwargs...
)
end
import MPSKit.MPSMultiline
function MPSKit.environments(
state::MPSMultiline, O::TransferPEPSMultiline; solver=MPSKit.Defaults.eigsolver
)
(lw, rw) = MPSKit.mixed_fixpoints(state, O, state; solver)
return MPSKit.PerMPOInfEnv(nothing, O, state, solver, lw, rw, ReentrantLock())
end
function MPSKit.mixed_fixpoints(
above::MPSMultiline,
O::TransferPEPSMultiline,
below::MPSMultiline,
init=gen_init_fps(above, O, below);
solver=MPSKit.Defaults.eigsolver,
)
T = eltype(above)
(numrows, numcols) = size(above)
@assert size(above) == size(O)
@assert size(below) == size(O)
envtype = eltype(init[1])
lefties = PeriodicArray{envtype,2}(undef, numrows, numcols)
righties = PeriodicArray{envtype,2}(undef, numrows, numcols)
@threads for cr in 1:numrows
c_above = above[cr] # TODO: Update index convention to above[cr - 1]
c_below = below[cr + 1]
(L0, R0) = init[cr]
@sync begin
Threads.@spawn begin
E_LL = TransferMatrix($c_above.AL, $O[cr], $c_below.AL)
(_, Ls, convhist) = eigsolve(flip(E_LL), $L0, 1, :LM, $solver)
convhist.converged < 1 &&
@info "left eigenvalue failed to converge $(convhist.normres)"
L0 = first(Ls)
end
Threads.@spawn begin
E_RR = TransferMatrix($c_above.AR, $O[cr], $c_below.AR)
(_, Rs, convhist) = eigsolve(E_RR, $R0, 1, :LM, $solver)
convhist.converged < 1 &&
@info "right eigenvalue failed to converge $(convhist.normres)"
R0 = first(Rs)
end
end
lefties[cr, 1] = L0
for loc in 2:numcols
lefties[cr, loc] =
lefties[cr, loc - 1] *
TransferMatrix(c_above.AL[loc - 1], O[cr, loc - 1], c_below.AL[loc - 1])
end
renormfact::scalartype(T) = dot(c_below.CR[0], PEPS_∂∂C(L0, R0) * c_above.CR[0])
righties[cr, end] = R0 / sqrt(renormfact)
lefties[cr, 1] /= sqrt(renormfact)
for loc in (numcols - 1):-1:1
righties[cr, loc] =
TransferMatrix(c_above.AR[loc + 1], O[cr, loc + 1], c_below.AR[loc + 1]) *
righties[cr, loc + 1]
renormfact = dot(
c_below.CR[loc],
PEPS_∂∂C(lefties[cr, loc + 1], righties[cr, loc]) * c_above.CR[loc],
)
righties[cr, loc] /= sqrt(renormfact)
lefties[cr, loc + 1] /= sqrt(renormfact)
end
end
return (lefties, righties)
end
function gen_init_fps(above::MPSMultiline, O::TransferPEPSMultiline, below::MPSMultiline)
T = eltype(above)
map(1:size(O, 1)) do cr
L0::T = TensorMap(
rand,
scalartype(T),
left_virtualspace(below, cr + 1, 0) *
space(O[cr].top[1], 5)' *
space(O[cr].bot[1], 5),
left_virtualspace(above, cr, 0), # TODO: Update index convention to above[cr - 1]
)
R0::T = TensorMap(
rand,
scalartype(T),
right_virtualspace(above, cr, 0) *
space(O[cr].top[1], 3)' *
space(O[cr].bot[1], 3),
right_virtualspace(below, cr + 1, 0),
)
(L0, R0)
end
end
function MPSKit.transfer_spectrum(
above::MPSMultiline,
O::TransferPEPSMultiline,
below::MPSMultiline,
init=gen_init_fps(above, O, below);
num_vals=2,
solver=MPSKit.Defaults.eigsolver,
)
@assert size(above) == size(O)
@assert size(below) == size(O)
numrows = size(above, 1)
envtype = eltype(init[1])
eigenvals = Vector{Vector{scalartype(envtype)}}(undef, numrows)
@threads for cr in 1:numrows
L0, = init[cr]
E_LL = TransferMatrix(above[cr - 1].AL, O[cr], below[cr + 1].AL) # Note that this index convention is different from above!
λ, _, convhist = eigsolve(flip(E_LL), L0, num_vals, :LM, solver)
convhist.converged < num_vals &&
@warn "correlation length failed to converge: normres = $(convhist.normres)"
eigenvals[cr] = λ
end
return eigenvals
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 9231 | import MPSKit.GenericMPSTensor, MPSKit.MPSBondTensor
# PEPS
# ----
"""
struct PEPS_∂∂C{T<:GenericMPSTensor{S,N}}
Represents the effective Hamiltonian for the zero-site derivative of an MPS.
"""
struct PEPS_∂∂C{T}
GL::T
GR::T
end
"""
struct PEPS_∂∂AC{T,O1,O2}
Represents the effective Hamiltonian for the one-site derivative of an MPS.
"""
struct PEPS_∂∂AC{T,O}
top::O
bot::O
GL::T
GR::T
end
function MPSKit.∂C(
C::MPSBondTensor{S}, GL::GenericMPSTensor{S,3}, GR::GenericMPSTensor{S,3}
) where {S}
return @tensor C′[-1; -2] := GL[-1 3 4; 1] * C[1; 2] * GR[2 3 4; -2]
end
function MPSKit.∂AC(
AC::GenericMPSTensor{S,3},
O::NTuple{2,T},
GL::GenericMPSTensor{S,3},
GR::GenericMPSTensor{S,3},
) where {S,T<:PEPSTensor}
return @tensor AC′[-1 -2 -3; -4] :=
GL[-1 8 9; 7] *
AC[7 4 2; 1] *
GR[1 6 3; -4] *
O[1][5; 4 6 -2 8] *
conj(O[2][5; 2 3 -3 9])
end
(H::PEPS_∂∂C)(x) = MPSKit.∂C(x, H.GL, H.GR)
(H::PEPS_∂∂AC)(x) = MPSKit.∂AC(x, (H.top, H.bot), H.GL, H.GR)
function MPSKit.∂AC(x::RecursiveVec, O::Tuple, GL, GR)
return RecursiveVec(
circshift(
map((v, O1, O2, l, r) -> ∂AC(v, (O1, O2), l, r), x.vecs, O[1], O[2], GL, GR), 1
),
)
end
Base.:*(H::Union{<:PEPS_∂∂AC,<:PEPS_∂∂C}, v) = H(v)
# operator constructors
function MPSKit.∂∂C(pos::Int, mps, mpo::InfiniteTransferPEPS, cache)
return PEPS_∂∂C(leftenv(cache, pos + 1, mps), rightenv(cache, pos, mps))
end
function MPSKit.∂∂C(col::Int, mps, mpo::TransferPEPSMultiline, cache)
return PEPS_∂∂C(leftenv(cache, col + 1, mps), rightenv(cache, col, mps))
end
function MPSKit.∂∂C(row::Int, col::Int, mps, mpo::TransferPEPSMultiline, cache)
return PEPS_∂∂C(leftenv(cache, row, col + 1, mps), rightenv(cache, row, col, mps))
end
function MPSKit.∂∂AC(pos::Int, mps, mpo::InfiniteTransferPEPS, cache)
return PEPS_∂∂AC(
mpo.top[pos], mpo.bot[pos], lefenv(cache, pos, mps), rightenv(cache, pos, mps)
)
end
function MPSKit.∂∂AC(row::Int, col::Int, mps, mpo::TransferPEPSMultiline, cache)
return PEPS_∂∂AC(
mpo[row, col]..., leftenv(cache, row, col, mps), rightenv(cache, row, col, mps)
)
end
function MPSKit.∂∂AC(col::Int, mps, mpo::TransferPEPSMultiline, cache)
return PEPS_∂∂AC(
first.(mpo[:, col]),
last.(mpo[:, col]),
leftenv(cache, col, mps),
rightenv(cache, col, mps),
)
end
# PEPS derivative
function ∂peps(
AC::GenericMPSTensor{S,3},
ĀC::GenericMPSTensor{S,3},
O::T,
GL::GenericMPSTensor{S,3},
GR::GenericMPSTensor{S,3},
) where {S,T<:PEPSTensor}
return @tensor ∂p[-1; -2 -3 -4 -5] :=
GL[8 5 -5; 1] *
AC[1 6 -2; 7] *
O[-1; 6 3 4 5] *
GR[7 3 -3; 2] *
conj(ĀC[8 4 -4; 2])
end
# PEPO
# ----
"""
struct PEPO_∂∂C{T<:GenericMPSTensor{S,N}}
Represents the effective Hamiltonian for the zero-site derivative of an MPS.
"""
struct PEPO_∂∂C{T}
GL::T
GR::T
end
"""
struct PEPO_∂∂AC{T,O,P}
Represents the effective Hamiltonian for the one-site derivative of an MPS.
"""
struct PEPO_∂∂AC{T,O,P}
top::O
bot::O
mid::P
GL::T
GR::T
end
# specialize simple case
function MPSKit.∂C(
C::MPSBondTensor{S}, GL::GenericMPSTensor{S,4}, GR::GenericMPSTensor{S,4}
) where {S}
return @tensor C′[-1; -2] := GL[-1 3 4 5; 1] * C[1; 2] * GR[2 3 4 5; -2]
end
function MPSKit.∂C(
C::MPSBondTensor{S}, GL::GenericMPSTensor{S,N}, GR::GenericMPSTensor{S,N}
) where {S,N}
C′ = ncon([GL, C, GR], [[-1, ((2:N) .+ 1)..., 1], [1, 2], [2, ((2:N) .+ 1)..., -2]])
return permute(C′, ((1,), (2,)))
end
# specialize simple case
function MPSKit.∂AC(
AC::GenericMPSTensor{S,4},
O::Tuple{T,T,Tuple{P}},
GL::GenericMPSTensor{S,4},
GR::GenericMPSTensor{S,4},
) where {S,T<:PEPSTensor,P<:PEPOTensor}
return @tensor AC′[-1 -2 -3 -4; -5] :=
GL[-1 2 4 7; 1] *
AC[1 3 5 8; 10] *
GR[10 11 12 13; -5] *
O[1][6; 3 11 -2 2] *
O[3][1][9 6; 5 12 -3 4] *
conj(O[2][9; 8 13 -4 7])
end
function MPSKit.∂AC(
AC::GenericMPSTensor{S,N},
O::Tuple{T,T,Tuple{Vararg{P,H}}},
GL::GenericMPSTensor{S,N},
GR::GenericMPSTensor{S,N},
) where {S,T<:PEPSTensor,P<:PEPOTensor,N,H}
# sanity check
@assert H == N - 3
# collect tensors in convenient order: AC, GL, GR, top, mid, bot
tensors = [AC, GL, GR, O[1], O[3]..., O[2]]
# contraction order: AC, GL, top, mid..., bot, GR
# number of contracted legs for full top-mid-bot stack
nlegs_tmb = 5 + 3 * H
# assign and collect all contraction indices
indicesAC = [1, 3, ((1:3:((H + 1) * 3)) .+ 4)..., 2 + nlegs_tmb]
indicesGL = [-1, 2, ((1:3:((H + 1) * 3)) .+ 3)..., 1]
indicesGR = [((1:N) .+ (1 + nlegs_tmb))..., -(N + 1)]
indicesTop = [6, 3, 3 + nlegs_tmb, -2, 2]
indicesBot = [1 + nlegs_tmb, nlegs_tmb, 4 + H + nlegs_tmb, -N, nlegs_tmb - 1]
indicesMid = Vector{Vector{Int}}(undef, H)
for h in 1:H
indicesMid[h] = [
3 + 3 * (h + 1), 3 + 3 * h, 2 + 3 * h, 3 + h + nlegs_tmb, -(2 + h), 1 + 3 * h
]
end
indices = [indicesAC, indicesGL, indicesGR, indicesTop, indicesMid..., indicesBot]
# record conjflags
conjlist = [false, false, false, false, repeat([false], H)..., true]
# perform contraction, permute to restore partition
AC′ = permute(ncon(tensors, indices, conjlist), (Tuple(1:N), (N + 1,)))
return AC′
end
(H::PEPO_∂∂C)(x) = MPSKit.∂C(x, H.GL, H.GR)
(H::PEPO_∂∂AC)(x) = MPSKit.∂AC(x, (H.top, H.bot, H.mid), H.GL, H.GR)
function MPSKit.∂AC(x::RecursiveVec, O::Tuple{T,T,P}, GL, GR) where {T,P}
return RecursiveVec(
circshift(
map(
(v, O1, O2, O3, l, r) -> ∂AC(v, (O1, O2, O3), l, r),
x.vecs,
O[1],
O[2],
O[3],
GL,
GR,
),
1,
),
)
end
Base.:*(H::Union{<:PEPO_∂∂AC,<:PEPO_∂∂C}, v) = H(v)
# operator constructors
function MPSKit.∂∂C(pos::Int, mps, ::InfiniteTransferPEPO, cache)
return PEPO_∂∂C(leftenv(cache, pos + 1, mps), rightenv(cache, pos, mps))
end
function MPSKit.∂∂C(col::Int, mps, ::TransferPEPOMultiline, cache)
return PEPO_∂∂C(leftenv(cache, col + 1, mps), rightenv(cache, col, mps))
end
function MPSKit.∂∂C(row::Int, col::Int, mps, ::TransferPEPOMultiline, cache)
return PEPO_∂∂C(leftenv(cache, row, col + 1, mps), rightenv(cache, row, col, mps))
end
function MPSKit.∂∂AC(pos::Int, mps, mpo::InfiniteTransferPEPO, cache)
return PEPO_∂∂AC(mpo[pos]..., lefenv(cache, pos, mps), rightenv(cache, pos, mps))
end
function MPSKit.∂∂AC(row::Int, col::Int, mps, mpo::TransferPEPOMultiline, cache)
return PEPO_∂∂AC(
mpo[row, col]..., leftenv(cache, row, col, mps), rightenv(cache, row, col, mps)
)
end
function MPSKit.∂∂AC(col::Int, mps, mpo::TransferPEPOMultiline, cache)
return PEPO_∂∂AC(
map(x -> x[1], mpo[:, col]),
map(x -> x[2], mpo[:, col]),
map(x -> x[3], mpo[:, col]),
leftenv(cache, col, mps),
rightenv(cache, col, mps),
)
end
# PEPS derivative
# specialize simple case
function ∂peps(
AC::GenericMPSTensor{S,4},
ĀC::GenericMPSTensor{S,4},
O::Tuple{T,Tuple{P}},
GL::GenericMPSTensor{S,4},
GR::GenericMPSTensor{S,4},
) where {S,T<:PEPSTensor,P<:PEPOTensor}
return @tensor ∂p[-1; -2 -3 -4 -5] :=
GL[13 8 10 -5; 1] *
AC[1 9 11 -2; 12] *
O[1][5; 9 3 4 8] *
O[2][1][-1 5; 11 6 7 10] *
GR[12 3 6 -3; 2] *
conj(ĀC[13 4 7 -4; 2])
end
function ∂peps(
AC::GenericMPSTensor{S,N},
ĀC::GenericMPSTensor{S,N},
O::Tuple{T,Tuple{Vararg{P,H}}},
GL::GenericMPSTensor{S,N},
GR::GenericMPSTensor{S,N},
) where {S,T,P,N,H}
# sanity check
@assert H == N - 3
# collect tensors in convenient order: AC, GL, top, mid, GR, ĀC
tensors = [AC, ĀC, GL, GR, O[1], O[2]...]
# contraction order: AC, GL, top, mid..., bot, GR
# number of contracted legs for full top-mid stack with AC and GL
nlegs_tm = 2 + 3 * H
# assign and collect all contraction indices
indicesAC = [1, 3, ((1:3:((H) * 3)) .+ 4)..., -2, 2 + nlegs_tm]
indicesGL = [2 + nlegs_tm + (N - 1), 2, ((1:3:((H) * 3)) .+ 3)..., -5, 1]
indicesTop = [6, 3, 3 + nlegs_tm, 3 + nlegs_tm + (N - 1), 2]
indicesMid = Vector{Vector{Int}}(undef, H)
for h in 1:H
indicesMid[h] = [
3 + 3 * (h + 1),
3 + 3 * h,
2 + 3 * h,
3 + h + nlegs_tm,
3 + h + nlegs_tm + (N - 1),
1 + 3 * h,
]
end
indicesMid[end][1] = -1 # bottom physical leg is open
indicesGR = [((1:(N - 1)) .+ (1 + nlegs_tm))..., -3, nlegs_tm + 2 * N]
indicesĀC = [((1:(N - 1)) .+ (nlegs_tm + N))..., -4, nlegs_tm + 2 * N]
indices = [indicesAC, indicesĀC, indicesGL, indicesGR, indicesTop, indicesMid...]
# record conjflags
conjlist = [false, true, false, false, false, repeat([false], H)...]
# perform contraction, permute to restore partition
∂p = permute(ncon(tensors, indices, conjlist), ((1,), Tuple(2:5)))
return ∂p
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 4821 | """
struct InfinitePEPO{T<:PEPOTensor}
Represents an infinite projected entangled-pair operator (PEPO) on a 3D cubic lattice.
"""
struct InfinitePEPO{T<:PEPOTensor} <: AbstractPEPO
A::Array{T,3}
function InfinitePEPO(A::Array{T,3}) where {T<:PEPOTensor}
# space checks
for (d, w, h) in Tuple.(CartesianIndices(A))
space(A[d, w, h], 1) == space(A[d, w, _next(h, end)], 2)' ||
throw(SpaceMismatch("Physical space at site $((d, w, h)) does not match."))
space(A[d, w, h], 3) == space(A[_prev(d, end), w, h], 5)' || throw(
SpaceMismatch("North virtual space at site $((d, w, h)) does not match."),
)
space(A[d, w, h], 4) == space(A[d, _next(w, end), h], 6)' || throw(
SpaceMismatch("East virtual space at site $((d, w, h)) does not match.")
)
end
return new{T}(A)
end
end
## Constructors
"""
InfinitePEPO(A::AbstractArray{T, 3})
Allow users to pass in an array of tensors.
"""
function InfinitePEPO(A::AbstractArray{T,3}) where {T<:PEPOTensor}
return InfinitePEPO(Array(deepcopy(A)))
end
"""
InfinitePEPO(f=randn, T=ComplexF64, Pspaces, Nspaces, Espaces)
Allow users to pass in arrays of spaces.
"""
function InfinitePEPO(
Pspaces::A, Nspaces::A, Espaces::A=Nspaces
) where {A<:AbstractArray{<:ElementarySpace,3}}
return InfinitePEPO(randn, ComplexF64, Pspaces, Nspaces, Espaces)
end
function InfinitePEPO(
f, T, Pspaces::A, Nspaces::A, Espaces::A=Nspaces
) where {A<:AbstractArray{<:ElementarySpace,3}}
size(Pspaces) == size(Nspaces) == size(Espaces) ||
throw(ArgumentError("Input spaces should have equal sizes."))
Sspaces = adjoint.(circshift(Nspaces, (1, 0, 0)))
Wspaces = adjoint.(circshift(Espaces, (0, -1, 0)))
Ppspaces = adjoint.(circshift(Pspaces, (0, 0, -1)))
P = map(Pspaces, Ppspaces, Nspaces, Espaces, Sspaces, Wspaces) do P, Pp, N, E, S, W
return TensorMap(f, T, P * Pp ← N * E * S * W)
end
return InfinitePEPO(P)
end
function InfinitePEPO(
Pspaces::A, Nspaces::A, Espaces::A=Nspaces
) where {A<:AbstractArray{<:ElementarySpace,2}}
size(Pspaces) == size(Nspaces) == size(Espaces) ||
throw(ArgumentError("Input spaces should have equal sizes."))
Pspaces = reshape(Pspaces, (size(Pspaces)..., 1))
Nspaces = reshape(Pspaces, (size(Nspaces)..., 1))
Espaces = reshape(Pspaces, (size(Espaces)..., 1))
return InfinitePEPO(Pspaces, Nspaces, Espaces)
end
"""
InfinitePEPO(A; unitcell=(1, 1, 1))
Create an InfinitePEPO by specifying a tensor and unit cell.
"""
function InfinitePEPO(A::T; unitcell::Tuple{Int,Int,Int}=(1, 1, 1)) where {T<:PEPOTensor}
return InfinitePEPO(fill(A, unitcell))
end
"""
InfinitePEPO(f=randn, T=ComplexF64, Pspace, Nspace, [Espace]; unitcell=(1,1,1))
Create an InfinitePEPO by specifying its spaces and unit cell.
"""
function InfinitePEPO(
Pspace::S, Nspace::S, Espace::S=Nspace; unitcell::Tuple{Int,Int,Int}=(1, 1, 1)
) where {S<:ElementarySpace}
return InfinitePEPO(
randn,
ComplexF64,
fill(Pspace, unitcell),
fill(Nspace, unitcell),
fill(Espace, unitcell),
)
end
function InfinitePEPO(
f, T, Pspace::S, Nspace::S, Espace::S=Nspace; unitcell::Tuple{Int,Int,Int}=(1, 1, 1)
) where {S<:ElementarySpace}
return InfinitePEPO(
f, T, fill(Pspace, unitcell), fill(Nspace, unitcell), fill(Espace, unitcell)
)
end
## Shape and size
Base.size(T::InfinitePEPO) = size(T.A)
Base.size(T::InfinitePEPO, i) = size(T.A, i)
Base.length(T::InfinitePEPO) = length(T.A)
Base.eltype(T::InfinitePEPO) = eltype(T.A)
VectorInterface.scalartype(T::InfinitePEPO) = scalartype(T.A)
## Copy
Base.copy(T::InfinitePEPO) = InfinitePEPO(copy(T.A))
Base.similar(T::InfinitePEPO) = InfinitePEPO(similar(T.A))
Base.repeat(T::InfinitePEPO, counts...) = InfinitePEPO(repeat(T.A, counts...))
Base.getindex(T::InfinitePEPO, args...) = Base.getindex(T.A, args...)
Base.axes(T::InfinitePEPO, args...) = axes(T.A, args...)
TensorKit.space(T::InfinitePEPO, i, j) = space(T[i, j, end], 1)
function initializePEPS(
T::InfinitePEPO{<:PEPOTensor{S}}, vspace::S
) where {S<:ElementarySpace}
Pspaces = Array{S,2}(undef, size(T, 1), size(T, 2))
for (i, j) in product(1:size(T, 1), 1:size(T, 2))
Pspaces[i, j] = space(T, i, j)
end
Nspaces = repeat([vspace], size(T, 1), size(T, 2))
Espaces = repeat([vspace], size(T, 1), size(T, 2))
return InfinitePEPS(Pspaces, Nspaces, Espaces)
end
# Rotations
Base.rotl90(T::InfinitePEPO) = InfinitePEPO(stack(rotl90, eachslice(T.A; dims=3)))
Base.rotr90(T::InfinitePEPO) = InfinitePEPO(stack(rotr90, eachslice(T.A; dims=3)))
Base.rot180(T::InfinitePEPO) = InfinitePEPO(stack(rot180, eachslice(T.A; dims=3)))
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1950 |
# Hamiltonian consisting of local terms
# -------------------------------------
struct LocalOperator{T<:Tuple,S}
lattice::Matrix{S}
terms::T
end
function LocalOperator(lattice::Matrix{S}, terms::Pair...) where {S}
lattice′ = PeriodicArray(lattice)
for (inds, operator) in terms
@assert operator isa AbstractTensorMap
@assert numout(operator) == numin(operator) == length(inds)
for i in 1:length(inds)
@assert space(operator, i) == lattice′[inds[i]]
end
end
return LocalOperator{typeof(terms),S}(lattice, terms)
end
"""
checklattice(Bool, args...)
checklattice(args...)
Helper function for checking lattice compatibility. The first version returns a boolean,
while the second version throws an error if the lattices do not match.
"""
function checklattice(args...)
return checklattice(Bool, args...) || throw(ArgumentError("Lattice mismatch."))
end
function checklattice(::Type{Bool}, peps::InfinitePEPS, O::LocalOperator)
return size(peps) == size(O.lattice)
end
function checklattice(::Type{Bool}, H::LocalOperator, peps::InfinitePEPS)
return checklattice(Bool, peps, H)
end
@non_differentiable checklattice(args...)
function nearest_neighbour_hamiltonian(
lattice::Matrix{S}, h::AbstractTensorMap{S,2,2}
) where {S}
terms = []
for I in eachindex(IndexCartesian(), lattice)
J1 = I + CartesianIndex(1, 0)
J2 = I + CartesianIndex(0, 1)
push!(terms, (I, J1) => h)
push!(terms, (I, J2) => h)
end
return LocalOperator(lattice, terms...)
end
function Base.repeat(O::LocalOperator, m::Int, n::Int)
lattice = repeat(O.lattice, m, n)
terms = []
for (inds, operator) in O.terms, i in 1:m, j in 1:n
offset = CartesianIndex((i - 1) * size(O.lattice, 1), (j - 1) * size(O.lattice, 2))
push!(terms, (inds .+ Ref(offset)) => operator)
end
return LocalOperator(lattice, terms...)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2639 | ## Model Hamiltonians
# -------------------
"""
square_lattice_tf_ising(::Type{T}=ComplexF64; J=1, h=1, unitcell=(1, 1))
Square lattice transverse field Ising model.
"""
function square_lattice_tf_ising(
::Type{T}=ComplexF64; J=1, h=1, unitcell::Tuple{Int,Int}=(1, 1)
) where {T<:Number}
physical_space = ComplexSpace(2)
lattice = fill(physical_space, 1, 1)
σx = TensorMap(T[0 1; 1 0], physical_space, physical_space)
σz = TensorMap(T[1 0; 0 -1], physical_space, physical_space)
hzz = nearest_neighbour_hamiltonian(lattice, -J * σz ⊗ σz)
return repeat(
LocalOperator(lattice, hzz.terms..., (CartesianIndex(1, 1),) => -J * h * σx),
unitcell...,
)
end
"""
square_lattice_heisenberg(::Type{T}=ComplexF64; Jx=-1, Jy=1, Jz=-1, unitcell=(1, 1))
Square lattice Heisenberg model.
By default, this implements a single site unit cell via a sublattice rotation.
"""
function square_lattice_heisenberg(
::Type{T}=ComplexF64; Jx=-1, Jy=1, Jz=-1, unitcell::Tuple{Int,Int}=(1, 1)
) where {T<:Number}
physical_space = ComplexSpace(2)
lattice = fill(physical_space, 1, 1)
σx = TensorMap(T[0 1; 1 0], physical_space, physical_space)
σy = TensorMap(T[0 im; -im 0], physical_space, physical_space)
σz = TensorMap(T[1 0; 0 -1], physical_space, physical_space)
H = (Jx * σx ⊗ σx) + (Jy * σy ⊗ σy) + (Jz * σz ⊗ σz)
return repeat(nearest_neighbour_hamiltonian(lattice, H / 4), unitcell...)
end
"""
square_lattice_pwave(::Type{T}=ComplexF64; t=1, μ=2, Δ=1, unitcell=(1, 1))
Square lattice p-wave superconductor model.
"""
function square_lattice_pwave(
::Type{T}=ComplexF64;
t::Number=1,
μ::Number=2,
Δ::Number=1,
unitcell::Tuple{Int,Int}=(1, 1),
) where {T<:Number}
physical_space = Vect[FermionParity](0 => 1, 1 => 1)
lattice = fill(physical_space, 1, 1)
# on-site
h0 = TensorMap(zeros, T, physical_space ← physical_space)
block(h0, FermionParity(1)) .= -μ
# two-site (x-direction)
hx = TensorMap(zeros, T, physical_space^2 ← physical_space^2)
block(hx, FermionParity(0)) .= [0 -Δ; -Δ 0]
block(hx, FermionParity(1)) .= [0 -t; -t 0]
# two-site (y-direction)
hy = TensorMap(zeros, T, physical_space^2 ← physical_space^2)
block(hy, FermionParity(0)) .= [0 Δ*im; -Δ*im 0]
block(hy, FermionParity(1)) .= [0 -t; -t 0]
return repeat(
LocalOperator(
lattice,
(CartesianIndex(1, 1),) => h0,
(CartesianIndex(1, 1), CartesianIndex(1, 2)) => hx,
(CartesianIndex(1, 1), CartesianIndex(2, 1)) => hy,
),
unitcell...,
)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 8532 | """
InfiniteTransferPEPO{T,O}
Represents an infinite transfer operator corresponding to a single row of a partition
function which corresponds to the expectation value of an `InfinitePEPO` between 'ket' and
'bra' `InfinitePEPS` states.
"""
struct InfiniteTransferPEPO{T,O}
top::PeriodicArray{T,1}
mid::PeriodicArray{O,2}
bot::PeriodicArray{T,1}
end
InfiniteTransferPEPO(top, mid) = InfiniteTransferPEPO(top, mid, top)
"""
InfiniteTransferPEPO(T::InfinitePEPS, O::InfinitePEPO, dir, row)
Constructs a transfer operator corresponding to a single row of a partition function
representing the expectation value of `O` for the state `T`. The partition function is first
rotated such that the direction `dir` faces north, after which its `row`th row from the
north is selected.
"""
function InfiniteTransferPEPO(T::InfinitePEPS, O::InfinitePEPO, dir, row)
T = rotate_north(T, dir)
O = rotate_north(O, dir)
return InfiniteTransferPEPO(PeriodicArray(T[row, :]), PeriodicArray(O[row, :, :]))
end
Base.size(transfer::InfiniteTransferPEPO) = size(transfer.top)
Base.size(transfer::InfiniteTransferPEPO, args...) = size(transfer.top, args...)
Base.length(transfer::InfiniteTransferPEPO) = size(transfer, 1)
height(transfer::InfiniteTransferPEPO) = size(transfer.mid, 2)
Base.getindex(O::InfiniteTransferPEPO, i) = (O.top[i], O.bot[i], Tuple(O.mid[i, :])) # TODO: not too sure about this
Base.iterate(O::InfiniteTransferPEPO, i=1) = i > length(O) ? nothing : (O[i], i + 1)
function virtual_spaces(O::InfiniteTransferPEPO, i, dir)
return [
space(O.top[i], dir + 1),
space.(O.mid[i, :], Ref(dir + 2))...,
space(O.bot[i], dir + 1)',
]
end
north_spaces(O::InfiniteTransferPEPO, i) = virtual_spaces(O, i, NORTH)
east_spaces(O::InfiniteTransferPEPO, i) = virtual_spaces(O, i, EAST)
south_spaces(O::InfiniteTransferPEPO, i) = virtual_spaces(O, i, SOUTH)
west_spaces(O::InfiniteTransferPEPO, i) = virtual_spaces(O, i, WEST)
function initializeMPS(O::InfiniteTransferPEPO, virtualspaces::AbstractArray{S,1}) where {S}
return InfiniteMPS([
TensorMap(
rand,
MPSKit.Defaults.eltype, # should be scalartype of transfer PEPO?
virtualspaces[_prev(i, end)] * prod(adjoint.(north_spaces(O, i))),
virtualspaces[mod1(i, end)],
) for i in 1:length(O)
])
end
function initializeMPS(O::InfiniteTransferPEPO, χ::Int)
return InfiniteMPS([
TensorMap(
rand, MPSKit.Defaults.eltype, ℂ^χ * prod(adjoint.(north_spaces(O, i))), ℂ^χ
) for i in 1:length(O)
])
end
"""
const TransferPEPOMultiline = MPSKit.Multiline{<:InfiniteTransferPEPO}
Type that represents a multi-line transfer operator, where each line each corresponds to a
row of a partition function encoding the overlap of an `InfinitePEPO` between 'ket' and
'bra' `InfinitePEPS` states.
"""
const TransferPEPOMultiline = MPSKit.Multiline{<:InfiniteTransferPEPO}
Base.convert(::Type{TransferPEPOMultiline}, O::InfiniteTransferPEPO) = MPSKit.Multiline([O])
Base.getindex(t::TransferPEPOMultiline, i::Colon, j::Int) = Base.getindex.(t.data[i], j)
Base.getindex(t::TransferPEPOMultiline, i::Int, j) = Base.getindex(t.data[i], j)
"""
TransferPEPOMultiline(T::InfinitePEPS, O::InfinitePEPO, dir)
Construct a multi-row transfer operator corresponding to the partition function representing
the expectation value of `O` for the state `T`. The partition function is first rotated such
that the direction `dir` faces north.
"""
function TransferPEPOMultiline(T::InfinitePEPS, O::InfinitePEPO, dir)
rowsize = size(T, mod1(dir, 2)) # depends on dir
return MPSKit.Multiline(map(cr -> InfiniteTransferPEPO(T, O, dir, cr), 1:rowsize))
end
# specialize simple case
function MPSKit.transfer_left(
GL::GenericMPSTensor{S,4},
O::Tuple{T,T,Tuple{P}},
A::GenericMPSTensor{S,4},
Ā::GenericMPSTensor{S,4},
) where {S,T<:PEPSTensor,P<:PEPOTensor}
@tensor GL′[-1 -2 -3 -4; -5] :=
GL[10 7 4 2; 1] *
conj(Ā[10 11 12 13; -1]) *
O[1][8; 9 -2 11 7] *
O[3][1][5 8; 6 -3 12 4] *
conj(O[2][5; 3 -4 13 2]) *
A[1 9 6 3; -5]
end
# general case
function MPSKit.transfer_left(
GL::GenericMPSTensor{S,N},
O::Tuple{T,T,Tuple{Vararg{P,H}}},
A::GenericMPSTensor{S,N},
Ā::GenericMPSTensor{S,N},
) where {S,T<:PEPSTensor,P<:PEPOTensor,N,H}
# sanity check
@assert H == N - 3
# collect tensors in convenient order: env, above, below, top, mid, bot
tensors = [GL, A, Ā, O[1], O[3]..., O[2]]
# contraction order: GL, A, top, mid..., bot, Ā
# number of contracted legs for full top-mid-bot stack
nlegs_tmb = 5 + 3 * H
# assign and collect all contraction indices
indicesGL = [2 + nlegs_tmb, 2, ((1:3:((H + 1) * 3)) .+ 3)..., 1]
indicesA = [1, 3, ((1:3:((H + 1) * 3)) .+ 4)..., -(N + 1)]
indicesĀ = [((1:N) .+ (1 + nlegs_tmb))..., -1]
indicesTop = [6, 3, -2, 3 + nlegs_tmb, 2]
indicesBot = [1 + nlegs_tmb, nlegs_tmb, -N, 4 + H + nlegs_tmb, nlegs_tmb - 1]
indicesMid = Vector{Vector{Int}}(undef, H)
for h in 1:H
indicesMid[h] = [
3 + 3 * (h + 1), 3 + 3 * h, 2 + 3 * h, -(2 + h), 3 + h + nlegs_tmb, 1 + 3 * h
]
end
indices = [indicesGL, indicesA, indicesĀ, indicesTop, indicesMid..., indicesBot]
# record conjflags
conjlist = [false, false, true, false, repeat([false], H)..., true]
# perform contraction, permute to restore partition
GL′ = permute(ncon(tensors, indices, conjlist), (Tuple(1:N), (N + 1,)))
return GL′
end
# specialize simple case
function MPSKit.transfer_right(
GR::GenericMPSTensor{S,4},
O::Tuple{T,T,Tuple{P}},
A::GenericMPSTensor{S,4},
Ā::GenericMPSTensor{S,4},
) where {S,T<:PEPSTensor,P<:PEPOTensor}
return @tensor GR′[-1 -2 -3 -4; -5] :=
GR[10 7 4 2; 1] *
conj(Ā[-5 9 6 3; 1]) *
O[1][8; 11 7 9 -2] *
O[3][1][5 8; 12 4 6 -3] *
conj(O[2][5; 13 2 3 -4]) *
A[-1 11 12 13; 10]
end
# general case
function MPSKit.transfer_right(
GR::GenericMPSTensor{S,N},
O::Tuple{T,T,Tuple{Vararg{P,H}}},
A::GenericMPSTensor{S,N},
Ā::GenericMPSTensor{S,N},
) where {S,T<:PEPSTensor,P<:PEPOTensor,N,H}
# sanity check
@assert H == N - 3
# collect tensors in convenient order: env, above, below, top, mid, bot
tensors = [GR, A, Ā, O[1], O[3]..., O[2]]
# contraction order: GR, A, top, mid..., bot, Ā
# number of contracted legs for full top-mid-bot stack
nlegs_tmb = 5 + 3 * H
# assign and collect all contraction indices
indicesGR = [1, 2, ((1:3:((H + 1) * 3)) .+ 3)..., 2 + nlegs_tmb]
indicesA = [-1, 3, ((1:3:((H + 1) * 3)) .+ 4)..., 1]
indicesĀ = [-(N + 1), ((2:N) .+ (1 + nlegs_tmb))..., 2 + nlegs_tmb]
indicesTop = [6, 3, 2, 3 + nlegs_tmb, -2]
indicesBot = [1 + nlegs_tmb, nlegs_tmb, nlegs_tmb - 1, 4 + H + nlegs_tmb, -N]
indicesMid = Vector{Vector{Int}}(undef, H)
for h in 1:H
indicesMid[h] = [
3 + 3 * (h + 1), 3 + 3 * h, 2 + 3 * h, 1 + 3 * h, 3 + h + nlegs_tmb, -(2 + h)
]
end
indices = [indicesGR, indicesA, indicesĀ, indicesTop, indicesMid..., indicesBot]
# record conjflags
conjlist = [false, false, true, false, repeat([false], H)..., true]
# perform contraction, permute to restore partition
GR′ = permute(ncon(tensors, indices, conjlist), (Tuple(1:N), (N + 1,)))
return GR′
end
function MPSKit.expectation_value(st::InfiniteMPS, transfer::InfiniteTransferPEPO)
return expectation_value(
convert(MPSMultiline, st), convert(TransferPEPOMultiline, transfer)
)
end
function MPSKit.expectation_value(st::MPSMultiline, mpo::TransferPEPOMultiline)
return expectation_value(st, environments(st, mpo))
end
function MPSKit.expectation_value(
st::MPSMultiline, ca::MPSKit.PerMPOInfEnv{H,V,S,A}
) where {H<:TransferPEPOMultiline,V,S,A}
return expectation_value(st, ca.opp, ca)
end
function MPSKit.expectation_value(
st::MPSMultiline, opp::TransferPEPOMultiline, ca::MPSKit.PerMPOInfEnv
)
return prod(product(1:size(st, 1), 1:size(st, 2))) do (i, j)
O_ij = opp[i, j]
N = height(opp[1]) + 4
# just reuse left environment contraction
GL´ = transfer_left(leftenv(ca, i, j, st), O_ij, st.AC[i, j], st.AC[i + 1, j])
return TensorOperations.tensorscalar(
ncon([GL´, rightenv(ca, i, j, st)], [[N, (2:(N - 1))..., 1], [(1:N)...]])
)
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 6475 | """
InfiniteTransferPEPS{T}
Represents an infinite transfer operator corresponding to a single row of a partition
function which corresponds to the overlap between 'ket' and 'bra' `InfinitePEPS` states.
"""
struct InfiniteTransferPEPS{T}
top::PeriodicArray{T,1}
bot::PeriodicArray{T,1}
end
InfiniteTransferPEPS(top) = InfiniteTransferPEPS(top, top)
"""
InfiniteTransferPEPS(T::InfinitePEPS, dir, row)
Constructs a transfer operator corresponding to a single row of a partition function
representing the norm of the state `T`. The partition function is first rotated such that
the direction `dir` faces north, after which its `row`th row from the north is selected.
"""
function InfiniteTransferPEPS(T::InfinitePEPS, dir, row)
T = rotate_north(T, dir)
return InfiniteTransferPEPS(PeriodicArray(T[row, :]))
end
Base.size(transfer::InfiniteTransferPEPS) = size(transfer.top)
Base.size(transfer::InfiniteTransferPEPS, args...) = size(transfer.top, args...)
Base.length(transfer::InfiniteTransferPEPS) = size(transfer, 1)
Base.getindex(O::InfiniteTransferPEPS, i) = (O.top[i], O.bot[i])
Base.iterate(O::InfiniteTransferPEPS, i=1) = i > length(O) ? nothing : (O[i], i + 1)
import MPSKit.GenericMPSTensor
"""
const TransferPEPSMultiline = MPSKit.Multiline{<:InfiniteTransferPEPS}
Type that represents a multi-line transfer operator, where each line each corresponds to a
row of a partition function encoding the overlap between 'ket' and 'bra' `InfinitePEPS`
states.
"""
const TransferPEPSMultiline = MPSKit.Multiline{<:InfiniteTransferPEPS}
Base.convert(::Type{TransferPEPSMultiline}, O::InfiniteTransferPEPS) = MPSKit.Multiline([O])
Base.getindex(t::TransferPEPSMultiline, i::Colon, j::Int) = Base.getindex.(t.data[i], j)
Base.getindex(t::TransferPEPSMultiline, i::Int, j) = Base.getindex(t.data[i], j)
"""
TransferPEPSMultiline(T::InfinitePEPS, dir)
Construct a multi-row transfer operator corresponding to the partition function representing
the norm of the state `T`. The partition function is first rotated such
that the direction `dir` faces north.
"""
function TransferPEPSMultiline(T::InfinitePEPS, dir)
rowsize = size(T, mod1(dir, 2)) # depends on dir
return MPSKit.Multiline(map(cr -> InfiniteTransferPEPS(T, dir, cr), 1:rowsize))
end
"""
initializeMPS(
O::Union{InfiniteTransferPEPS,InfiniteTransferPEPO},
virtualspaces::AbstractArray{<:ElementarySpace,1}
)
initializeMPS(
O::Union{TransferPEPSMultiline,TransferPEPOMultiline},
virtualspaces::AbstractArray{<:ElementarySpace,2}
)
Inialize a boundary MPS for the transfer operator `O` by specifying an array of virtual
spaces consistent with the unit cell.
"""
function initializeMPS(O::InfiniteTransferPEPS, virtualspaces::AbstractArray{S,1}) where {S}
return InfiniteMPS([
TensorMap(
rand,
MPSKit.Defaults.eltype, # should be scalartype of transfer PEPS?
virtualspaces[_prev(i, end)] * space(O.top[i], 2)' * space(O.bot[i], 2),
virtualspaces[mod1(i, end)],
) for i in 1:length(O)
])
end
function initializeMPS(O::InfiniteTransferPEPS, χ::Int)
return InfiniteMPS([
TensorMap(
rand,
MPSKit.Defaults.eltype,
ℂ^χ * space(O.top[i], 2)' * space(O.bot[i], 2),
ℂ^χ,
) for i in 1:length(O)
])
end
function initializeMPS(O::MPSKit.Multiline, virtualspaces::AbstractArray{S,2}) where {S}
mpss = map(cr -> initializeMPS(O[cr], virtualspaces[cr, :]), 1:size(O, 1))
return MPSKit.Multiline(mpss)
end
function initializeMPS(O::MPSKit.Multiline, virtualspaces::AbstractArray{S,1}) where {S}
return initializeMPS(O, repeat(virtualspaces, length(O), 1))
end
function initializeMPS(O::MPSKit.Multiline, V::ElementarySpace)
return initializeMPS(O, repeat([V], length(O), length(O[1])))
end
function initializeMPS(O::MPSKit.Multiline, χ::Int)
return initializeMPS(O, repeat([ℂ^χ], length(O), length(O[1])))
end
function MPSKit.transfer_left(
GL::GenericMPSTensor{S,3},
O::NTuple{2,PEPSTensor},
A::GenericMPSTensor{S,3},
Ā::GenericMPSTensor{S,3},
) where {S}
return @tensor GL′[-1 -2 -3; -4] :=
GL[1 2 4; 7] *
conj(Ā[1 3 6; -1]) *
O[1][5; 8 -2 3 2] *
conj(O[2][5; 9 -3 6 4]) *
A[7 8 9; -4]
end
function MPSKit.transfer_right(
GR::GenericMPSTensor{S,3},
O::NTuple{2,PEPSTensor},
A::GenericMPSTensor{S,3},
Ā::GenericMPSTensor{S,3},
) where {S}
return @tensor GR′[-1 -2 -3; -4] :=
GR[7 6 2; 1] *
conj(Ā[-4 4 3; 1]) *
O[1][5; 9 6 4 -2] *
conj(O[2][5; 8 2 3 -3]) *
A[-1 9 8 7]
end
@doc """
MPSKit.expectation_value(st::InfiniteMPS, op::Union{InfiniteTransferPEPS,InfiniteTransferPEPO})
MPSKit.expectation_value(st::MPSMultiline, op::Union{TransferPEPSMultiline,TransferPEPOMultiline})
Compute expectation value of the transfer operator `op` for the state `st` for each site in
the unit cell.
""" MPSKit.expectation_value(st, op)
function MPSKit.expectation_value(st::InfiniteMPS, transfer::InfiniteTransferPEPS)
return expectation_value(
convert(MPSMultiline, st), convert(TransferPEPSMultiline, transfer)
)
end
function MPSKit.expectation_value(st::MPSMultiline, mpo::TransferPEPSMultiline)
return expectation_value(st, environments(st, mpo))
end
function MPSKit.expectation_value(
st::MPSMultiline, ca::MPSKit.PerMPOInfEnv{H,V,S,A}
) where {H<:TransferPEPSMultiline,V,S,A}
return expectation_value(st, ca.opp, ca)
end
function MPSKit.expectation_value(
st::MPSMultiline, opp::TransferPEPSMultiline, ca::MPSKit.PerMPOInfEnv
)
return prod(product(1:size(st, 1), 1:size(st, 2))) do (i, j)
O_ij = opp[i, j]
return @tensor leftenv(ca, i, j, st)[1 2 4; 7] *
conj(st.AC[i + 1, j][1 3 6; 13]) *
O_ij[1][5; 8 11 3 2] *
conj(O_ij[2][5; 9 12 6 4]) *
st.AC[i, j][7 8 9; 10] *
rightenv(ca, i, j, st)[10 11 12; 13]
end
end
@doc """
MPSKit.leading_boundary(
st::InfiniteMPS, op::Union{InfiniteTransferPEPS,InfiniteTransferPEPO}, alg, [envs]
)
MPSKit.leading_boundary(
st::MPSMulitline, op::Union{TransferPEPSMultiline,TransferPEPOMultiline}, alg, [envs]
)
Approximate the leading boundary MPS eigenvector for the transfer operator `op` using `st`
as initial guess.
""" MPSKit.leading_boundary(st, op, alg)
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2336 | """
const PEPSTensor{S}
Default type for PEPS tensors with a single physical index, and 4 virtual indices,
conventionally ordered as: ``T : P ← N ⊗ E ⊗ S ⊗ W``. Here, ``P``, ``N``, ``E``, ``S`` and
``W`` denote the physics, north, east, south and west spaces, respectively.
"""
const PEPSTensor{S} = AbstractTensorMap{S,1,4} where {S<:ElementarySpace}
"""
PEPSTensor(f, ::Type{T}, Pspace::S, Nspace::S,
[Espace::S], [Sspace::S], [Wspace::S]) where {T,S<:ElementarySpace}
PEPSTensor(f, ::Type{T}, Pspace::Int, Nspace::Int,
[Espace::Int], [Sspace::Int], [Wspace::Int]) where {T}
Construct a PEPS tensor based on the physical, north, east, west and south spaces.
Alternatively, only the space dimensions can be provided and ℂ is assumed as the field.
The tensor elements are generated based on `f` and the element type is specified in `T`.
"""
function PEPSTensor(
f,
::Type{T},
Pspace::S,
Nspace::S,
Espace::S=Nspace,
Sspace::S=Nspace',
Wspace::S=Espace',
) where {T,S<:ElementarySpace}
return TensorMap(f, T, Pspace ← Nspace ⊗ Espace ⊗ Sspace ⊗ Wspace)
end
function PEPSTensor(
f,
::Type{T},
Pspace::Int,
Nspace::Int,
Espace::Int=Nspace,
Sspace::Int=Nspace,
Wspace::Int=Espace,
) where {T}
return TensorMap(f, T, ℂ^Pspace ← ℂ^Nspace ⊗ ℂ^Espace ⊗ (ℂ^Sspace)' ⊗ (ℂ^Wspace)')
end
"""
const PEPOTensor{S}
Default type for PEPO tensors with a single incoming and outgoing physical index, and 4
virtual indices, conventionally ordered as: O : P ⊗ P' ← N ⊗ E ⊗ S ⊗ W.
"""
const PEPOTensor{S} = AbstractTensorMap{S,2,4} where {S<:ElementarySpace}
"""
abstract type AbstractPEPS end
Abstract supertype for a 2D projected entangled-pair state.
"""
abstract type AbstractPEPS end
"""
abstract type AbstractPEPO end
Abstract supertype for a 2D projected entangled-pair operator.
"""
abstract type AbstractPEPO end
# Rotations
Base.rotl90(t::PEPSTensor) = permute(t, ((1,), (3, 4, 5, 2)))
Base.rotr90(t::PEPSTensor) = permute(t, ((1,), (5, 2, 3, 4)))
Base.rot180(t::PEPSTensor) = permute(t, ((1,), (4, 5, 2, 3)))
Base.rotl90(t::PEPOTensor) = permute(t, ((1, 2), (4, 5, 6, 3)))
Base.rotr90(t::PEPOTensor) = permute(t, ((1, 2), (6, 3, 4, 5)))
Base.rot180(t::PEPOTensor) = permute(t, ((1, 2), (5, 6, 3, 4)))
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 6664 | """
struct InfinitePEPS{T<:PEPSTensor}
Represents an infinite projected entangled-pair state on a 2D square lattice.
"""
struct InfinitePEPS{T<:PEPSTensor} <: AbstractPEPS
A::Matrix{T}
InfinitePEPS{T}(A::Matrix{T}) where {T<:PEPSTensor} = new{T}(A)
function InfinitePEPS(A::Array{T,2}) where {T<:PEPSTensor}
for (d, w) in Tuple.(CartesianIndices(A))
space(A[d, w], 2) == space(A[_prev(d, end), w], 4)' || throw(
SpaceMismatch("North virtual space at site $((d, w)) does not match.")
)
space(A[d, w], 3) == space(A[d, _next(w, end)], 5)' ||
throw(SpaceMismatch("East virtual space at site $((d, w)) does not match."))
dim(space(A[d, w])) > 0 || @warn "no fusion channels at site ($d, $w)"
end
return new{T}(A)
end
end
## Constructors
"""
InfinitePEPS(A::AbstractMatrix{T})
Create an `InfinitePEPS` by specifying a matrix containing the PEPS tensors at each site in
the unit cell.
"""
function InfinitePEPS(A::AbstractMatrix{T}) where {T<:PEPSTensor}
return InfinitePEPS(Array(deepcopy(A))) # TODO: find better way to copy
end
"""
InfinitePEPS(
f=randn, T=ComplexF64, Pspaces::A, Nspaces::A, [Espaces::A]
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
Create an `InfinitePEPS` by specifying the physical, north virtual and east virtual spaces
of the PEPS tensor at each site in the unit cell as a matrix. Each individual space can be
specified as either an `Int` or an `ElementarySpace`.
"""
function InfinitePEPS(
Pspaces::A, Nspaces::A, Espaces::A
) where {A<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
return InfinitePEPS(randn, ComplexF64, Pspaces, Nspaces, Espaces)
end
function InfinitePEPS(
f, T, Pspaces::M, Nspaces::M, Espaces::M=Nspaces
) where {M<:AbstractMatrix{<:Union{Int,ElementarySpace}}}
size(Pspaces) == size(Nspaces) == size(Espaces) ||
throw(ArgumentError("Input spaces should have equal sizes."))
Sspaces = adjoint.(circshift(Nspaces, (-1, 0)))
Wspaces = adjoint.(circshift(Espaces, (0, 1)))
A = map(Pspaces, Nspaces, Espaces, Sspaces, Wspaces) do P, N, E, S, W
return PEPSTensor(f, T, P, N, E, S, W)
end
return InfinitePEPS(A)
end
"""
InfinitePEPS(A; unitcell=(1, 1))
Create an `InfinitePEPS` by specifying a tensor and unit cell.
The unit cell is labeled as a matrix which means that any tensor in the unit cell,
regardless if PEPS tensor or environment tensor, is obtained by shifting the row
and column index `[r, c]` by one, respectively:
```
| | |
---C[r-1,c-1]---T[r-1,c]---T[r-1,c+1]---
| || ||
---T[r,c-1]=====AA[r,c]====AA[r,c+1]====
| || ||
---T[r+1,c-1]===AA[r+1,c]==AA[r+1,c+1]==
| || ||
```
The unit cell has periodic boundary conditions, so `[r, c]` is indexed modulo the
size of the unit cell.
"""
function InfinitePEPS(A::T; unitcell::Tuple{Int,Int}=(1, 1)) where {T<:PEPSTensor}
return InfinitePEPS(fill(A, unitcell))
end
"""
InfinitePEPS(f=randn, T=ComplexF64, Pspace, Nspace, [Espace]; unitcell=(1,1))
Create an InfinitePEPS by specifying its physical, north and east spaces and unit cell.
Spaces can be specified either via `Int` or via `ElementarySpace`.
"""
function InfinitePEPS(
Pspace::S, Nspace::S, Espace::S=Nspace; unitcell::Tuple{Int,Int}=(1, 1)
) where {S<:Union{ElementarySpace,Int}}
return InfinitePEPS(
randn,
ComplexF64,
fill(Pspace, unitcell),
fill(Nspace, unitcell),
fill(Espace, unitcell),
)
end
function InfinitePEPS(
f, T, Pspace::S, Nspace::S, Espace::S=Nspace; unitcell::Tuple{Int,Int}=(1, 1)
) where {S<:Union{ElementarySpace,Int}}
return InfinitePEPS(
f, T, fill(Pspace, unitcell), fill(Nspace, unitcell), fill(Espace, unitcell)
)
end
## Shape and size
Base.size(T::InfinitePEPS) = size(T.A)
Base.size(T::InfinitePEPS, i) = size(T.A, i)
Base.length(T::InfinitePEPS) = length(T.A)
Base.eltype(T::InfinitePEPS) = eltype(T.A)
VectorInterface.scalartype(T::InfinitePEPS) = scalartype(T.A)
## Copy
Base.copy(T::InfinitePEPS) = InfinitePEPS(copy(T.A))
# Base.similar(T::InfinitePEPS) = InfinitePEPS(similar(T.A)) # TODO: This is incompatible with inner constructor
Base.repeat(T::InfinitePEPS, counts...) = InfinitePEPS(repeat(T.A, counts...))
Base.getindex(T::InfinitePEPS, args...) = Base.getindex(T.A, args...)
Base.setindex!(T::InfinitePEPS, args...) = (Base.setindex!(T.A, args...); T)
Base.axes(T::InfinitePEPS, args...) = axes(T.A, args...)
TensorKit.space(t::InfinitePEPS, i, j) = space(t[i, j], 1)
## Math
Base.:+(ψ₁::InfinitePEPS, ψ₂::InfinitePEPS) = InfinitePEPS(ψ₁.A + ψ₂.A)
Base.:-(ψ₁::InfinitePEPS, ψ₂::InfinitePEPS) = InfinitePEPS(ψ₁.A - ψ₂.A)
Base.:*(α::Number, ψ::InfinitePEPS) = InfinitePEPS(α * ψ.A)
LinearAlgebra.dot(ψ₁::InfinitePEPS, ψ₂::InfinitePEPS) = dot(ψ₁.A, ψ₂.A)
LinearAlgebra.norm(ψ::InfinitePEPS) = norm(ψ.A)
# Used in _scale during OptimKit.optimize
function LinearAlgebra.rmul!(ψ::InfinitePEPS, α::Number)
rmul!(ψ.A, α)
return ψ
end
# Used in _add during OptimKit.optimize
function LinearAlgebra.axpy!(α::Number, ψ₁::InfinitePEPS, ψ₂::InfinitePEPS)
ψ₂.A .+= α * ψ₁.A
return ψ₂
end
# VectorInterface
VectorInterface.zerovector(x::InfinitePEPS) = InfinitePEPS(zerovector(x.A))
# Rotations
Base.rotl90(t::InfinitePEPS) = InfinitePEPS(rotl90(rotl90.(t.A)))
Base.rotr90(t::InfinitePEPS) = InfinitePEPS(rotr90(rotr90.(t.A)))
Base.rot180(t::InfinitePEPS) = InfinitePEPS(rot180(rot180.(t.A)))
# Chainrules
function ChainRulesCore.rrule(
::typeof(Base.getindex), state::InfinitePEPS, row::Int, col::Int
)
pepstensor = state[row, col]
function getindex_pullback(Δpepstensor)
Δstate = zerovector(state)
Δstate[row, col] = Δpepstensor
return NoTangent(), Δstate, NoTangent(), NoTangent()
end
return pepstensor, getindex_pullback
end
function ChainRulesCore.rrule(::Type{<:InfinitePEPS}, A::Matrix{T}) where {T<:PEPSTensor}
peps = InfinitePEPS(A)
function InfinitePEPS_pullback(Δpeps)
return NoTangent(), Δpeps.A
end
return peps, InfinitePEPS_pullback
end
function ChainRulesCore.rrule(::typeof(rotl90), peps::InfinitePEPS)
peps′ = rotl90(peps)
function rotl90_pullback(Δpeps)
return NoTangent(), rotr90(Δpeps)
end
return peps′, rotl90_pullback
end
function ChainRulesCore.rrule(::typeof(rotr90), peps::InfinitePEPS)
peps′ = rotr90(peps)
function rotr90_pullback(Δpeps)
return NoTangent(), rotl90(Δpeps)
end
return peps′, rotr90_pullback
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2085 | # settings for determining contraction orders
const PEPS_PHYSICALDIM = TensorOperations.Power{:χ}(2, 0) # 2
const PEPS_BONDDIM = TensorOperations.Power{:χ}(1, 1) # χ
const PEPS_ENVBONDDIM = TensorOperations.Power{:χ}(1, 2) # χ²
"""
autoopt(ex)
Preprocessor macro for `@tensor` which automatically inserts costs for all symbols that start with a pattern.
In particular, all labels that start with `d`, `D`, or `χ` are automatically inserted with the corresponding
costs.
"""
macro autoopt(ex)
@assert Meta.isexpr(ex, :macrocall) && ex.args[1] === Symbol("@tensor") "@autoopt expects a @tensor expression:\n$ex"
# extract expression and kwargs
tensorexpr = ex.args[end]
kwargs = TensorOperations.parse_tensor_kwargs(ex.args[3:(end - 1)])
# extract pre-existing opt data
opt_id = findfirst(kwargs) do param
param[1] === :opt
end
if !isnothing(opt_id)
_, val = kwargs[opt_id]
if val isa Expr
optdict = TensorOperations.optdata(val, tensorexpr)
elseif val isa Bool && val
optdict = TensorOperations.optdata(tensorexpr)
else
throw(ArgumentError("Invalid use of `opt`"))
end
else
optdict = TensorOperations.optdata(tensorexpr)
end
# insert costs for all labels starting with d, D, or χ
replace!(optdict) do (label, cost)
return if startswith(string(label), "d")
label => PEPS_PHYSICALDIM
elseif startswith(string(label), "D")
label => PEPS_BONDDIM
elseif startswith(string(label), "χ")
label => PEPS_ENVBONDDIM
else
label => cost
end
end
# insert opt data into tensor expression
optexpr = Expr(:tuple, (Expr(:call, :(=>), k, v) for (k, v) in optdict)...)
if isnothing(opt_id)
insert!(ex.args, length(ex.args), :(opt = $optexpr))
else
ex.args[opt_id + 2] = :(opt = $optexpr)
end
return esc(ex)
end
# TODO: this definition should be in TensorOperations
TensorOperations.parsecost(x::TensorOperations.Power) = x
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1447 | """
@diffset assign
Helper macro which allows in-place operations in the forward-pass of Zygote, but
resorts to non-mutating operations in the backwards-pass. The expression `assign`
should assign an object to an pre-existing `AbstractArray` and the use of updating
operators is also possible. This is especially needed when in-place assigning
tensors to unit-cell arrays of environments.
"""
macro diffset(ex)
return esc(parse_ex(ex))
end
parse_ex(ex) = ex
function parse_ex(ex::Expr)
oppheads = (:(./=), :(.*=), :(.+=), :(.-=))
opprep = (:(./), :(.*), :(.+), :(.-))
if ex.head === :macrocall
parse_ex(macroexpand(PEPSKit, ex))
elseif ex.head in (:(.=), :(=)) && length(ex.args) == 2 && is_indexing(ex.args[1])
lhs = ex.args[1]
rhs = ex.args[2]
vname = lhs.args[1]
args = lhs.args[2:end]
quote
$vname = _setindex($vname, $rhs, $(args...))
end
elseif ex.head in oppheads && length(ex.args) == 2 && is_indexing(ex.args[1])
hit = findfirst(x -> x == ex.head, oppheads)
rep = opprep[hit]
lhs = ex.args[1]
rhs = ex.args[2]
vname = lhs.args[1]
args = lhs.args[2:end]
quote
$vname = _setindex($vname, $(rep)($lhs, $rhs), $(args...))
end
else
return Expr(ex.head, parse_ex.(ex.args)...)
end
end
is_indexing(ex) = false
is_indexing(ex::Expr) = ex.head === :ref
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1958 | #=
In order to use the machinery of AD but still have the option of controlling the algorithm
for computing gradients, it is possible to hook into the pullback of a function and define
a custom rrule. This is achieved via a wrapper function that takes an optional keyword
argument `alg_rrule` which is consequently used to customize the pullback.
In order to be able to specialize on this, we wrap the rrule in a function `_rrule` which
receives this as its first positional argument.
=#
"""
hook_pullback(f, args...; alg_rrule=nothing, kwargs...)
Wrapper function to customize the pullback of a function `f`. This function is equivalent to
`f(args...; kwargs...)`, but the pullback can be customized by implementing the following
function:
_rrule(alg_rrule, config, f, args...; kwargs...) -> NoTangent(), ∂f, ∂args...
This function can specialize on its first argument in order to customize the pullback. If no
specialization is needed, the default `alg_rrule=nothing` results in the default AD
pullback.
See also [`_rrule`](@ref).
"""
function hook_pullback(@nospecialize(f), args...; alg_rrule=nothing, kwargs...)
return f(args...; kwargs...)
end
function ChainRulesCore.rrule(
config::RuleConfig, ::typeof(hook_pullback), f, args...; alg_rrule=nothing, kwargs...
)
# Need to add ∂hook_pullback
y, f_pullback = _rrule(alg_rrule, config, f, args...; kwargs...)
return y, Δ -> (NoTangent(), f_pullback(Δ)...)
end
"""
_rrule(alg_rrule, config, f, args...; kwargs...) -> ∂f, ∂args...
Customize the pullback of a function `f`. This function can specialize on its first argument
in order to have multiple implementations for a pullback. If no specialization is needed,
the default `alg_rrule=nothing` results in the default AD pullback.
!!! warning
No tangent is expected for the `alg_rrule` argument
"""
_rrule(::Nothing, config::RuleConfig, f, args...; kwargs...) =
rrule_via_ad(config, f, args...; kwargs...)
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 341 | const NORTH = 1
const EAST = 2
const SOUTH = 3
const WEST = 4
const NORTHWEST = 1
const NORTHEAST = 2
const SOUTHEAST = 3
const SOUTHWEST = 4
"""
rotate_north(t, dir)
Rotate north direction of `t` to `dir` by successive applications of `rotl90`.
"""
rotate_north(t, dir) = mod1(dir, 4) == NORTH ? t : rotate_north(rotl90(t), dir - 1)
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 9957 | using TensorKit:
SectorDict,
_tsvd!,
_empty_svdtensors,
_compute_svddata!,
_create_svdtensors,
NoTruncation,
TruncationSpace
const CRCExt = Base.get_extension(KrylovKit, :KrylovKitChainRulesCoreExt)
"""
struct SVDAdjoint(; fwd_alg=Defaults.fwd_alg, rrule_alg=Defaults.rrule_alg,
broadening=nothing)
Wrapper for a SVD algorithm `fwd_alg` with a defined reverse rule `rrule_alg`.
If `isnothing(rrule_alg)`, Zygote differentiates the forward call automatically.
In case of degenerate singular values, one might need a `broadening` scheme which
removes the divergences from the adjoint.
"""
@kwdef struct SVDAdjoint{F,R,B}
fwd_alg::F = Defaults.fwd_alg
rrule_alg::R = Defaults.rrule_alg
broadening::B = nothing
end # Keep truncation algorithm separate to be able to specify CTMRG dependent information
"""
PEPSKit.tsvd(t::AbstractTensorMap, alg; trunc=notrunc(), p=2)
Wrapper around `TensorKit.tsvd` which dispatches on the `alg` argument.
This is needed since a custom adjoint for `PEPSKit.tsvd` may be defined,
depending on the algorithm. E.g., for `IterSVD` the adjoint for a truncated
SVD from `KrylovKit.svdsolve` is used.
"""
PEPSKit.tsvd(t::AbstractTensorMap, alg; kwargs...) = PEPSKit.tsvd!(copy(t), alg; kwargs...)
function PEPSKit.tsvd!(
t::AbstractTensorMap, alg::SVDAdjoint; trunc::TruncationScheme=notrunc(), p::Real=2
)
return TensorKit.tsvd!(t; alg=alg.fwd_alg, trunc, p)
end
"""
struct FixedSVD
SVD struct containing a pre-computed decomposition or even multiple ones.
The call to `tsvd` just returns the pre-computed U, S and V. In the reverse
pass, the SVD adjoint is computed with these exact U, S, and V.
"""
struct FixedSVD{Ut,St,Vt}
U::Ut
S::St
V::Vt
end
# Return pre-computed SVD
function TensorKit._tsvd!(t, alg::FixedSVD, ::NoTruncation, ::Real=2)
return alg.U, alg.S, alg.V, 0
end
"""
struct IterSVD(; alg=KrylovKit.GKL(), fallback_threshold = Inf)
Iterative SVD solver based on KrylovKit's GKL algorithm, adapted to (symmetric) tensors.
The number of targeted singular values is set via the `TruncationSpace` in `ProjectorAlg`.
In particular, this make it possible to specify the targeted singular values block-wise.
In case the symmetry block is too small as compared to the number of singular values, or
the iterative SVD didn't converge, the algorithm falls back to a dense SVD.
"""
@kwdef struct IterSVD
alg::KrylovKit.GKL = KrylovKit.GKL(; tol=1e-14, krylovdim=25)
fallback_threshold::Float64 = Inf
end
# Compute SVD data block-wise using KrylovKit algorithm
function TensorKit._tsvd!(
t, alg::IterSVD, trunc::Union{NoTruncation,TruncationSpace}, p::Real=2
)
# early return
if isempty(blocksectors(t))
truncerr = zero(real(scalartype(t)))
return _empty_svdtensors(t)..., truncerr
end
Udata, Σdata, Vdata, dims = _compute_svddata!(t, alg, trunc)
U, S, V = _create_svdtensors(t, Udata, Σdata, Vdata, spacetype(t)(dims))
truncerr = trunc isa NoTruncation ? abs(zero(scalartype(t))) : norm(U * S * V - t, p)
return U, S, V, truncerr
end
function TensorKit._compute_svddata!(
t::TensorMap, alg::IterSVD, trunc::Union{NoTruncation,TruncationSpace}
)
InnerProductStyle(t) === EuclideanProduct() || throw_invalid_innerproduct(:tsvd!)
I = sectortype(t)
A = storagetype(t)
Udata = SectorDict{I,A}()
Vdata = SectorDict{I,A}()
dims = SectorDict{I,Int}()
local Sdata
for (c, b) in blocks(t)
howmany = trunc isa NoTruncation ? minimum(size(b)) : blockdim(trunc.space, c)
if howmany / minimum(size(b)) > alg.fallback_threshold # Use dense SVD for small blocks
U, S, V = TensorKit.MatrixAlgebra.svd!(b, TensorKit.SVD())
Udata[c] = U[:, 1:howmany]
Vdata[c] = V[1:howmany, :]
else
x₀ = randn(eltype(b), size(b, 1))
S, lvecs, rvecs, info = KrylovKit.svdsolve(b, x₀, howmany, :LR, alg.alg)
if info.converged < howmany # Fall back to dense SVD if not properly converged
@warn "Iterative SVD did not converge for block $c, falling back to dense SVD"
U, S, V = TensorKit.MatrixAlgebra.svd!(b, TensorKit.SVD())
Udata[c] = U[:, 1:howmany]
Vdata[c] = V[1:howmany, :]
else # Slice in case more values were converged than requested
Udata[c] = stack(view(lvecs, 1:howmany))
Vdata[c] = stack(conj, view(rvecs, 1:howmany); dims=1)
end
end
resize!(S, howmany)
if @isdefined Sdata
Sdata[c] = S
else
Sdata = SectorDict(c => S)
end
dims[c] = length(S)
end
return Udata, Sdata, Vdata, dims
end
function ChainRulesCore.rrule(
::typeof(PEPSKit.tsvd!),
t::AbstractTensorMap,
alg::SVDAdjoint{F,R,B};
trunc::TruncationScheme=notrunc(),
p::Real=2,
) where {F<:Union{IterSVD,FixedSVD},R<:Union{GMRES,BiCGStab,Arnoldi},B}
U, S, V, ϵ = PEPSKit.tsvd(t, alg; trunc, p)
function tsvd!_itersvd_pullback((ΔU, ΔS, ΔV, Δϵ))
Δt = similar(t)
for (c, b) in blocks(Δt)
Uc, Sc, Vc = block(U, c), block(S, c), block(V, c)
ΔUc, ΔSc, ΔVc = block(ΔU, c), block(ΔS, c), block(ΔV, c)
Sdc = view(Sc, diagind(Sc))
ΔSdc = ΔSc isa AbstractZero ? ΔSc : view(ΔSc, diagind(ΔSc))
n_vals = length(Sdc)
lvecs = Vector{Vector{scalartype(t)}}(eachcol(Uc))
rvecs = Vector{Vector{scalartype(t)}}(eachcol(Vc'))
# Dummy objects only used for warnings
minimal_info = KrylovKit.ConvergenceInfo(n_vals, nothing, nothing, -1, -1) # Only num. converged is used
minimal_alg = GKL(; tol=1e-6) # Only tolerance is used for gauge sensitivity (# TODO: How do we not hard-code this tolerance?)
if ΔUc isa AbstractZero && ΔVc isa AbstractZero # Handle ZeroTangent singular vectors
Δlvecs = fill(ZeroTangent(), n_vals)
Δrvecs = fill(ZeroTangent(), n_vals)
else
Δlvecs = Vector{Vector{scalartype(t)}}(eachcol(ΔUc))
Δrvecs = Vector{Vector{scalartype(t)}}(eachcol(ΔVc'))
end
xs, ys = CRCExt.compute_svdsolve_pullback_data(
ΔSc isa AbstractZero ? fill(zero(Sc[1]), n_vals) : ΔSdc,
Δlvecs,
Δrvecs,
Sdc,
lvecs,
rvecs,
minimal_info,
block(t, c),
:LR,
minimal_alg,
alg.rrule_alg,
)
copyto!(
b,
CRCExt.construct∂f_svd(HasReverseMode(), block(t, c), lvecs, rvecs, xs, ys),
)
end
return NoTangent(), Δt, NoTangent()
end
function tsvd!_itersvd_pullback(::Tuple{ZeroTangent,ZeroTangent,ZeroTangent})
return NoTangent(), ZeroTangent(), NoTangent()
end
return (U, S, V, ϵ), tsvd!_itersvd_pullback
end
"""
struct NonTruncAdjoint
Old SVD adjoint that does not account for the truncated part of truncated SVDs.
"""
struct NonTruncSVDAdjoint end
# Use outdated adjoint in reverse pass (not taking truncated part into account for testing purposes)
function ChainRulesCore.rrule(
::typeof(PEPSKit.tsvd!),
t::AbstractTensorMap,
alg::SVDAdjoint{F,NonTruncSVDAdjoint,B};
trunc::TruncationScheme=notrunc(),
p::Real=2,
) where {F,B}
U, S, V, ϵ = PEPSKit.tsvd(t, alg; trunc, p)
function tsvd!_nontruncsvd_pullback((ΔU, ΔS, ΔV, Δϵ))
Δt = similar(t)
for (c, b) in blocks(Δt)
Uc, Sc, Vc = block(U, c), block(S, c), block(V, c)
ΔUc, ΔSc, ΔVc = block(ΔU, c), block(ΔS, c), block(ΔV, c)
copyto!(
b, oldsvd_rev(Uc, Sc, Vc, ΔUc, ΔSc, ΔVc; lorentz_broadening=alg.broadening)
)
end
return NoTangent(), Δt, NoTangent()
end
function tsvd!_nontruncsvd_pullback(::Tuple{ZeroTangent,ZeroTangent,ZeroTangent})
return NoTangent(), ZeroTangent(), NoTangent()
end
return (U, S, V, ϵ), tsvd!_nontruncsvd_pullback
end
function oldsvd_rev(
U::AbstractMatrix,
S::AbstractMatrix,
V::AbstractMatrix,
ΔU,
ΔS,
ΔV;
lorentz_broadening=0,
atol::Real=0,
rtol::Real=atol > 0 ? 0 : eps(scalartype(S))^(3 / 4),
)
tol = atol > 0 ? atol : rtol * S[1, 1]
F = _invert_S²(S, tol, lorentz_broadening) # Includes Lorentzian broadening
S⁻¹ = pinv(S; atol=tol)
# dS contribution
term = ΔS isa ZeroTangent ? ΔS : Diagonal(diag(ΔS))
# dU₁ and dV₁ off-diagonal contribution
J = F .* (U' * ΔU)
term += (J + J') * S
VΔV = (V * ΔV')
K = F .* VΔV
term += S * (K + K')
# dV₁ diagonal contribution (diagonal of dU₁ is gauged away)
if scalartype(U) <: Complex && !(ΔV isa ZeroTangent) && !(ΔU isa ZeroTangent)
L = Diagonal(diag(VΔV))
term += 0.5 * S⁻¹ * (L' - L)
end
ΔA = U * term * V
# Projector contribution for non-square A
UUd = U * U'
VdV = V' * V
Uproj = one(UUd) - UUd
Vproj = one(VdV) - VdV
ΔA += Uproj * ΔU * S⁻¹ * V + U * S⁻¹ * ΔV * Vproj # Wrong truncation contribution
return ΔA
end
# Computation of F in SVD adjoint, including Lorentzian broadening
function _invert_S²(S::AbstractMatrix{T}, tol::Real, ε=0) where {T<:Real}
F = similar(S)
@inbounds for i in axes(F, 1), j in axes(F, 2)
F[i, j] = if i == j
zero(T)
else
sᵢ, sⱼ = S[i, i], S[j, j]
Δs = abs(sⱼ - sᵢ) < tol ? tol : sⱼ^2 - sᵢ^2
ε > 0 && (Δs = _lorentz_broaden(Δs, ε))
1 / Δs
end
end
return F
end
# Lorentzian broadening for SVD adjoint F-singularities
function _lorentz_broaden(x::Real, ε=1e-12)
x′ = 1 / x
return x′ / (x′^2 + ε)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 5724 | # some basic symmetrization routines for PEPS
abstract type SymmetrizationStyle end
struct None <: SymmetrizationStyle end
struct Depth <: SymmetrizationStyle end
struct Width <: SymmetrizationStyle end
struct Rot <: SymmetrizationStyle end
struct Full <: SymmetrizationStyle end
# some rather shady definitions for 'hermitian conjugate' at the level of a single tensor
function herm_depth(x::PEPSTensor)
return permute(x', ((5,), (3, 2, 1, 4)))
end
function herm_depth(x::PEPOTensor)
return permute(x', ((5, 6), (3, 2, 1, 4)))
end
function herm_width(x::PEPSTensor)
return permute(x', ((5,), (1, 4, 3, 2)))
end
function herm_width(x::PEPOTensor)
return permute(x', ((5, 6), (1, 4, 3, 2)))
end
function herm_height(x::PEPOTensor)
return permute(x', ((6, 5), (1, 2, 3, 4)))
end
# hermitian invariance
# make two TensorMap's have the same spaces, by force if necessary
# this is definitely not what you would want to do, but it circumvents having to think
# about what hermiticity means at the level of transfer operators, which is something
function _make_it_fit(
y::AbstractTensorMap{S,N₁,N₂}, x::AbstractTensorMap{S,N₁,N₂}
) where {S<:IndexSpace,N₁,N₂}
for i in 1:(N₁ + N₂)
if space(x, i) ≠ space(y, i)
f = unitary(space(x, i) ← space(y, i))
y = permute(
ncon([f, y], [[-i, 1], [-(1:(i - 1))..., 1, -((i + 1):(N₁ + N₂))...]]),
(Tuple(1:N₁), Tuple((N₁ + 1):(N₁ + N₂))),
)
end
end
return y
end
function herm_depth_inv(x::Union{PEPSTensor,PEPOTensor})
return 0.5 * (x + _make_it_fit(herm_depth(x), x))
end
function herm_width_inv(x::Union{PEPSTensor,PEPOTensor})
return 0.5 * (x + _make_it_fit(herm_width(x), x))
end
function herm_height_inv(x::Union{PEPSTensor,PEPOTensor})
return 0.5 * (x + _make_it_fit(herm_height(x), x))
end
# rotation invariance
function rot_inv(x)
return 0.25 * (
x +
_make_it_fit(rotl90(x), x) +
_make_it_fit(rot180(x), x) +
_make_it_fit(rotr90(x), x)
)
end
## PEPS unit cell symmetrization
PEPSLike = Union{InfinitePEPS,AbstractArray{<:PEPSTensor,2}}
symmetrize(p::PEPSLike, ::None) = p
function symmetrize(p::PEPSLike, ::Depth)
depth, width = size(p)
if mod(depth, 2) == 1
for w in 1:width
p[ceil(Int, depth / 2), w] = herm_depth_inv(p[ceil(Int, depth / 2), w])
end
end
for d in 1:floor(Int, depth / 2)
for w in 1:width
p[depth - d + 1, w] = _make_it_fit(herm_depth(p[d, w]), p[depth - d + 1, w])
end
end
return p
end
function symmetrize(p::PEPSLike, ::Width)
depth, width = size(p)
if mod(width, 2) == 1
for d in 1:depth
p[d, ceil(Int, width / 2)] = herm_width_inv(p[d, ceil(Int, width / 2), h])
end
end
for w in 1:floor(Int, width / 2)
for d in 1:depth
p[d, width - w + 1] = _make_it_fit(herm_width(p[d, w]), p[d, width - w + 1])
end
end
return p
end
function symmetrize(p::PEPSLike, ::Rot)
return error("TODO")
end
function symmetrize(p::PEPSLike, ::Full)
# TODO: clean up this mess...
# some auxiliary transformations
function symmetrize_corner(x::PEPSTensor)
return 0.5 * (x + _make_it_fit(permute(x', ((5,), (4, 3, 2, 1))), x))
end
symmetrize_center(x::PEPSTensor) = herm_depth_inv(rot_inv(x))
function symmetrize_mid_depth(x::PEPSTensor)
return x + _make_it_fit(permute(x', ((5,), (3, 2, 1, 4))), x)
end
depth, width = size(p)
depth == width || error("This only works for square unit cells.")
odd = mod(depth, 2)
if odd == 1
p[ceil(Int, depth / 2), ceil(Int, width / 2)] = symmetrize_center(
p[ceil(Int, depth / 2), ceil(Int, width / 2)]
)
end
for d in 1:ceil(Int, depth / 2)
for w in 1:floor(Int, width / 2)
if d == w
p[d, w] = symmetrize_corner(p[d, w])
p[d, width - w + 1] = _make_it_fit(rotr90(p[d, w]), p[d, width - w + 1])
p[depth - d + 1, w] = _make_it_fit(herm_depth(p[d, w]), p[depth - d + 1, w])
p[depth - d + 1, width - w + 1] = _make_it_fit(
herm_depth(rotr90(p[d, w])), p[depth - d + 1, width - w + 1]
)
elseif odd == 1 && d == ceil(Int, depth / 2)
p[d, w] = symmetrize_mid_depth(p[d, w])
p[w, d] = _make_it_fit(rotr90(p[d, w]), p[w, d])
p[d, width - w + 1] = _make_it_fit(rot180(p[d, w]), p[d, width - w + 1])
p[width - w + 1, d] = _make_it_fit(
herm_depth(rotr90(p[d, w])), p[width - w + 1, d]
)
else
p[depth - d + 1, w] = _make_it_fit(herm_depth(p[d, w]), p[depth - d + 1, w])
p[w, depth - d + 1] = _make_it_fit(rotr90(p[d, w]), p[w, depth - d + 1])
p[width - w + 1, depth - d + 1] = _make_it_fit(
herm_depth(rotr90(p[d, w])), [width - w + 1, depth - d + 1]
)
p[w, d] = _make_it_fit(rotr90(herm_depth(p[d, w])), p[w, d])
p[width - w + 1, d] = _make_it_fit(
herm_depth(rotr90(herm_depth(p[d, w]))), p[width - w + 1, d]
)
p[d, width - w + 1] = _make_it_fit(
rotr90(rotr90(herm_depth(p[d, w]))), p[d, width - w + 1]
)
p[depth - d + 1, width - w + 1] = _make_it_fit(
herm_depth(rotr90(rotr90(herm_depth(p[d, w])))),
p[depth - d + 1, width - w + 1],
)
end
end
end
return p
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 5501 | # Get next and previous directional CTM enviroment index, respecting periodicity
_next(i, total) = mod1(i + 1, total)
_prev(i, total) = mod1(i - 1, total)
# Element-wise multiplication of TensorMaps respecting block structure
function _elementwise_mult(a::AbstractTensorMap, b::AbstractTensorMap)
dst = similar(a)
for (k, block) in blocks(dst)
copyto!(block, blocks(a)[k] .* blocks(b)[k])
end
return dst
end
# Compute √S⁻¹ for diagonal TensorMaps
function sdiag_inv_sqrt(S::AbstractTensorMap)
invsq = similar(S)
if sectortype(S) == Trivial
copyto!(invsq.data, LinearAlgebra.diagm(LinearAlgebra.diag(S.data) .^ (-1 / 2)))
else
for (k, b) in blocks(S)
copyto!(
blocks(invsq)[k], LinearAlgebra.diagm(LinearAlgebra.diag(b) .^ (-1 / 2))
)
end
end
return invsq
end
function ChainRulesCore.rrule(::typeof(sdiag_inv_sqrt), S::AbstractTensorMap)
invsq = sdiag_inv_sqrt(S)
function sdiag_inv_sqrt_pullback(c̄)
return (ChainRulesCore.NoTangent(), -1 / 2 * _elementwise_mult(c̄, invsq'^3))
end
return invsq, sdiag_inv_sqrt_pullback
end
# Check whether diagonals contain degenerate values up to absolute or relative tolerance
function is_degenerate_spectrum(
S; atol::Real=0, rtol::Real=atol > 0 ? 0 : sqrt(eps(scalartype(S)))
)
for (_, b) in blocks(S)
s = real(diag(b))
for i in 1:(length(s) - 1)
isapprox(s[i], s[i + 1]; atol, rtol) && return true
end
end
return false
end
"""
projector_type(T::DataType, size)
projector_type(edges::Array{<:AbstractTensorMap})
Create two arrays of specified `size` that contain undefined tensors representing
left and right acting projectors, respectively. The projector types are inferred
from the TensorMap type `T` which avoids having to recompute transpose tensors.
Alternatively, supply an array of edge tensors from which left and right projectors
are intialized explicitly with zeros.
"""
function projector_type(T::DataType, size)
P_left = Array{T,length(size)}(undef, size)
Prtype = tensormaptype(spacetype(T), numin(T), numout(T), storagetype(T))
P_right = Array{Prtype,length(size)}(undef, size)
return P_left, P_right
end
function projector_type(edges::Array{<:AbstractTensorMap})
P_left = map(e -> TensorMap(zeros, scalartype(e), space(e)), edges)
P_right = map(e -> TensorMap(zeros, scalartype(e), domain(e), codomain(e)), edges)
return P_left, P_right
end
# There are no rrules for rotl90 and rotr90 in ChainRules.jl
function ChainRulesCore.rrule(::typeof(rotl90), a::AbstractMatrix)
function rotl90_pullback(x)
if !iszero(x)
x = if x isa Tangent
ChainRulesCore.construct(typeof(a), ChainRulesCore.backing(x))
else
x
end
x = rotr90(x)
end
return NoTangent(), x
end
return rotl90(a), rotl90_pullback
end
function ChainRulesCore.rrule(::typeof(rotr90), a::AbstractMatrix)
function rotr90_pullback(x)
if !iszero(x)
x = if x isa Tangent
ChainRulesCore.construct(typeof(a), ChainRulesCore.backing(x))
else
x
end
x = rotl90(x)
end
return NoTangent(), x
end
return rotr90(a), rotr90_pullback
end
# Differentiable setindex! alternative
function _setindex(a::AbstractArray, v, args...)
b::typeof(a) = copy(a)
b[args...] = v
return b
end
function ChainRulesCore.rrule(::typeof(_setindex), a::AbstractArray, tv, args...)
t = _setindex(a, tv, args...)
function _setindex_pullback(v)
if iszero(v)
backwards_tv = ZeroTangent()
backwards_a = ZeroTangent()
else
v = if v isa Tangent
ChainRulesCore.construct(typeof(a), ChainRulesCore.backing(v))
else
v
end
# TODO: Fix this for ZeroTangents
v = typeof(v) != typeof(a) ? convert(typeof(a), v) : v
#v = convert(typeof(a),v);
backwards_tv = v[args...]
backwards_a = copy(v)
if typeof(backwards_tv) == eltype(a)
backwards_a[args...] = zero(v[args...])
else
backwards_a[args...] = zero.(v[args...])
end
end
return (
NoTangent(), backwards_a, backwards_tv, fill(ZeroTangent(), length(args))...
)
end
return t, _setindex_pullback
end
"""
@showtypeofgrad(x)
Macro utility to show to type of the gradient that is about to accumulate for `x`.
See also [`Zygote.@showgrad`](@ref).
"""
macro showtypeofgrad(x)
return :(
Zygote.hook($(esc(x))) do x̄
println($"∂($x) = ", repr(typeof(x̄)))
x̄
end
)
end
"""
@fwdthreads(ex)
Apply `Threads.@threads` only in the forward pass of the program.
It works by wrapping the for-loop expression in an if statement where in the forward pass
the loop in computed in parallel using `Threads.@threads`, whereas in the backwards pass
the `Threads.@threads` is omitted in order to make the expression differentiable.
"""
macro fwdthreads(ex)
@assert ex.head === :for "@fwdthreads expects a for loop:\n$ex"
diffable_ex = quote
if Zygote.isderiving()
$ex
else
Threads.@threads $ex
end
end
return esc(diffable_ex)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1415 | using Test
using Random
using PEPSKit
using TensorKit
using KrylovKit
using OptimKit
# initialize parameters
χbond = 2
χenv = 16
ctm_alg = CTMRG(;
tol=1e-10,
miniter=4,
maxiter=100,
verbosity=2,
svd_alg=SVDAdjoint(; fwd_alg=TensorKit.SVD(), rrule_alg=GMRES(; tol=1e-10)),
ctmrgscheme=:simultaneous,
)
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=100, gradtol=1e-3, verbosity=2),
gradient_alg=LinSolver(; solver=GMRES(; tol=1e-6), iterscheme=:fixed),
reuse_env=true,
)
# initialize states
Random.seed!(91283219347)
H = square_lattice_heisenberg()
psi_init = InfinitePEPS(2, χbond)
env_init = leading_boundary(CTMRGEnv(psi_init, ComplexSpace(χenv)), psi_init, ctm_alg)
# find fixedpoint
result = fixedpoint(psi_init, H, opt_alg, env_init)
λ_h, λ_v, = correlation_length(result.peps, result.env)
@test result.E ≈ -0.6694421 atol = 1e-2
@test all(@. λ_h > 0 && λ_v > 0)
# same test but for 1x2 unit cell
H_1x2 = square_lattice_heisenberg(; unitcell=(1, 2))
psi_init_1x2 = InfinitePEPS(2, χbond; unitcell=(1, 2))
env_init_1x2 = leading_boundary(
CTMRGEnv(psi_init_1x2, ComplexSpace(χenv)), psi_init_1x2, ctm_alg
)
result_1x2 = fixedpoint(psi_init_1x2, H_1x2, opt_alg, env_init_1x2)
λ_h_1x2, λ_v_1x2, = correlation_length(result_1x2.peps, result_1x2.env)
@test result_1x2.E ≈ 2 * result.E atol = 1e-2
@test all(@. λ_h_1x2 > 0 && λ_v_1x2 > 0)
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1057 | using Test
using Random
using PEPSKit
using TensorKit
using KrylovKit
using OptimKit
# Initialize parameters
unitcell = (2, 2)
H = square_lattice_pwave(; unitcell)
χbond = 2
χenv = 16
ctm_alg = CTMRG(; tol=1e-8, maxiter=150, verbosity=2, ctmrgscheme=:sequential)
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=10, gradtol=1e-3, verbosity=2),
gradient_alg=LinSolver(; solver=GMRES(; tol=1e-3, maxiter=2), iterscheme=:diffgauge),
reuse_env=true,
)
# initialize states
Pspace = Vect[FermionParity](0 => 1, 1 => 1)
Vspace = Vect[FermionParity](0 => χbond ÷ 2, 1 => χbond ÷ 2)
Envspace = Vect[FermionParity](0 => χenv ÷ 2, 1 => χenv ÷ 2)
Random.seed!(91283219347)
psi_init = InfinitePEPS(Pspace, Vspace, Vspace; unitcell)
env_init = leading_boundary(CTMRGEnv(psi_init, Envspace), psi_init, ctm_alg);
# find fixedpoint
result = fixedpoint(psi_init, H, opt_alg, env_init)
# comparison with Gaussian PEPS minimum at D=2 on 1000x1000 square lattice with aPBC
@test result.E / prod(size(psi_init)) ≈ -2.6241 atol = 5e-2
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1566 | using SafeTestsets
# check if user supplied args
pat = r"(?:--group=)(\w+)"
arg_id = findfirst(contains(pat), ARGS)
const GROUP = if isnothing(arg_id)
uppercase(get(ENV, "GROUP", "ALL"))
else
uppercase(only(match(pat, ARGS[arg_id]).captures))
end
@time begin
if GROUP == "ALL" || GROUP == "CTMRG"
@time @safetestset "Gauge Fixing" begin
include("ctmrg/gaugefix.jl")
end
@time @safetestset "Gradients" begin
include("ctmrg/gradients.jl")
end
@time @safetestset "Unit cell" begin
include("ctmrg/unitcell.jl")
end
@time @safetestset "SVD wrapper" begin
include("ctmrg/svd_wrapper.jl")
end
@time @safetestset ":fixed CTMRG iteration scheme" begin
include("ctmrg/fixed_iterscheme.jl")
end
@time @safetestset "Unit cells" begin
include("ctmrg/unitcell.jl")
end
@time @safetestset "CTMRG schemes" begin
include("ctmrg/ctmrgschemes.jl")
end
end
if GROUP == "ALL" || GROUP == "MPS"
@time @safetestset "VUMPS" begin
include("boundarymps/vumps.jl")
end
end
if GROUP == "ALL" || GROUP == "EXAMPLES"
@time @safetestset "Transverse Field Ising model" begin
include("tf_ising.jl")
end
@time @safetestset "Heisenberg model" begin
include("heisenberg.jl")
end
@time @safetestset "P-wave superconductor" begin
include("pwave.jl")
end
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1777 | using Test
using Random
using PEPSKit
using TensorKit
using KrylovKit
using OptimKit
# References
# ----------
# Classical Simulation of Infinite-Size Quantum Lattice Systems in Two Spatial Dimensions
# J. Jordan, R. Orús, G. Vidal, F. Verstraete, and J. I. Cirac
# Phys. Rev. Lett. 101, 250602 – Published 18 December 2008
# (values estimated from plots)
# (factor of 2 in the energy due to convention differences)
h = 3.1
e = -1.6417 * 2
mˣ = 0.91
# initialize parameters
χbond = 2
χenv = 16
ctm_alg = CTMRG(;
tol=1e-10,
miniter=4,
maxiter=100,
verbosity=2,
svd_alg=SVDAdjoint(; fwd_alg=TensorKit.SVD(), rrule_alg=GMRES(; tol=1e-10)),
)
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=100, gradtol=1e-3, verbosity=2),
gradient_alg=LinSolver(; solver=GMRES(; tol=1e-6)),
reuse_env=true,
)
# initialize states
H = square_lattice_tf_ising(; h)
Random.seed!(91283219347)
psi_init = InfinitePEPS(2, χbond)
env_init = leading_boundary(CTMRGEnv(psi_init, ComplexSpace(χenv)), psi_init, ctm_alg)
# find fixedpoint
result = fixedpoint(psi_init, H, opt_alg, env_init)
λ_h, λ_v, = correlation_length(result.peps, result.env)
# compute magnetization
σx = TensorMap(scalartype(psi_init)[0 1; 1 0], ℂ^2, ℂ^2)
M = LocalOperator(H.lattice, (CartesianIndex(1, 1),) => σx)
magn = expectation_value(result.peps, M, result.env)
@test result.E ≈ e atol = 1e-2
@test imag(magn) ≈ 0 atol = 1e-6
@test abs(magn) ≈ mˣ atol = 5e-2
# find fixedpoint in polarized phase and compute correlations lengths
H_polar = square_lattice_tf_ising(; h=4.5)
result_polar = fixedpoint(psi_init, H_polar, opt_alg, env_init)
λ_h_polar, λ_v_polar, = correlation_length(result_polar.peps, result_polar.env)
@test λ_h_polar < λ_h
@test λ_v_polar < λ_v
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2482 | using TensorKit
using ChainRulesTestUtils
using TensorKit: sqrtdim, isqrtdim
using VectorInterface: scale!
using FiniteDifferences
## Test utility
# -------------
function ChainRulesTestUtils.rand_tangent(rng::AbstractRNG, x::AbstractTensorMap)
return TensorMap(randn, scalartype(x), space(x))
end
function ChainRulesTestUtils.rand_tangent(rng::AbstractRNG, x::CTMRGEnv)
Ctans = x.corners
Etans = x.edges
for i in eachindex(x.corners)
Ctans[i] = rand_tangent(rng, x.corners[i])
end
for i in eachindex(x.edges)
Etans[i] = rand_tangent(rng, x.edges[i])
end
return CTMRGEnv(Ctans, Etans)
end
function ChainRulesTestUtils.test_approx(
actual::AbstractTensorMap, expected::AbstractTensorMap, msg=""; kwargs...
)
for (c, b) in blocks(actual)
ChainRulesTestUtils.@test_msg msg isapprox(b, block(expected, c); kwargs...)
end
end
function ChainRulesTestUtils.test_approx(
actual::InfinitePEPS, expected::InfinitePEPS, msg=""; kwargs...
)
for i in eachindex(size(actual, 1))
for j in eachindex(size(actual, 2))
ChainRulesTestUtils.@test_msg msg isapprox(
actual[i, j], expected[i, j]; kwargs...
)
end
end
end
function ChainRulesTestUtils.test_approx(
actual::CTMRGEnv, expected::CTMRGEnv, msg=""; kwargs...
)
for i in eachindex(actual.corners)
ChainRulesTestUtils.@test_msg msg isapprox(
actual.corners[i], expected.corners[i]; kwargs...
)
end
for i in eachindex(actual.edges)
ChainRulesTestUtils.@test_msg msg isapprox(
actual.edges[i], expected.edges[i]; kwargs...
)
end
end
# TODO: remove these functions once TensorKit is updated
function FiniteDifferences.to_vec(t::T) where {T<:TensorKit.TrivialTensorMap}
vec, from_vec = to_vec(t.data)
return vec, x -> T(from_vec(x), codomain(t), domain(t))
end
function FiniteDifferences.to_vec(t::AbstractTensorMap)
# convert to vector of vectors to make use of existing functionality
vec_of_vecs = [b * sqrtdim(c) for (c, b) in blocks(t)]
vec, back = FiniteDifferences.to_vec(vec_of_vecs)
function from_vec(x)
t′ = similar(t)
xvec_of_vecs = back(x)
for (i, (c, b)) in enumerate(blocks(t′))
scale!(b, xvec_of_vecs[i], isqrtdim(c))
end
return t′
end
return vec, from_vec
end
FiniteDifferences.to_vec(t::TensorKit.AdjointTensorMap) = to_vec(copy(t))
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 1998 | using Test
using Random
using PEPSKit
using TensorKit
using MPSKit
using LinearAlgebra
Random.seed!(29384293742893)
const vumps_alg = VUMPS(; alg_eigsolve=MPSKit.Defaults.alg_eigsolve(; ishermitian=false))
@testset "(1, 1) PEPS" begin
psi = InfinitePEPS(ComplexSpace(2), ComplexSpace(2))
T = PEPSKit.InfiniteTransferPEPS(psi, 1, 1)
mps = PEPSKit.initializeMPS(T, [ComplexSpace(20)])
mps, envs, ϵ = leading_boundary(mps, T, vumps_alg)
N = abs(sum(expectation_value(mps, T)))
ctm = leading_boundary(CTMRGEnv(psi, ComplexSpace(20)), psi, CTMRG(; verbosity=1))
N´ = abs(norm(psi, ctm))
@test N ≈ N´ atol = 1e-3
end
@testset "(2, 2) PEPS" begin
psi = InfinitePEPS(ComplexSpace(2), ComplexSpace(2); unitcell=(2, 2))
T = PEPSKit.TransferPEPSMultiline(psi, 1)
mps = PEPSKit.initializeMPS(T, fill(ComplexSpace(20), 2, 2))
mps, envs, ϵ = leading_boundary(mps, T, vumps_alg)
N = abs(prod(expectation_value(mps, T)))
ctm = leading_boundary(CTMRGEnv(psi, ComplexSpace(20)), psi, CTMRG(; verbosity=1))
N´ = abs(norm(psi, ctm))
@test N ≈ N´ rtol = 1e-2
end
@testset "PEPO runthrough" begin
function ising_pepo(beta; unitcell=(1, 1, 1))
t = ComplexF64[exp(beta) exp(-beta); exp(-beta) exp(beta)]
q = sqrt(t)
O = zeros(2, 2, 2, 2, 2, 2)
O[1, 1, 1, 1, 1, 1] = 1
O[2, 2, 2, 2, 2, 2] = 1
@tensor o[-1 -2; -3 -4 -5 -6] :=
O[1 2; 3 4 5 6] *
q[-1; 1] *
q[-2; 2] *
q[-3; 3] *
q[-4; 4] *
q[-5; 5] *
q[-6; 6]
O = TensorMap(o, ℂ^2 ⊗ (ℂ^2)' ← ℂ^2 ⊗ ℂ^2 ⊗ (ℂ^2)' ⊗ (ℂ^2)')
return InfinitePEPO(O; unitcell)
end
psi = InfinitePEPS(ComplexSpace(2), ComplexSpace(2))
O = ising_pepo(1)
T = InfiniteTransferPEPO(psi, O, 1, 1)
mps = PEPSKit.initializeMPS(T, [ComplexSpace(10)])
mps, envs, ϵ = leading_boundary(mps, T, vumps_alg)
f = abs(prod(expectation_value(mps, T)))
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2663 | using Test
using Random
using TensorKit
using MPSKit
using PEPSKit
# initialize parameters
χbond = 2
χenv = 16
ctm_alg_sequential = CTMRG(; tol=1e-10, verbosity=2, ctmrgscheme=:sequential)
ctm_alg_simultaneous = CTMRG(; tol=1e-10, verbosity=2, ctmrgscheme=:simultaneous)
unitcells = [(1, 1), (3, 4)]
@testset "$(unitcell) unit cell" for unitcell in unitcells
# compute environments
Random.seed!(32350283290358)
psi = InfinitePEPS(2, χbond; unitcell)
env_sequential = leading_boundary(
CTMRGEnv(psi, ComplexSpace(χenv)), psi, ctm_alg_sequential
)
env_simultaneous = leading_boundary(
CTMRGEnv(psi, ComplexSpace(χenv)), psi, ctm_alg_simultaneous
)
# compare norms
@test abs(norm(psi, env_sequential)) ≈ abs(norm(psi, env_simultaneous)) rtol = 1e-6
# compare singular values
CS_sequential = map(c -> tsvd(c; alg=TensorKit.SVD())[2], env_sequential.corners)
CS_simultaneous = map(c -> tsvd(c; alg=TensorKit.SVD())[2], env_simultaneous.corners)
ΔCS = maximum(zip(CS_sequential, CS_simultaneous)) do (c_lm, c_as)
smallest = infimum(MPSKit._firstspace(c_lm), MPSKit._firstspace(c_as))
e_old = isometry(MPSKit._firstspace(c_lm), smallest)
e_new = isometry(MPSKit._firstspace(c_as), smallest)
return norm(e_new' * c_as * e_new - e_old' * c_lm * e_old)
end
@test ΔCS < 1e-2
TS_sequential = map(t -> tsvd(t; alg=TensorKit.SVD())[2], env_sequential.edges)
TS_simultaneous = map(t -> tsvd(t; alg=TensorKit.SVD())[2], env_simultaneous.edges)
ΔTS = maximum(zip(TS_sequential, TS_simultaneous)) do (t_lm, t_as)
MPSKit._firstspace(t_lm) == MPSKit._firstspace(t_as) || return scalartype(t_lm)(Inf)
return norm(t_as - t_lm)
end
@test ΔTS < 1e-2
# compare Heisenberg energies
H = square_lattice_heisenberg(; unitcell)
E_sequential = costfun(psi, env_sequential, H)
E_simultaneous = costfun(psi, env_simultaneous, H)
@test E_sequential ≈ E_simultaneous rtol = 1e-4
end
# test fixedspace actually fixes space
@testset "Fixedspace truncation ($scheme)" for scheme in [:sequential, :simultaneous]
ctm_alg = CTMRG(;
tol=1e-6,
maxiter=1,
verbosity=0,
ctmrgscheme=scheme,
trscheme=FixedSpaceTruncation(),
)
Ds = fill(2, 3, 3)
χs = [16 17 18; 15 20 21; 14 19 22]
psi = InfinitePEPS(Ds, Ds, Ds)
env = CTMRGEnv(psi, rand(10:20, 3, 3), rand(10:20, 3, 3))
env2 = leading_boundary(env, psi, ctm_alg)
# check that the space is fixed
@test all(space.(env.corners) .== space.(env2.corners))
@test all(space.(env.edges) .== space.(env2.edges))
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 5105 | using Test
using Random
using TensorKit
using PEPSKit
using PEPSKit:
FixedSVD,
ctmrg_iter,
gauge_fix,
fix_relative_phases,
fix_global_phases,
calc_elementwise_convergence
# initialize parameters
χbond = 2
χenv = 16
svd_algs = [SVDAdjoint(; fwd_alg=TensorKit.SVD())] #, SVDAdjoint(; fwd_alg=IterSVD())]
unitcells = [(1, 1), (3, 4)]
# test for element-wise convergence after application of fixed step
@testset "$unitcell unit cell with $(typeof(svd_alg.fwd_alg))" for (unitcell, svd_alg) in
Iterators.product(
unitcells, svd_algs
)
ctm_alg = CTMRG(; tol=1e-12, verbosity=2, ctmrgscheme=:simultaneous, svd_alg)
# initialize states
Random.seed!(2394823842)
psi = InfinitePEPS(2, χbond; unitcell)
env_conv1 = leading_boundary(CTMRGEnv(psi, ComplexSpace(χenv)), psi, ctm_alg)
# do extra iteration to get SVD
env_conv2, info = ctmrg_iter(psi, env_conv1, ctm_alg)
env_fix, signs = gauge_fix(env_conv1, env_conv2)
@test calc_elementwise_convergence(env_conv1, env_fix) ≈ 0 atol = 1e-6
# fix gauge of SVD
U_fix, V_fix = fix_relative_phases(info.U, info.V, signs)
svd_alg_fix = SVDAdjoint(; fwd_alg=FixedSVD(U_fix, info.S, V_fix))
ctm_alg_fix = CTMRG(;
svd_alg=svd_alg_fix, trscheme=notrunc(), ctmrgscheme=:simultaneous
)
# do iteration with FixedSVD
env_fixedsvd, = ctmrg_iter(psi, env_conv1, ctm_alg_fix)
env_fixedsvd = fix_global_phases(env_conv1, env_fixedsvd)
@test calc_elementwise_convergence(env_conv1, env_fixedsvd) ≈ 0 atol = 1e-6
end
# TODO: Why doesn't FixedSVD work with previous U, S and V from IterSVD?
@testset "Element-wise consistency of TensorKit.SVD and IterSVD" begin
ctm_alg_iter = CTMRG(;
tol=1e-12,
verbosity=2,
ctmrgscheme=:simultaneous,
svd_alg=SVDAdjoint(; fwd_alg=IterSVD()),
)
ctm_alg_full = CTMRG(;
tol=1e-12,
verbosity=2,
ctmrgscheme=:simultaneous,
svd_alg=SVDAdjoint(; fwd_alg=TensorKit.SVD()),
)
# initialize states
Random.seed!(91283219347)
psi = InfinitePEPS(2, χbond)
env_init = CTMRGEnv(psi, ComplexSpace(χenv))
env_conv1 = leading_boundary(env_init, psi, ctm_alg_full)
# do extra iteration to get SVD
env_conv2_iter, info_iter = ctmrg_iter(psi, env_conv1, ctm_alg_iter)
env_fix_iter, signs_iter = gauge_fix(env_conv1, env_conv2_iter)
@test calc_elementwise_convergence(env_conv1, env_fix_iter) ≈ 0 atol = 1e-6
env_conv2_full, info_full = ctmrg_iter(psi, env_conv1, ctm_alg_full)
env_fix_full, signs_full = gauge_fix(env_conv1, env_conv2_full)
@test calc_elementwise_convergence(env_conv1, env_fix_full) ≈ 0 atol = 1e-6
# fix gauge of SVD
U_fix_iter, V_fix_iter = fix_relative_phases(info_iter.U, info_iter.V, signs_iter)
svd_alg_fix_iter = SVDAdjoint(; fwd_alg=FixedSVD(U_fix_iter, info_iter.S, V_fix_iter))
ctm_alg_fix_iter = CTMRG(;
svd_alg=svd_alg_fix_iter, trscheme=notrunc(), ctmrgscheme=:simultaneous
)
U_fix_full, V_fix_full = fix_relative_phases(info_full.U, info_full.V, signs_full)
svd_alg_fix_full = SVDAdjoint(; fwd_alg=FixedSVD(U_fix_full, info_full.S, V_fix_full))
ctm_alg_fix_full = CTMRG(;
svd_alg=svd_alg_fix_full, trscheme=notrunc(), ctmrgscheme=:simultaneous
)
# do iteration with FixedSVD
env_fixedsvd_iter, = ctmrg_iter(psi, env_conv1, ctm_alg_fix_iter)
env_fixedsvd_iter = fix_global_phases(env_conv1, env_fixedsvd_iter)
# @test calc_elementwise_convergence(env_conv1, env_fixedsvd_iter) ≈ 0 atol = 1e-6 # This should work, but doesn't!
env_fixedsvd_full, = ctmrg_iter(psi, env_conv1, ctm_alg_fix_full)
env_fixedsvd_full = fix_global_phases(env_conv1, env_fixedsvd_full)
@test calc_elementwise_convergence(env_conv1, env_fixedsvd_full) ≈ 0 atol = 1e-6
# check matching decompositions
atol = 1e-12
decomposition_check = all(
zip(info_iter.U, info_iter.S, info_iter.V, info_full.U, info_full.S, info_full.V),
) do (U_iter, S_iter, V_iter, U_full, S_full, V_full)
diff = U_iter * S_iter * V_iter - U_full * S_full * V_full
all(x -> isapprox(abs(x), 0; atol), diff.data)
end
@test decomposition_check
# check matching singular values
svalues_check = all(zip(info_iter.S, info_full.S)) do (S_iter, S_full)
diff = S_iter - S_full
all(x -> isapprox(abs(x), 0; atol), diff.data)
end
@test svalues_check
# check normalization of U's and V's
Us = [info_iter.U, U_fix_iter, info_full.U, U_fix_full]
Vs = [info_iter.V, V_fix_iter, info_full.V, V_fix_full]
for (U, V) in zip(Us, Vs)
U_check = all(U) do u
uu = u' * u
diff = uu - id(space(uu, 1))
all(x -> isapprox(abs(x), 0; atol), diff.data)
end
@test U_check
V_check = all(V) do v
vv = v * v'
diff = vv - id(space(vv, 1))
all(x -> isapprox(abs(x), 0; atol), diff.data)
end
@test V_check
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2629 | using Test
using Random
using PEPSKit
using TensorKit
using PEPSKit: ctmrg_iter, gauge_fix, calc_elementwise_convergence
scalartypes = [Float64, ComplexF64]
unitcells = [(1, 1), (2, 2), (3, 2)]
schemes = [:simultaneous, :sequential]
χ = 6
atol = 1e-4
verbosity = 2
function _make_symmetric(psi)
if ==(size(psi)...)
return PEPSKit.symmetrize(psi, PEPSKit.Full())
else
return PEPSKit.symmetrize(PEPSKit.symmetrize(psi, PEPSKit.Depth()), PEPSKit.Width())
end
end
# If I can't make the rng seed behave, I'll just randomly define a peps somehow
function semi_random_peps!(psi::InfinitePEPS)
i = 0
A′ = map(psi.A) do a
for (_, b) in blocks(a)
l = length(b)
b .= reshape(collect((1:l) .+ i), size(b))
i += l
end
return a
end
return InfinitePEPS(A′)
end
@testset "Trivial symmetry ($T) - ($unitcell) - ($ctmrgscheme)" for (
T, unitcell, ctmrgscheme
) in Iterators.product(
scalartypes, unitcells, schemes
)
physical_space = ComplexSpace(2)
peps_space = ComplexSpace(2)
ctm_space = ComplexSpace(χ)
psi = InfinitePEPS(undef, T, physical_space, peps_space; unitcell)
semi_random_peps!(psi)
psi = _make_symmetric(psi)
Random.seed!(987654321) # Seed RNG to make random environment consistent
ctm = CTMRGEnv(psi, ctm_space)
alg = CTMRG(;
tol=1e-10, maxiter=200, verbosity, trscheme=FixedSpaceTruncation(), ctmrgscheme
)
ctm = leading_boundary(ctm, psi, alg)
ctm2, = ctmrg_iter(psi, ctm, alg)
ctm_fixed, = gauge_fix(ctm, ctm2)
@test calc_elementwise_convergence(ctm, ctm_fixed) ≈ 0 atol = atol
end
@testset "Z2 symmetry ($T) - ($unitcell) - ($ctmrgscheme)" for (T, unitcell, ctmrgscheme) in
Iterators.product(
scalartypes, unitcells, schemes
)
physical_space = Z2Space(0 => 1, 1 => 1)
peps_space = Z2Space(0 => 1, 1 => 1)
ctm_space = Z2Space(0 => χ ÷ 2, 1 => χ ÷ 2)
psi = InfinitePEPS(undef, T, physical_space, peps_space; unitcell)
semi_random_peps!(psi)
psi = _make_symmetric(psi)
Random.seed!(987654321) # Seed RNG to make random environment consistent
psi = InfinitePEPS(physical_space, peps_space; unitcell)
ctm = CTMRGEnv(psi, ctm_space)
alg = CTMRG(;
tol=1e-10, maxiter=200, verbosity, trscheme=FixedSpaceTruncation(), ctmrgscheme
)
ctm = leading_boundary(ctm, psi, alg)
ctm2, = ctmrg_iter(psi, ctm, alg)
ctm_fixed, = gauge_fix(ctm, ctm2)
@test calc_elementwise_convergence(ctm, ctm_fixed) ≈ 0 atol = atol
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2779 | using Test
using Random
using PEPSKit
using TensorKit
using Zygote
using OptimKit
using KrylovKit
## Test models, gradmodes and CTMRG algorithm
# -------------------------------------------
χbond = 2
χenv = 4
Pspaces = [ComplexSpace(2), Vect[FermionParity](0 => 1, 1 => 1)]
Vspaces = [ComplexSpace(χbond), Vect[FermionParity](0 => χbond / 2, 1 => χbond / 2)]
Espaces = [ComplexSpace(χenv), Vect[FermionParity](0 => χenv / 2, 1 => χenv / 2)]
models = [square_lattice_heisenberg(), square_lattice_pwave()]
names = ["Heisenberg", "p-wave superconductor"]
gradtol = 1e-4
boundary_algs = [
CTMRG(;
tol=1e-10,
verbosity=0,
ctmrgscheme=:simultaneous,
svd_alg=SVDAdjoint(; fwd_alg=TensorKit.SVD(), rrule_alg=GMRES(; tol=1e-10)),
),
CTMRG(; tol=1e-10, verbosity=0, ctmrgscheme=:sequential),
]
gradmodes = [
[
nothing,
GeomSum(; tol=gradtol, iterscheme=:fixed),
GeomSum(; tol=gradtol, iterscheme=:diffgauge),
ManualIter(; tol=gradtol, iterscheme=:fixed),
ManualIter(; tol=gradtol, iterscheme=:diffgauge),
LinSolver(; solver=KrylovKit.GMRES(; tol=gradtol), iterscheme=:fixed),
LinSolver(; solver=KrylovKit.GMRES(; tol=gradtol), iterscheme=:diffgauge),
],
[
nothing,
GeomSum(; tol=gradtol, iterscheme=:diffgauge),
ManualIter(; tol=gradtol, iterscheme=:diffgauge),
LinSolver(; solver=KrylovKit.GMRES(; tol=gradtol), iterscheme=:diffgauge),
],
]
steps = -0.01:0.005:0.01
## Tests
# ------
@testset "AD CTMRG energy gradients for $(names[i]) model" verbose = true for i in
eachindex(
models
)
Pspace = Pspaces[i]
Vspace = Pspaces[i]
Espace = Espaces[i]
gms = gradmodes[i]
boundary_alg = boundary_algs[i]
psi_init = InfinitePEPS(Pspace, Vspace, Vspace)
@testset "$alg_rrule" for alg_rrule in gms
@info "optimtest of $alg_rrule on $(names[i])"
Random.seed!(42039482030)
dir = InfinitePEPS(Pspace, Vspace, Vspace)
psi = InfinitePEPS(Pspace, Vspace, Vspace)
env = leading_boundary(CTMRGEnv(psi, Espace), psi, boundary_alg)
alphas, fs, dfs1, dfs2 = OptimKit.optimtest(
(psi, env),
dir;
alpha=steps,
retract=PEPSKit.my_retract,
inner=PEPSKit.my_inner,
) do (peps, envs)
E, g = Zygote.withgradient(peps) do psi
envs2 = PEPSKit.hook_pullback(
leading_boundary, envs, psi, boundary_alg; alg_rrule
)
return costfun(psi, envs2, models[i])
end
return E, only(g)
end
@test dfs1 ≈ dfs2 atol = 1e-2
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2125 | using Test
using Random
using PEPSKit
using TensorKit
using PEPSKit:
NORTH,
SOUTH,
WEST,
EAST,
NORTHWEST,
NORTHEAST,
SOUTHEAST,
SOUTHWEST,
rotate_north,
left_move,
ctmrg_iter
using Zygote
using ChainRulesCore
using ChainRulesTestUtils
include(joinpath("..", "utility.jl"))
## Test spaces, tested functions and CTMRG algorithm
# --------------------------------------------------
χbond = 2
χenv = 4
Pspaces = [ComplexSpace(2), Vect[FermionParity](0 => 1, 1 => 1)]
Vspaces = [ComplexSpace(χbond), Vect[FermionParity](0 => χbond / 2, 1 => χbond / 2)]
Espaces = [ComplexSpace(χenv), Vect[FermionParity](0 => χenv / 2, 1 => χenv / 2)]
tol = 1e-10
atol = 1e-6
boundary_algs = [
CTMRG(; tol, verbosity=0, ctmrgscheme=:simultaneous),
CTMRG(; tol, verbosity=0, ctmrgscheme=:sequential),
]
## Gauge invariant function of the environment
# --------------------------------------------
function rho(env)
@tensor ρ[-1 -2 -3 -4 -5 -6 -7 -8] :=
env.edges[WEST, 1, 1][1 -1 -2; 4] *
env.corners[NORTHWEST, 1, 1][4; 5] *
env.edges[NORTH, 1, 1][5 -3 -4; 8] *
env.corners[NORTHEAST, 1, 1][8; 9] *
env.edges[EAST, 1, 1][9 -5 -6; 12] *
env.corners[SOUTHEAST, 1, 1][12; 13] *
env.edges[SOUTH, 1, 1][13 -7 -8; 16] *
env.corners[SOUTHWEST, 1, 1][16; 1]
return ρ
end
## Tests
# ------
@testset "Reverse rules for ctmrg_iter with spacetype $(Vspaces[i])" for i in
eachindex(Pspaces)
Random.seed!(42039482030)
psi = InfinitePEPS(Pspaces[i], Vspaces[i], Vspaces[i])
env = CTMRGEnv(psi, Espaces[i])
@testset "$alg" for alg in boundary_algs
@info "$(typeof(alg)) on $(Vspaces[i])"
f(state, env) = rho(ctmrg_iter(state, env, alg)[1])
# use rrule testing functionality but compute rrule via Zygote
test_rrule(
Zygote.ZygoteRuleConfig(),
f,
psi,
env;
check_inferred=false,
atol,
rrule_f=rrule_via_ad,
)
end
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 3648 | using Test
using Random
using LinearAlgebra
using TensorKit
using KrylovKit
using ChainRulesCore, Zygote
using Accessors
using PEPSKit
# Gauge-invariant loss function
function lossfun(A, alg, R=TensorMap(randn, space(A)), trunc=notrunc())
U, _, V, = PEPSKit.tsvd(A, alg; trunc)
return real(dot(R, U * V)) # Overlap with random tensor R is gauge-invariant and differentiable, also for m≠n
end
m, n = 20, 30
dtype = ComplexF64
χ = 12
trunc = truncspace(ℂ^χ)
# lorentz_broadening = 1e-12
rtol = 1e-9
Random.seed!(123456789)
r = TensorMap(randn, dtype, ℂ^m, ℂ^n)
R = TensorMap(randn, space(r))
full_alg = SVDAdjoint(; fwd_alg=TensorKit.SVD(), rrule_alg=nothing)
old_alg = SVDAdjoint(;
fwd_alg=TensorKit.SVD(), rrule_alg=NonTruncSVDAdjoint(), broadening=0.0
)
iter_alg = SVDAdjoint(; fwd_alg=IterSVD(), rrule_alg=GMRES(; tol=1e-13)) # Don't make adjoint tolerance too small, g_itersvd will be weird
@testset "Non-truncacted SVD" begin
l_fullsvd, g_fullsvd = withgradient(A -> lossfun(A, full_alg, R), r)
l_oldsvd, g_oldsvd = withgradient(A -> lossfun(A, old_alg, R), r)
l_itersvd, g_itersvd = withgradient(A -> lossfun(A, iter_alg, R), r)
@test l_oldsvd ≈ l_itersvd ≈ l_fullsvd
@test g_fullsvd[1] ≈ g_oldsvd[1] rtol = rtol
@test g_fullsvd[1] ≈ g_itersvd[1] rtol = rtol
end
@testset "Truncated SVD with χ=$χ" begin
l_fullsvd, g_fullsvd = withgradient(A -> lossfun(A, full_alg, R, trunc), r)
l_oldsvd, g_oldsvd = withgradient(A -> lossfun(A, old_alg, R, trunc), r)
l_itersvd, g_itersvd = withgradient(A -> lossfun(A, iter_alg, R, trunc), r)
@test l_oldsvd ≈ l_itersvd ≈ l_fullsvd
@test !isapprox(g_fullsvd[1], g_oldsvd[1]; rtol)
@test g_fullsvd[1] ≈ g_itersvd[1] rtol = rtol
end
# TODO: Add when Lorentzian broadening is implemented
# @testset "Truncated SVD with χ=$χ and ε=$lorentz_broadening broadening" begin
# l_fullsvd, g_fullsvd = withgradient(
# A -> lossfun(A, FullSVD(; lorentz_broadening, R; trunc), r
# )
# l_oldsvd, g_oldsvd = withgradient(A -> lossfun(A, OldSVD(; lorentz_broadening), R; trunc), r)
# l_itersvd, g_itersvd = withgradient(
# A -> lossfun(A, IterSVD(; howmany=χ, lorentz_broadening), R; trunc), r
# )
# @test l_oldsvd ≈ l_itersvd ≈ l_fullsvd
# @test norm(g_fullsvd[1] - g_oldsvd[1]) / norm(g_fullsvd[1]) > rtol
# @test norm(g_fullsvd[1] - g_itersvd[1]) / norm(g_fullsvd[1]) < rtol
# end
symm_m, symm_n = 18, 24
symm_space = Z2Space(0 => symm_m, 1 => symm_n)
symm_trspace = truncspace(Z2Space(0 => symm_m ÷ 2, 1 => symm_n ÷ 3))
symm_r = TensorMap(randn, dtype, symm_space, symm_space)
symm_R = TensorMap(randn, dtype, space(symm_r))
@testset "IterSVD of symmetric tensors" begin
l_fullsvd, g_fullsvd = withgradient(A -> lossfun(A, full_alg, symm_R), symm_r)
l_itersvd, g_itersvd = withgradient(A -> lossfun(A, iter_alg, symm_R), symm_r)
@test l_itersvd ≈ l_fullsvd
@test g_fullsvd[1] ≈ g_itersvd[1] rtol = rtol
l_fullsvd_tr, g_fullsvd_tr = withgradient(
A -> lossfun(A, full_alg, symm_R, symm_trspace), symm_r
)
l_itersvd_tr, g_itersvd_tr = withgradient(
A -> lossfun(A, iter_alg, symm_R, symm_trspace), symm_r
)
@test l_itersvd_tr ≈ l_fullsvd_tr
@test g_fullsvd_tr[1] ≈ g_itersvd_tr[1] rtol = rtol
iter_alg_fallback = @set iter_alg.fwd_alg.fallback_threshold = 0.4 # Do dense SVD in one block, sparse SVD in the other
l_itersvd_fb, g_itersvd_fb = withgradient(
A -> lossfun(A, iter_alg_fallback, symm_R, symm_trspace), symm_r
)
@test l_itersvd_fb ≈ l_fullsvd_tr
@test g_fullsvd_tr[1] ≈ g_itersvd_fb[1] rtol = rtol
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | code | 2758 | using Test
using Random
using PEPSKit
using PEPSKit: _prev, _next, ctmrg_iter
using TensorKit
# settings
Random.seed!(91283219347)
stype = ComplexF64
ctm_alg = CTMRG()
function test_unitcell(
unitcell, Pspaces, Nspaces, Espaces, chis_north, chis_east, chis_south, chis_west
)
peps = InfinitePEPS(randn, stype, Pspaces, Nspaces, Espaces)
env = CTMRGEnv(randn, stype, peps, chis_north, chis_east, chis_south, chis_west)
# apply one CTMRG iteration with fixeds
env′, = ctmrg_iter(peps, env, ctm_alg)
# compute random expecation value to test matching bonds
random_op = LocalOperator(
PEPSKit._to_space.(Pspaces),
[
(c,) => TensorMap(
randn,
scalartype(peps),
PEPSKit._to_space(Pspaces[c]),
PEPSKit._to_space(Pspaces[c]),
) for c in CartesianIndices(unitcell)
]...,
)
@test expectation_value(peps, random_op, env) isa Number
@test expectation_value(peps, random_op, env′) isa Number
end
function random_dualize!(M::AbstractMatrix{<:ElementarySpace})
mask = rand([true, false], size(M))
M[mask] .= adjoint.(M[mask])
return M
end
@testset "Integer space specifiers" begin
unitcell = (3, 3)
Pspaces = rand(2:3, unitcell...)
Nspaces = rand(2:4, unitcell...)
Espaces = rand(2:4, unitcell...)
chis_north = rand(5:10, unitcell...)
chis_east = rand(5:10, unitcell...)
chis_south = rand(5:10, unitcell...)
chis_west = rand(5:10, unitcell...)
test_unitcell(
unitcell, Pspaces, Nspaces, Espaces, chis_north, chis_east, chis_south, chis_west
)
end
@testset "Random Cartesian spaces" begin
unitcell = (3, 3)
Pspaces = random_dualize!(ComplexSpace.(rand(2:3, unitcell...)))
Nspaces = random_dualize!(ComplexSpace.(rand(2:4, unitcell...)))
Espaces = random_dualize!(ComplexSpace.(rand(2:4, unitcell...)))
chis_north = random_dualize!(ComplexSpace.(rand(5:10, unitcell...)))
chis_east = random_dualize!(ComplexSpace.(rand(5:10, unitcell...)))
chis_south = random_dualize!(ComplexSpace.(rand(5:10, unitcell...)))
chis_west = random_dualize!(ComplexSpace.(rand(5:10, unitcell...)))
test_unitcell(
unitcell, Pspaces, Nspaces, Espaces, chis_north, chis_east, chis_south, chis_west
)
end
@testset "Specific U1 spaces" begin
unitcell = (2, 2)
PA = U1Space(-1 => 1, 0 => 1)
PB = U1Space(0 => 1, 1 => 1)
Vpeps = U1Space(-1 => 2, 0 => 1, 1 => 2)
Venv = U1Space(-2 => 2, -1 => 3, 0 => 4, 1 => 3, 2 => 2)
Pspaces = [PA PB; PB PA]
Nspaces = [Vpeps Vpeps'; Vpeps' Vpeps]
chis = [Venv Venv; Venv Venv]
test_unitcell(unitcell, Pspaces, Nspaces, Nspaces, chis, chis, chis, chis)
end
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | docs | 1948 | <picture>
<source media="(prefers-color-scheme: dark)" srcset="https://github.com/QuantumKitHub/PEPSKit.jl/blob/master/docs/src/assets/logo-dark.svg">
<img alt="PEPSKit.jl logo" src="https://github.com/QuantumKitHub/PEPSKit.jl/blob/master/docs/src/assets/logo.svg" width="150">
</picture>
# PEPSKit.jl
[![docs][docs-dev-img]][docs-dev-url] ![CI][ci-url] [![codecov][codecov-img]][codecov-url]
[docs-dev-img]: https://img.shields.io/badge/docs-dev-blue.svg
[docs-dev-url]: https://QuantumKitHub.github.io/PEPSKit.jl/dev/
[codecov-img]: https://codecov.io/gh/QuantumKitHub/PEPSKit.jl/graph/badge.svg?token=1OBDY03SUP
[codecov-url]: https://codecov.io/gh/QuantumKitHub/PEPSKit.jl
[ci-url]: https://github.com/QuantumKitHub/PEPSKit.jl/workflows/CI/badge.svg
**Tools for working with projected entangled-pair states**
It contracts, it optimizes, it may break.
## Installation
The package can be installed through the Julia general registry, via the package manager:
```julia-repl
pkg> add PEPSKit
```
## Quickstart
After following the installation process, it should now be possible to load the packages and start simulating.
For example, in order to obtain the groundstate of the 2D Heisenberg model, we can use the following code:
```julia
using TensorKit, PEPSKit, KrylovKit, OptimKit
# constructing the Hamiltonian:
H = square_lattice_heisenberg(; Jx=-1, Jy=1, Jz=-1) # sublattice rotation to obtain single-site unit cell
# configuring the parameters
D = 2
chi = 20
ctm_alg = CTMRG(; tol=1e-10, miniter=4, maxiter=100, verbosity=1, trscheme=truncdim(chi))
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=100, gradtol=1e-4, verbosity=2),
gradient_alg=LinSolver(),
reuse_env=true,
)
# ground state search
state = InfinitePEPS(2, D)
ctm = leading_boundary(CTMRGEnv(state, ComplexSpace(chi)), state, ctm_alg)
result = fixedpoint(state, H, opt_alg, ctm)
@show result.E # -0.6625...
```
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | docs | 1193 | # PEPSKit.jl
**Tools for working with projected entangled-pair states**
It contracts, it optimizes, it may break.
## Installation
The package can be installed through the Julia general registry, via the package manager:
```julia-repl
pkg> add PEPSKit
```
## Quickstart
After following the installation process, it should now be possible to load the packages and start simulating.
For example, in order to obtain the groundstate of the 2D Heisenberg model, we can use the following code:
```julia
using TensorKit, PEPSKit, KrylovKit, OptimKit
# constructing the Hamiltonian:
H = square_lattice_heisenberg(; Jx=-1, Jy=1, Jz=-1) # sublattice rotation to obtain single-site unit cell
# configuring the parameters
D = 2
chi = 20
ctm_alg = CTMRG(; tol=1e-10, miniter=4, maxiter=100, verbosity=1, trscheme=truncdim(chi))
opt_alg = PEPSOptimize(;
boundary_alg=ctm_alg,
optimizer=LBFGS(4; maxiter=100, gradtol=1e-4, verbosity=2),
gradient_alg=LinSolver(),
reuse_env=true,
)
# ground state search
state = InfinitePEPS(2, D)
ctm = leading_boundary(CTMRGEnv(state, ComplexSpace(chi)), state, ctm_alg)
result = fixedpoint(state, H, opt_alg, ctm)
@show result.E # -0.6625...
```
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | docs | 116 | For now, refer to the [examples folder](https://github.com/QuantumKitHub/PEPSKit.jl/tree/master/examples) on GitHub. | PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 0.2.1 | 12c479e2aa92fcaf9640cc5f816aa5389ed2d212 | docs | 163 | # Library
```@autodocs
Modules = [PEPSKit, PEPSKit.Defaults]
Filter = t -> !(t in [PEPSKit.PEPS_∂∂AC, PEPSKit.PEPS_∂∂C, PEPSKit.PEPO_∂∂AC, PEPSKit.PEPO_∂∂C])
```
| PEPSKit | https://github.com/QuantumKitHub/PEPSKit.jl.git |
|
[
"MIT"
] | 1.1.0 | c5ce2a59e213e5bb3de8bcbb9a9f600ba3c4487f | code | 140 | cd("LAP") do
print(pwd())
run(`make`)
end
cd("UMFLP") do
print(pwd())
run(`make`)
end
cd("Combo") do
run(`make`)
end
| vOptSpecific | https://github.com/vOptSolver/vOptSpecific.jl.git |
|
[
"MIT"
] | 1.1.0 | c5ce2a59e213e5bb3de8bcbb9a9f600ba3c4487f | code | 275 | using vOptSpecific
length(ARGS) != 1 && error("run julia parseLAP.jl filename")
!isfile(ARGS[1]) && error("can't find $(ARGS[1])")
id = load2LAP(ARGS[1])
z1, z2, solutions = vSolve(id)
for i = 1:length(z1)
println("(" , z1[i], " | ", z2[i], ") : ", solutions[i,:])
end | vOptSpecific | https://github.com/vOptSolver/vOptSpecific.jl.git |
|
[
"MIT"
] | 1.1.0 | c5ce2a59e213e5bb3de8bcbb9a9f600ba3c4487f | code | 294 | # Example on how to plot Y_N for a bi-objective discrete optimization case
# July 2017
using PyPlot
title(L"$Y_N$")
xlabel(L"$z_1$")
ylabel(L"$z_2$")
vMax=ceil(Int,max(maximum(z1),maximum(z2))*1.1)
axis([0, vMax, 0, vMax])
plot( z1, z2, color="green", linestyle="", marker="o", label="YN" )
| vOptSpecific | https://github.com/vOptSolver/vOptSpecific.jl.git |
|
[
"MIT"
] | 1.1.0 | c5ce2a59e213e5bb3de8bcbb9a9f600ba3c4487f | code | 714 | using vOptSpecific
C1 = [3 9 0 0 6 10 7 5 16 11 ;
16 0 6 12 19 8 17 10 9 18 ;
2 7 11 15 8 10 10 12 8 6 ;
4 11 7 16 3 13 18 11 11 7 ;
14 19 7 0 4 19 8 13 9 10 ;
11 4 17 14 19 5 16 2 17 4 ;
8 14 7 15 2 11 0 1 14 11 ;
8 8 3 15 8 7 14 9 0 16 ;
11 3 12 8 9 11 6 5 5 15 ;
2 5 1 9 0 4 12 13 5 6 ]
C2 = [16 5 6 19 12 7 18 19 16 10 ;
15 7 13 7 7 2 10 5 0 8 ;
1 2 13 2 3 6 6 16 19 3 ;
14 7 8 1 7 13 8 17 12 16 ;
8 19 15 1 18 14 16 8 0 8 ;
8 1 10 14 15 5 0 14 1 11 ;
9 16 10 10 9 17 3 17 15 15 ;
5 15 14 0 16 12 14 4 12 6 ;
12 1 19 14 15 15 0 7 1 13 ;
10 10 1 0 0 10 10 3 19 17 ]
id = set2LAP(10, C1, C2)
z1,z2,solutions = vSolve(id)
for i = 1:length(z1)
println("(" , z1[i], " | ", z2[i], ") : ", solutions[i,:])
end | vOptSpecific | https://github.com/vOptSolver/vOptSpecific.jl.git |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.