From d0a5243f90ba0ba7999f77c13870caa04d5dbfcc Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Fri, 6 Sep 2024 20:39:52 +0200 Subject: [PATCH 01/33] Loop adapted to strict compiler scrutiny in DIMATCOPY opt out case. (Was previously traditional fortran practice.) --- cgyro/src/cgyro_init_collision_landau.F90 | 10 +++++++--- 1 file changed, 7 insertions(+), 3 deletions(-) diff --git a/cgyro/src/cgyro_init_collision_landau.F90 b/cgyro/src/cgyro_init_collision_landau.F90 index 836e287db..3387f624e 100644 --- a/cgyro/src/cgyro_init_collision_landau.F90 +++ b/cgyro/src/cgyro_init_collision_landau.F90 @@ -731,9 +731,13 @@ subroutine cgyro_init_landau() #endif #else !alternative to domatcopy - do k=1,n_xi*n_energy - do j=1,n_xi*n_energy - gyrocolmat(j,1,k,1,ib,ia,ik)=gyrocolmat(k,1,j,1,ia,ib,ik) + do k=1,n_xi + do l=1,n_energy + do j=1,n_xi + do m=1,n_energy + gyrocolmat(m,j,l,k,ib,ia,ik)=gyrocolmat(l,k,m,j,ia,ib,ik) + end do + end do end do end do #endif From 21a271e7f87f7a19a914a7c46a47693e3e5296f2 Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Thu, 7 Nov 2024 14:30:59 +0100 Subject: [PATCH 02/33] std=f2008 for debug option for tumbleweed --- platform/build/make.inc.TUMBLEWEED | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/platform/build/make.inc.TUMBLEWEED b/platform/build/make.inc.TUMBLEWEED index c502f5b36..5fc8e26c5 100644 --- a/platform/build/make.inc.TUMBLEWEED +++ b/platform/build/make.inc.TUMBLEWEED @@ -14,14 +14,14 @@ NUMAS_PER_NODE=1 # Compilers -FC = mpifort -DDIMATCOPY -std=gnu -fallow-argument-mismatch -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC +FC = mpifort -DDIMATCOPY -fallow-argument-mismatch -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC #FC = mpifort -std=f2008 -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC F77 = mpifort -fimplicit-none -fallow-argument-mismatch FOMP =-fopenmp FMATH =-fdefault-real-8 -fdefault-double-8 -I$(FFTW_INC) -FOPT =-O3 -fexternal-blas -march=native -ffree-line-length-0 +FOPT =-O3 -std=gnu -fexternal-blas -march=native -ffree-line-length-0 # -floop-nest-optimize -floop-parallelize-all -flto -FDEBUG =-Wall -W -fcheck=all -g -fbacktrace -ffpe-trap=invalid,zero,overflow -finit-real=snan # -std=f2003 -fall-intrinsics +FDEBUG =-Wall -W -fcheck=all -g -fbacktrace -ffpe-trap=invalid,zero,overflow -finit-real=snan -std=f2008 -fall-intrinsics F2PY = f2py # System math libraries From 68084a1c44fe8f60e8a3f68de25a9163df88274d Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Thu, 7 Nov 2024 18:31:31 +0100 Subject: [PATCH 03/33] no unused variable, rel comp, int div warning --- platform/build/make.inc.TUMBLEWEED | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/platform/build/make.inc.TUMBLEWEED b/platform/build/make.inc.TUMBLEWEED index 5fc8e26c5..19712de78 100644 --- a/platform/build/make.inc.TUMBLEWEED +++ b/platform/build/make.inc.TUMBLEWEED @@ -21,7 +21,7 @@ FOMP =-fopenmp FMATH =-fdefault-real-8 -fdefault-double-8 -I$(FFTW_INC) FOPT =-O3 -std=gnu -fexternal-blas -march=native -ffree-line-length-0 # -floop-nest-optimize -floop-parallelize-all -flto -FDEBUG =-Wall -W -fcheck=all -g -fbacktrace -ffpe-trap=invalid,zero,overflow -finit-real=snan -std=f2008 -fall-intrinsics +FDEBUG =-Wall -W -fcheck=all -Wno-compare-reals -Wno-integer-division -Wno-unused-variable -g -fbacktrace -ffpe-trap=invalid,zero,overflow -finit-real=snan -std=f2008 -fall-intrinsics F2PY = f2py # System math libraries From 88ba3b6cb379eddfc5fb229c77667cf3b9c329a4 Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Thu, 7 Nov 2024 18:41:26 +0100 Subject: [PATCH 04/33] liquidat. obsol. statement fct in half_hermite.f90 --- shared/math/half_hermite.f90 | 48 +++++++++++++++++++++++++++--------- 1 file changed, 37 insertions(+), 11 deletions(-) diff --git a/shared/math/half_hermite.f90 b/shared/math/half_hermite.f90 index f81a47b85..e294605cf 100644 --- a/shared/math/half_hermite.f90 +++ b/shared/math/half_hermite.f90 @@ -90,7 +90,6 @@ subroutine half_hermite_norm(n,xmin,xmax,sign,alpha,a1,b1,c1,a,bsq,logg,verbos& real :: t00,t10 real, parameter :: mori=.5,epsmori=1e-6,epsbase=5e-16,epsgauss=1e-18 integer ngauss - real w,sech2,sech,sechb,tanhp1,tanhm1,tanhb real eps integer i,j,k,ia integer leftnew,rightnew ! How many points of the left or right summation have to be computed @@ -164,15 +163,6 @@ subroutine half_hermite_norm(n,xmin,xmax,sign,alpha,a1,b1,c1,a,bsq,logg,verbos& ! n(i+1)=|-a(i)n(i)pn(i,x=0)-b(i)n(i-1)pn(i,x=0)| ! But we normalise to <P^2> - - w(x)=x**alpha*exp(-sign*x*x) ! inline function for weight - sechb(x)=2.*x/(1.+x*x) - sech(x)=sechb(exp(-x)) - sech2(x)=sech(abs(x))**2 - tanhb(x)=2*x/(1+x) - tanhp1(x)=tanhb(exp(2*x)) ! tanh(x)+1 for x<0 approx. 2*exp(2*x) for x<<-1 - tanhm1(x)=-tanhb(exp(-2*x)) ! tanh(x)-1 for x>0 - if (n==0) return nn=n vb=present(verbose) @@ -182,7 +172,7 @@ subroutine half_hermite_norm(n,xmin,xmax,sign,alpha,a1,b1,c1,a,bsq,logg,verbos& t00=t0 t10=t1 if (vb) then - ngauss=n+xmax**2+xmax*sqrt(-2*log(epsgauss))-log(epsgauss)/3 + ngauss=n+floor(xmax**2+xmax*sqrt(-2*log(epsgauss))-log(epsgauss)/3) ngauss=n+ceiling(10*xmax)+ceiling(alpha/2) print *,'ngauss=',ngauss allocate(gw(ngauss),gp(ngauss),gw2(ngauss*2),gp2(ngauss*2)) @@ -671,6 +661,42 @@ subroutine half_hermite_norm(n,xmin,xmax,sign,alpha,a1,b1,c1,a,bsq,logg,verbos& enddo if (vb) print *,'hhn used mem',2*(nsafe+nintervals) deallocate(mw,mp,poly,poly1) !deallocation may be necessary because these are pointers. + contains + elemental real function w(x) + implicit none + real,intent(in) :: x + w=x**alpha*exp(-sign*x*x) ! inline function for weight + end function w + elemental real function sechb(x) + implicit none + real,intent(in) :: x + sechb=2.*x/(1.+x*x) + end function sechb + elemental real function sech(x) + implicit none + real,intent(in) :: x + sech=sechb(exp(-x)) + end function sech + elemental real function sech2(x) + implicit none + real,intent(in) :: x + sech2=sech(abs(x))**2 + end function sech2 + elemental real function tanhb(x) + implicit none + real,intent(in) :: x + tanhb=2*x/(1+x) + end function tanhb + elemental real function tanhp1(x) + implicit none + real,intent(in) :: x + tanhp1=tanhb(exp(2*x)) ! tanh(x)+1 for x<0 approx. 2*exp(2*x) for x<<-1 + end function tanhp1 + elemental real function tanhm1(x) + implicit none + real,intent(in) :: x + tanhm1=-tanhb(exp(-2*x)) ! tanh(x)-1 for x>0 + end function tanhm1 end subroutine half_hermite_norm subroutine gauss_nodes_functions(n,a,bsq,sp,ortho_f) From b7f0217ee22528013e082d62c982fa4d88ce49d7 Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Thu, 7 Nov 2024 18:32:47 +0100 Subject: [PATCH 05/33] liquid. obsolescent statement fct in landau.F90 --- shared/landau/landau.F90 | 126 +++++++++++++++++++-------------------- 1 file changed, 63 insertions(+), 63 deletions(-) diff --git a/shared/landau/landau.F90 b/shared/landau/landau.F90 index 6532f9b88..a305eed95 100644 --- a/shared/landau/landau.F90 +++ b/shared/landau/landau.F90 @@ -1,26 +1,28 @@ ! gfortran -march=native -O3 -fno-stack-arrays -fimplicit-none -fdefault-real-8 landau.F90 -c !intel: !ifort -stand f15 -warn all -march=native -O3 -heap-arrays 10 -implicitnone -real-size 64 landau.F90 -c -module landau #ifndef __PGI !can't use quad precision with frumpy pgi compiler - real(16), parameter,private :: pi1=atan(1._16)*4 +#define HIREAL real(16) +#define HRS _16 +#else +#define HIREAL real +#define HRS +#endif +module landau + HIREAL, parameter,private :: pi1=atan(1.HRS)*4 ! real, parameter :: intnorm=pi1**(-1.5)*4*pi1 ! int gphys(v) d^3v=1=int g(x) x^2 dx *intnor ! Maybe one should normalise this once for a given xmax and density 1? - real, parameter :: vunit=sqrt(2._16) + real, parameter :: vunit=real(sqrt(2.HRS)) ! v*vunit is v in units of sqrt(T/m) ! v itself is v in units of sqrt(2T/m) ("collision operator units") -#else - real, parameter,private :: pi1=atan(1.)*4 - real, parameter :: vunit=sqrt(2.) -#endif - real, parameter :: intnorm=4/sqrt(pi1) - real, parameter :: normcol=sqrt(8/pi1) + real, parameter :: intnorm=real(4/sqrt(pi1)) + real, parameter :: normcol=real(sqrt(8/pi1)) ! Normalisation of ctest/emat cfield/emat for the self-collisions of the ! reference species without caa or cab. ! Note: must take into account muref^3=sqrt(1/8), since mu^2=m/(2T) - real, parameter :: normcolcgyro=4/sqrt(pi1) + real, parameter :: normcolcgyro=real(4/sqrt(pi1)) integer :: verbose=0 contains @@ -56,7 +58,7 @@ real function tau_ab_inv(mua,mub,nb,za,zb,Ta,Tb) if (present(nb)) nb1=nb if (present(mua)) mua1=mua if (present(mub)) mub1=mub - tau_ab_inv=sqrt(8./pi1)/3*za1**2*zb1**2*nb1/(mua1*Ta1**2)*& + tau_ab_inv=real(sqrt(8./pi1))/3*za1**2*zb1**2*nb1/(mua1*Ta1**2)*& (1+mua1**2*Ta1/(mub1**2*Tb1))/(1+mua1**2/(mub1**2))**1.5 end function tau_ab_inv @@ -71,36 +73,13 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu optional :: t1t2_int ! only calculate that term if it is present. optional :: addcutoff !allocate(lor_int(n,n),dif_int(n,n)) - real p0,p1,pi,q0,q1,qi,r0,r1,ri,s0,s1,si,x,x1,xmax1 + real p0,p1,pi,q0,q1,qi,r0,r1,ri,s0,s1,si,x,xmax1 real f1,f2 integer i,j,k -#ifndef __PGI - real(16) fct1,fct2,fct1lo,fct1hi,fct2lo,fct2hi !inline functions - real(16) w,xmaxx -#else - real fct1,fct2,fct1lo,fct1hi,fct2lo,fct2hi !inline functions - real w,xmaxx -#endif + HIREAL xmaxx,x1 logical t1t2,addcutoff1 real t1,t2 ! for timing -#ifndef __PGI - fct1(w)=.125_16*w**(-3)*(exp(-w*w)*w+(2*w*w-1)*.5_16*sqrt(pi1)*erf(w)) - fct2(w)=.25_16*w**(-1)*(.5_16*sqrt(pi1)*erf(w)-w*exp(-w**2)) - fct2hi(w)=-w**(-1)*((1._16/12)*xmaxx*exp(-xmaxx**2)*(3+2*xmaxx**2)-(sqrt(pi1)/8)*erf(xmaxx)) -#else - fct1(w)=.125*w**(-3)*(exp(-w*w)*w+(2*w*w-1)*.5*sqrt(pi1)*erf(w)) - fct2(w)=.25*w**(-1)*(.5*sqrt(pi1)*erf(w)-w*exp(-w**2)) - fct2hi(w)=-w**(-1)*((1./12)*xmaxx*exp(-xmaxx**2)*(3+2*xmaxx**2)-(sqrt(pi1)/8)*erf(xmaxx)) -#endif - fct1lo(w)=fct1(w)-exp(-xmaxx**2)/6 ! for w<xmax - fct2lo(w)=fct2(w)-w*w*exp(-xmaxx**2)/6 !for w<xmax - ! fct1hi(w)=w**(-3)*((1./24)*exp(-xmaxx**2)*xmaxx*(3-6*w**2+2*xmaxx**2)+(sqrt(pi1)/16)*(2*w**2-1)*erf(xmaxx)) - fct1hi(w)=-w**(-3)/48*((-2*exp(-xmaxx**2)*xmaxx*(3+2*xmaxx**2)+3*sqrt(pi1)*erf(xmaxx))+& - w**2*(12*exp(-xmaxx**2)*xmaxx-6*sqrt(pi1)*erf(xmaxx))) - !Inaccuracy for - !./hhv 5 .5 0 50 1 1 - !was due to inaccuracies in this routine, likely due to cancellations in the fcts. xmaxx=xmax t1t2=present(t1t2_int) addcutoff1=.true. @@ -197,23 +176,13 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu do k=1,ngauss x=gp(k)*xmax1 x1=x*beta -#ifndef __PGI - if (addcutoff1) then - f1=fct1lo(real(x1,16)) - f2=fct2lo(real(x1,16)) - else - f1=fct1(real(x1,16)) - f2=fct2(real(x1,16)) - endif -#else if (addcutoff1) then - f1=fct1lo(x1) - f2=fct2lo(x1) + f1=real(fct1lo(x1)) + f2=real(fct2lo(x1)) else - f1=fct1(x1) - f2=fct2(x1) + f1=real(fct1(x1)) + f2=real(fct2(x1)) endif -#endif do j=1,n if (j==1) then q1=0 @@ -234,7 +203,7 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu s1=0 si=0 lor_int(j,i)=lor_int(j,i)+pi*ri*f1 - if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*x1*f2 + if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*real(x1)*f2 ! ^^ vgl 1.8.19 (2) do i=2,n s0=si @@ -245,21 +214,16 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu r1=r0 lor_int(j,i)=lor_int(j,i)+pi*ri*f1 dif_int(j,i)=dif_int(j,i)+qi*si*f2 - if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*x1*f2 + if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*real(x1)*f2 enddo enddo enddo if (addcutoff1 .and. beta>1) then do k=1,ngauss x1=xmax*(1+(beta-1)*gp(k)) - x=x1/beta -#ifndef __PGI - f1=fct1hi(real(x1,16)) - f2=fct2hi(real(x1,16)) -#else - f1=fct1hi(x1) - f2=fct2hi(x1) -#endif + x=real(x1)/beta + f1=real(fct1hi(x1)) + f2=real(fct2hi(x1)) do j=1,n if (j==1) then @@ -281,7 +245,7 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu s1=0 si=0 lor_int(j,i)=lor_int(j,i)+pi*ri*f1 - if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*x1*f2 + if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*real(x1)*f2 ! ^^ vgl 1.8.19 (2) do i=2,n s0=si @@ -292,7 +256,7 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu r1=r0 lor_int(j,i)=lor_int(j,i)+pi*ri*f1 dif_int(j,i)=dif_int(j,i)+qi*si*f2 - if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*x1*f2 + if (t1t2) t1t2_int(j,i)=t1t2_int(j,i)+2*qi*ri*real(x1)*f2 enddo enddo enddo @@ -320,8 +284,44 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu ! i.e. we multiply with beta!! if (t1t2) t1t2_int=t1t2_int*beta**(-4) ! ***<--- must be multiplied with (Ta/Tb-1) call cpu_time(t2) - + if (verbose>0) print '(A,G13.3)','gentestkernel took ',t2-t1 + contains + elemental HIREAL function fct1(w) + implicit none + HIREAL,intent(in) :: w + fct1=.125HRS*w**(-3)*(exp(-w*w)*w+(2*w*w-1)*.5HRS*sqrt(pi1)*erf(w)) + end function fct1 + elemental HIREAL function fct2(w) + implicit none + HIREAL,intent(in) :: w + fct2=.25HRS*w**(-1)*(.5HRS*sqrt(pi1)*erf(w)-w*exp(-w**2)) + end function fct2 + elemental HIREAL function fct1lo(w) + implicit none + HIREAL,intent(in) :: w + fct1lo=fct1(w)-exp(-xmaxx**2)/6 ! for w<xmax + end function fct1lo + elemental HIREAL function fct1hi(w) + implicit none + HIREAL,intent(in) :: w + ! fct1hi(w)=w**(-3)*((1./24)*exp(-xmaxx**2)*xmaxx*(3-6*w**2+2*xmaxx**2)+(sqrt(pi1)/16)*(2*w**2-1)*erf(xmaxx)) + fct1hi=-w**(-3)/48*((-2*exp(-xmaxx**2)*xmaxx*(3+2*xmaxx**2)+3*sqrt(pi1)*erf(xmaxx))+& + w**2*(12*exp(-xmaxx**2)*xmaxx-6*sqrt(pi1)*erf(xmaxx))) + !Inaccuracy for + !./hhv 5 .5 0 50 1 1 + !was due to inaccuracies in this routine, likely due to cancellations in the fcts. + end function fct1hi + elemental HIREAL function fct2lo(w) + implicit none + HIREAL,intent(in) :: w + fct2lo=fct2(w)-w*w*exp(-xmaxx**2)/6 !for w<xmax + end function fct2lo + elemental HIREAL function fct2hi(w) + implicit none + HIREAL,intent(in) :: w + fct2hi=-w**(-1)*((1.HRS/12)*xmaxx*exp(-xmaxx**2)*(3+2*xmaxx**2)-(sqrt(pi1)/8)*erf(xmaxx)) + end function fct2hi end subroutine gentestkernel subroutine genintkernel(n,lmax,a1,b1,c1,xmax,beta,t1t2ratio,gp,gw,ngauss,gp2,gw2,ng2,addcutoff,intkernel,intlokernel) From 63babebbe4e11e84c938e797a75a6fedef2b9c28 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Fri, 15 Nov 2024 11:26:07 -0800 Subject: [PATCH 06/33] Add platform CONDA_OMPI_GNU --- platform/build/make.inc.CONDA_OMPI_GNU | 41 ++++++++++++++++++++++++++ platform/env/env.CONDA_OMPI_GNU | 28 ++++++++++++++++++ platform/exec/exec.CONDA_OMPI_GNU | 21 +++++++++++++ 3 files changed, 90 insertions(+) create mode 100644 platform/build/make.inc.CONDA_OMPI_GNU create mode 100644 platform/env/env.CONDA_OMPI_GNU create mode 100755 platform/exec/exec.CONDA_OMPI_GNU diff --git a/platform/build/make.inc.CONDA_OMPI_GNU b/platform/build/make.inc.CONDA_OMPI_GNU new file mode 100644 index 000000000..157f8b818 --- /dev/null +++ b/platform/build/make.inc.CONDA_OMPI_GNU @@ -0,0 +1,41 @@ +# This platform assumes you have the environment fully from conda. +# It will compile with OpenMPI and gfortran. +# A single node setup is assumed (e.g. on a laptop, including Mac) +# +# Make sure you create a dedicated envoronment, and have +# at least the following is the packages installed: +# conda install -c conda-forge gfortran make python fftw openmpi netcdf4 +# More details in the env file + +MAKE = make +PREFIX = ${CONDA_PREFIX} +NETCDF_PATH=${PREFIX} +MF90 = mpif90 + +# Compilers and flags +# + +FC = ${MF90} -std=f2008 -fall-intrinsics -I$(GACODE_ROOT)/modules -J$(GACODE_ROOT)/modules -g -I${PREFIX}/include +F77 = ${MF90} -g + +FMATH = -fdefault-real-8 -fdefault-double-8 +FOPT = -O3 -m64 +FDEBUG = -Wall -fcheck=all -fbacktrace -fbounds-check -O0 -Wextra -finit-real=nan -Wunderflow -ffpe-trap=invalid,zero,overflow +FBOUND = -Wall -fbounds-check +FOMP = -fopenmp + +# System math libraries + +LMATH = -L${PREFIX}/lib -lfftw3 -llapack -lblas + +NETCDF = -L${PREFIX}/lib -lnetcdff -lnetcdf +NETCDF_INC =${PREFIX}/include + +# Archive + +ARCH = ar cr + +ifdef FANN_ROOT + # neural net libraries + NN_LIB=-L$(GACODE_ROOT)/../neural/ -I$(GACODE_ROOT)/../neural/ -lbrainfuse -L${PREFIX}/lib -lfann +endif diff --git a/platform/env/env.CONDA_OMPI_GNU b/platform/env/env.CONDA_OMPI_GNU new file mode 100644 index 000000000..986556a85 --- /dev/null +++ b/platform/env/env.CONDA_OMPI_GNU @@ -0,0 +1,28 @@ +# This platform assumes you have the environment fully from conda. +# Works on Mac, too. +# +# Make sure you create a dedicated envoronment, and have +# at least the following is the packages installed: +# conda install -c conda-forge gfortran make python fftw openmpi netcdf4 +# +# If you are new to conda, you can get everything setup by getting and running the installer from +# https://docs.anaconda.com/miniconda/ +# and then installing in a dedicated environment called "gacode" using the following command: +# conda create -n gacode -c conda-forge gfortran make python fftw openmpi netcdf4 +# conda activate gacode +# (you will need to do the activate after each login/shell startup) +# +if [ "x$GACODE_PLATFORM" != "xCONDA_OMPI_GNU" ]; then + echo "WARNING: Wrong GACODE_PLATFORM! ('$GACODE_PLATFORM' != 'CONDA_OMPI_GNU')" 2>&1 +elif [ "x$GACODE_ROOT" = "x" ]; then + echo "WARNING: GACODE_ROOT is not set" 2>&1 +elif [ ! -f $GACODE_ROOT/platform/env/env.CONDA_OMPI_GNU ]; then + echo "WARNING: GACODE_ROOT not properly set, cannot find env.CONDA_OMPI_GNU" 2>&1 +fi + +if [ ! -f $CONDA_PREFIX/include/fftw3.f03 ]; then + echo 'WARNING: Cound not find fftw3.f03 (expected in $CONDA_PREFIX/include/fftw3.f03' 2>&1 +elif [ "x$GACODE_PLATFORM" = "xCONDA_OMPI_GNU" ] && [ -f $GACODE_ROOT/platform/env/env.CONDA_OMPI_GNU ]; then + echo "INFO: Welcome to GACODE platform $GACODE_PLATFORM" 2>&1 +fi + diff --git a/platform/exec/exec.CONDA_OMPI_GNU b/platform/exec/exec.CONDA_OMPI_GNU new file mode 100755 index 000000000..384de6e9e --- /dev/null +++ b/platform/exec/exec.CONDA_OMPI_GNU @@ -0,0 +1,21 @@ +#!/bin/sh +# GACODE Parallel execution script + +simdir=${1} +nmpi=${2} +exec=${3} +nomp=${4} +numa=${5} +mpinuma=${6} + +# nmpi = MPI tasks +# nomp = OpenMP threads per MPI task + +cd $simdir + +export OMP_NUM_THREADS=$nomp +export OMP_STACKSIZE=400M + +echo ">mpirun -np $nmpi $exec" +mpirun -np $nmpi $exec + From 7b8f3d0ce60e364716ac53d165effba70a83bbf8 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Fri, 15 Nov 2024 13:28:25 -0800 Subject: [PATCH 07/33] Update env.CONDA_OMPI_GNU --- platform/env/env.CONDA_OMPI_GNU | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/platform/env/env.CONDA_OMPI_GNU b/platform/env/env.CONDA_OMPI_GNU index 986556a85..48699dca5 100644 --- a/platform/env/env.CONDA_OMPI_GNU +++ b/platform/env/env.CONDA_OMPI_GNU @@ -12,6 +12,10 @@ # conda activate gacode # (you will need to do the activate after each login/shell startup) # +# Note: Recent conda setups provide openblas that is not compatible with OpenMP on Linux +# If needed, you can force the right openblas setup with +# conda install -c conda-forge libopenblas=*=*openmp* +# if [ "x$GACODE_PLATFORM" != "xCONDA_OMPI_GNU" ]; then echo "WARNING: Wrong GACODE_PLATFORM! ('$GACODE_PLATFORM' != 'CONDA_OMPI_GNU')" 2>&1 elif [ "x$GACODE_ROOT" = "x" ]; then From 4e45265aa4cd2982adab890baa933cfefdc44f19 Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Tue, 19 Nov 2024 14:19:48 -0800 Subject: [PATCH 08/33] Fixed forgotten sbeta --- cgyro/src/cgyro_write_initdata.f90 | 1 + f2py/pygacode/cgyro/data.py | 2 ++ 2 files changed, 3 insertions(+) diff --git a/cgyro/src/cgyro_write_initdata.f90 b/cgyro/src/cgyro_write_initdata.f90 index bdb5e14f8..44f32b358 100644 --- a/cgyro/src/cgyro_write_initdata.f90 +++ b/cgyro/src/cgyro_write_initdata.f90 @@ -227,6 +227,7 @@ subroutine cgyro_write_initdata do is=1,n_species write (io,fmtstr) sdlnndr(is) write (io,fmtstr) sdlntdr(is) + write (io,fmtstr) sbeta(is) enddo close(io) diff --git a/f2py/pygacode/cgyro/data.py b/f2py/pygacode/cgyro/data.py index 721a38b79..acbe0b0b0 100644 --- a/f2py/pygacode/cgyro/data.py +++ b/f2py/pygacode/cgyro/data.py @@ -496,9 +496,11 @@ def getgrid(self): # Added 3 May 2024 self.sdlnndr = np.zeros(ns) self.sdlntdr = np.zeros(ns) + self.sbeta = np.zeros(ns) for i in range(ns): self.sdlnndr[i],p = self.eget(data,p) self.sdlntdr[i],p = self.eget(data,p) + self.sbeta[i],p = self.eget(data,p) if p == -1: print('WARNING: (getgrid) Data format outdated. Please run cgyro -t') From d38a87b482e71dfc9bcc4bed39e1c211a3184fca Mon Sep 17 00:00:00 2001 From: Aaron Ho <aaron.k.hohoho@gmail.com> Date: Tue, 19 Nov 2024 17:27:13 -0500 Subject: [PATCH 09/33] Added build and instructions for Pixi environment manager (#414) * Added platform file for general Pixi Conda build * Added environment and exec files for pixi * Fix instructions to include OpenBLAS with OpenMP * Split PIXI build into mpich and openmpi versions * Enable oversubscribe in PIXI_OPENMP build --- platform/build/make.inc.PIXI_MPICH | 73 +++++++++++++++++++++++++++++ platform/build/make.inc.PIXI_OPENMP | 73 +++++++++++++++++++++++++++++ platform/env/env.PIXI_MPICH | 2 + platform/env/env.PIXI_OPENMP | 2 + platform/exec/exec.PIXI_MPICH | 19 ++++++++ platform/exec/exec.PIXI_OPENMP | 19 ++++++++ 6 files changed, 188 insertions(+) create mode 100644 platform/build/make.inc.PIXI_MPICH create mode 100644 platform/build/make.inc.PIXI_OPENMP create mode 100644 platform/env/env.PIXI_MPICH create mode 100644 platform/env/env.PIXI_OPENMP create mode 100755 platform/exec/exec.PIXI_MPICH create mode 100755 platform/exec/exec.PIXI_OPENMP diff --git a/platform/build/make.inc.PIXI_MPICH b/platform/build/make.inc.PIXI_MPICH new file mode 100644 index 000000000..e16106e2c --- /dev/null +++ b/platform/build/make.inc.PIXI_MPICH @@ -0,0 +1,73 @@ +#--------------------------------------------------- +# OSX, Linux mpich using pixi +# +# 1. Install Pixi +# curl -fsSL https://pixi.sh/install.sh | bash +# +# 2. Restart shell / terminal / console for Pixi to be recognized +# +# 3. Create Pixi environment +# pixi init <env_name> +# +# 4. Setup Pixi environment +# cd <env_name> +# git clone git@github.com:gafusion/gacode.git +# pixi add "python~=3.12,<3.13" +# pixi add git +# pixi add mpich +# pixi add gfortran +# pixi add openblas +# pixi add "libopenblas=*=*openmp*" +# pixi add liblapack +# pixi add fftw +# pixi add hdf5 +# pixi add netcdf-fortran +# +# 5. Enter and configure Pixi environment (must be repeated every entry) +# pixi shell +# export GACODE_ROOT=${PIXI_PROJECT_ROOT}/gacode +# export GACODE_PLATFORM=PIXI_MPICH +# source ${GACODE_ROOT}/shared/bin/gacode_setup +# +# 6. Build GACODE +# cd gacode +# make +# cd .. +# +# 7. Run regression tests +# neo -r +# tglf -r +# cgyro -r -n 4 -nomp 2 +# tgyro -r -n 4 +# +#--------------------------------------------------- + +MAKE = make +PREFIX = ${CONDA_PREFIX} +NETCDF_PATH = ${PREFIX} +MF90 = mpif90 + +# Compilers and flags + +FC = ${MF90} -std=f2008 -fall-intrinsics -I$(GACODE_ROOT)/modules -J$(GACODE_ROOT)/modules -g -I${PREFIX}/include +F77 = ${MF90} -g + +FMATH = -fdefault-real-8 -fdefault-double-8 +FOPT = -O3 -m64 -fallow-argument-mismatch +FDEBUG = -Wall -fcheck=all -fbacktrace -fbounds-check -O0 -Wextra -finit-real=nan -Wunderflow -ffpe-trap=invalid,zero,overflow +FBOUND = -Wall -fbounds-check +FOMP = -fopenmp + +# System math libraries + +LMATH = -L${PREFIX}/lib -lfftw3 -llapack -lblas + +# Optional netCDF libraries + +NETCDF = -L${PREFIX}/lib -lnetcdff -lnetcdf +NETCDF_INC = ${PREFIX}/include + +# Archive + +ARCH = ar cr + diff --git a/platform/build/make.inc.PIXI_OPENMP b/platform/build/make.inc.PIXI_OPENMP new file mode 100644 index 000000000..093574949 --- /dev/null +++ b/platform/build/make.inc.PIXI_OPENMP @@ -0,0 +1,73 @@ +#--------------------------------------------------- +# OSX, Linux mpich using pixi +# +# 1. Install Pixi +# curl -fsSL https://pixi.sh/install.sh | bash +# +# 2. Restart shell / terminal / console for Pixi to be recognized +# +# 3. Create Pixi environment +# pixi init <env_name> +# +# 4. Setup Pixi environment +# cd <env_name> +# git clone git@github.com:gafusion/gacode.git +# pixi add "python~=3.12,<3.13" +# pixi add git +# pixi add openmpi-mpifort +# pixi add gfortran +# pixi add openblas +# pixi add "libopenblas=*=*openmp*" +# pixi add liblapack +# pixi add fftw +# pixi add hdf5 +# pixi add netcdf-fortran +# +# 5. Enter and configure Pixi environment (must be repeated every entry) +# pixi shell +# export GACODE_ROOT=${PIXI_PROJECT_ROOT}/gacode +# export GACODE_PLATFORM=PIXI_OPENMPI +# source ${GACODE_ROOT}/shared/bin/gacode_setup +# +# 6. Build GACODE +# cd gacode +# make +# cd .. +# +# 7. Run regression tests +# neo -r +# tglf -r +# cgyro -r -n 4 -nomp 2 +# tgyro -r -n 4 +# +#--------------------------------------------------- + +MAKE = make +PREFIX = ${CONDA_PREFIX} +NETCDF_PATH = ${PREFIX} +MF90 = mpif90 + +# Compilers and flags + +FC = ${MF90} -std=f2008 -fall-intrinsics -I$(GACODE_ROOT)/modules -J$(GACODE_ROOT)/modules -g -I${PREFIX}/include +F77 = ${MF90} -g + +FMATH = -fdefault-real-8 -fdefault-double-8 +FOPT = -O3 -m64 -fallow-argument-mismatch +FDEBUG = -Wall -fcheck=all -fbacktrace -fbounds-check -O0 -Wextra -finit-real=nan -Wunderflow -ffpe-trap=invalid,zero,overflow +FBOUND = -Wall -fbounds-check +FOMP = -fopenmp + +# System math libraries + +LMATH = -L${PREFIX}/lib -lfftw3 -llapack -lblas + +# Optional netCDF libraries + +NETCDF = -L${PREFIX}/lib -lnetcdff -lnetcdf +NETCDF_INC = ${PREFIX}/include + +# Archive + +ARCH = ar cr + diff --git a/platform/env/env.PIXI_MPICH b/platform/env/env.PIXI_MPICH new file mode 100644 index 000000000..a424ba80b --- /dev/null +++ b/platform/env/env.PIXI_MPICH @@ -0,0 +1,2 @@ +# The PIXI platform assumes that you have installed pixi and run the +# appropriate commands to have the virtual environment set up well. diff --git a/platform/env/env.PIXI_OPENMP b/platform/env/env.PIXI_OPENMP new file mode 100644 index 000000000..a424ba80b --- /dev/null +++ b/platform/env/env.PIXI_OPENMP @@ -0,0 +1,2 @@ +# The PIXI platform assumes that you have installed pixi and run the +# appropriate commands to have the virtual environment set up well. diff --git a/platform/exec/exec.PIXI_MPICH b/platform/exec/exec.PIXI_MPICH new file mode 100755 index 000000000..d0010ad46 --- /dev/null +++ b/platform/exec/exec.PIXI_MPICH @@ -0,0 +1,19 @@ +#!/bin/sh +# GACODE Parallel execution script (PIXI) +# +# NOTES: +# Used mpich2-1.0.1, so use mpirun rather than mpiexec + +simdir=${1} +nmpi=${2} +exec=${3} +nomp=${4} +numa=${5} +mpinuma=${6} + +echo $simdir + +cd $simdir + +mpirun -env OMP_NUM_THREADS $nomp -np $nmpi $exec + diff --git a/platform/exec/exec.PIXI_OPENMP b/platform/exec/exec.PIXI_OPENMP new file mode 100755 index 000000000..f4f1798b1 --- /dev/null +++ b/platform/exec/exec.PIXI_OPENMP @@ -0,0 +1,19 @@ +#!/bin/sh +# GACODE Parallel execution script (PIXI_OPENMP) +# +# NOTES: +# Used openmpi-5.0.1 + +simdir=${1} +nmpi=${2} +exec=${3} +nomp=${4} +numa=${5} +mpinuma=${6} + +echo $simdir + +cd $simdir + +mpirun -x OMP_NUM_THREADS=$nomp -np $nmpi --oversubscribe $exec + From e7ff35ebf2da7934c179f2eae11105e751b5180b Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Sat, 23 Nov 2024 10:00:22 +0100 Subject: [PATCH 10/33] c._in._coll._landau.F90: MPI_COMM..->CGYRO_COMM.. --- cgyro/src/cgyro_init_collision_landau.F90 | 46 +++++++++++------------ 1 file changed, 23 insertions(+), 23 deletions(-) diff --git a/cgyro/src/cgyro_init_collision_landau.F90 b/cgyro/src/cgyro_init_collision_landau.F90 index 3387f624e..ff58c8e72 100644 --- a/cgyro/src/cgyro_init_collision_landau.F90 +++ b/cgyro/src/cgyro_init_collision_landau.F90 @@ -25,7 +25,7 @@ module cgyro_init_collision_landau subroutine cgyro_init_landau() ! populate cmat with Galerkin based gyrokinetic Landau operator. ! cmat1 is only for comparison purposes - use cgyro_globals, only : vth,temp,mass,dens,temp_ele,mass_ele,dens_ele,rho,z,& + use cgyro_globals, only : CGYRO_COMM_WORLD,vth,temp,mass,dens,temp_ele,mass_ele,dens_ele,rho,z,& n_energy,e_max,n_xi,n_radial,n_theta,n_species,n_toroidal,nt1,nt2,nc_loc,nc1,nc2,nc,nv,& nu_ee,& xi,w_xi,& !needed for projleg calc @@ -119,7 +119,7 @@ subroutine cgyro_init_landau() gtvb=1 end if - !$ call MPI_Barrier(MPI_COMM_WORLD,ierror) ! may improve timing + !$ call MPI_Barrier(CGYRO_COMM_WORLD,ierror) ! may improve timing call cpu_time(t1) ns=ispec(n_species,n_species) !number of non-redundant species pairs xmax=sqrt(e_max) !cut off at exp(-xmax^2) @@ -146,7 +146,7 @@ subroutine cgyro_init_landau() end do ! kperp_bmag_max is not completely global, there is still the n dependence. ! we need to maximize over the toroidal mode numbers: - call MPI_ALLREDUCE(MPI_IN_PLACE,kperp_bmag_max,1,MPI_REAL8,MPI_MAX,MPI_COMM_WORLD,ierror) + call MPI_ALLREDUCE(MPI_IN_PLACE,kperp_bmag_max,1,MPI_REAL8,MPI_MAX,CGYRO_COMM_WORLD,ierror) rhomax=maxval(abs(rho_spec([(i,i=1,n_species)])))*xmax kperprhomax=kperp_bmag_max*rhomax if (verbose>0 .and. i_proc==0) print 6,'using kperprhomax=',kperprhomax @@ -911,13 +911,13 @@ subroutine cgyro_init_landau() print 7,'pre_scatter timing:' do i=1,n_proc if (i>1) then - call MPI_Recv(t,11,MPI_REAL8,i-1,i-1,MPI_COMM_WORLD,status,ierror) + call MPI_Recv(t,11,MPI_REAL8,i-1,i-1,CGYRO_COMM_WORLD,status,ierror) end if 5 format("init_collision_landau: ",A,I0,A,7G24.16E3,A,I0,A,G24.16E3) print 5,'i_proc=',i-1,' took',t(1:7),' load ',load(i),' rel',t(3)/load(i) end do else - call MPI_Send(t,11,MPI_REAL8,0,i_proc,MPI_COMM_WORLD,ierror) + call MPI_Send(t,11,MPI_REAL8,0,i_proc,CGYRO_COMM_WORLD,ierror) end if call cpu_time(t1) ! Now do the scatter @@ -931,17 +931,17 @@ subroutine cgyro_init_landau() ib=idx+1 if (proc(ik,ia,ib)/=0) then !!$ do j=1,n_proc -!!$ call MPI_BARRIER(MPI_COMM_WORLD,ierror) +!!$ call MPI_BARRIER(CGYRO_COMM_WORLD,ierror) !!$! if (i_proc==0 .and. verbose>100) then !!$ if (i_proc==j-1) print *,'bcasting (ik,ia,ib,proc)=',ik,ia,ib,proc(ik,ia,ib)-1,'ip',i_proc !!$ ! end if -!!$ call MPI_BARRIER(MPI_COMM_WORLD,ierror) +!!$ call MPI_BARRIER(CGYRO_COMM_WORLD,ierror) !!$ end do call MPI_Bcast(gyrocolmat(:,:,:,:,ia,ib,ik),n_xi**2*n_energy**2,& - MPI_REAL8,proc(ik,ia,ib)-1,MPI_COMM_WORLD,ierror) + MPI_REAL8,proc(ik,ia,ib)-1,CGYRO_COMM_WORLD,ierror) if (ia>ib .and. temp(ia)==temp(ib)) then call MPI_Bcast(gyrocolmat(:,:,:,:,ib,ia,ik),n_xi**2*n_energy**2,& - MPI_REAL8,proc(ik,ia,ib)-1,MPI_COMM_WORLD,ierror) + MPI_REAL8,proc(ik,ia,ib)-1,CGYRO_COMM_WORLD,ierror) end if end if enddo @@ -1003,12 +1003,12 @@ subroutine cgyro_init_landau() if (i_proc==0) then do i=1,n_proc if (i>1) then - call MPI_Recv(t,11,MPI_REAL8,i-1,i-1,MPI_COMM_WORLD,status,ierror) + call MPI_Recv(t,11,MPI_REAL8,i-1,i-1,CGYRO_COMM_WORLD,status,ierror) end if print *,'i_proc=',i-1,'took',t(1:10),'load',load(i),'rel',t(3)/load(i) end do else - call MPI_Send(t,11,MPI_REAL8,0,i_proc,MPI_COMM_WORLD,ierror) + call MPI_Send(t,11,MPI_REAL8,0,i_proc,CGYRO_COMM_WORLD,ierror) end if coltestmode: if(collision_test_mode==1) then @@ -1036,10 +1036,10 @@ subroutine cgyro_init_landau() nt2_proc(i_proc+1)=nt2 proc_c=0 ! dummy value if no processor is responsible do i=1,n_proc - call MPI_BCAST(nc1_proc(i),1,MPI_INTEGER,i-1,MPI_COMM_WORLD,ierror) - call MPI_BCAST(nc2_proc(i),1,MPI_INTEGER,i-1,MPI_COMM_WORLD,ierror) - call MPI_BCAST(nt1_proc(i),1,MPI_INTEGER,i-1,MPI_COMM_WORLD,ierror) - call MPI_BCAST(nt2_proc(i),1,MPI_INTEGER,i-1,MPI_COMM_WORLD,ierror) + call MPI_BCAST(nc1_proc(i),1,MPI_INTEGER,i-1,CGYRO_COMM_WORLD,ierror) + call MPI_BCAST(nc2_proc(i),1,MPI_INTEGER,i-1,CGYRO_COMM_WORLD,ierror) + call MPI_BCAST(nt1_proc(i),1,MPI_INTEGER,i-1,CGYRO_COMM_WORLD,ierror) + call MPI_BCAST(nt2_proc(i),1,MPI_INTEGER,i-1,CGYRO_COMM_WORLD,ierror) ! this assigns the processor with the highest number to the respective ! nc and nt range proc_c(nc1_proc(i):nc2_proc(i),nt1_proc(i):nt2_proc(i))=i @@ -1094,11 +1094,11 @@ subroutine cgyro_init_landau() **2,L2xi,n_xi,0.,c(:,:,:,:,l),n_xi*n_energy**2) end do if (i_proc/=0) then - call MPI_SEND(c,size(c),MPI_REAL8,0,1234,MPI_COMM_WORLD,ierror) + call MPI_SEND(c,size(c),MPI_REAL8,0,1234,CGYRO_COMM_WORLD,ierror) end if else if (i_proc==0) then - call MPI_RECV(c,size(c),MPI_REAL8,proc_c(ic,itor)-1,1234,MPI_COMM_WORLD,status,ierror) + call MPI_RECV(c,size(c),MPI_REAL8,proc_c(ic,itor)-1,1234,CGYRO_COMM_WORLD,status,ierror) end if end if !!$ block @@ -1227,11 +1227,11 @@ subroutine cgyro_init_landau() **2,L2xi,n_xi,0.,c(:,:,:,:,l),n_xi*n_energy**2) end do if (i_proc/=0) then - call MPI_SEND(c,size(c),MPI_REAL8,0,1234,MPI_COMM_WORLD,ierror) + call MPI_SEND(c,size(c),MPI_REAL8,0,1234,CGYRO_COMM_WORLD,ierror) end if else if (i_proc==0) then - call MPI_RECV(c,size(c),MPI_REAL8,proc_c(ic,itor)-1,1234,MPI_COMM_WORLD,status,ierror) + call MPI_RECV(c,size(c),MPI_REAL8,proc_c(ic,itor)-1,1234,CGYRO_COMM_WORLD,status,ierror) end if end if @@ -1285,18 +1285,18 @@ subroutine cgyro_init_landau() end do enddo end if - call MPI_reduce(md,d,1,MPI_REAL8,MPI_MAX,0,MPI_COMM_WORLD,ierror) + call MPI_reduce(md,d,1,MPI_REAL8,MPI_MAX,0,CGYRO_COMM_WORLD,ierror) if (i_proc==0) print 11,'Max. deviation over all processors:',d 11 format ('cgyro_in._col.: ',A,G23.16) - call MPI_Barrier(MPI_COMM_WORLD,ierror) + call MPI_Barrier(CGYRO_COMM_WORLD,ierror) call MPI_finalize(ierror) stop end if coltestmode -!!$ call MPI_Barrier(MPI_COMM_WORLD,ierror) +!!$ call MPI_Barrier(CGYRO_COMM_WORLD,ierror) !!$ print *,'i_proc',i_proc,'done with init_landau' -!!$ call MPI_Barrier(MPI_COMM_WORLD,ierror) +!!$ call MPI_Barrier(CGYRO_COMM_WORLD,ierror) contains elemental real function sinc(target_k,halfperiod) From 03d5d4dff45753f50de26f64c993cb8bddd00bbc Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Sat, 23 Nov 2024 10:11:50 +0100 Subject: [PATCH 11/33] ifdef PGI -> ifdef LANDAU_PREC16 Higher precision mode for comparison purposes --- cgyro/src/cgyro_init_collision_landau.F90 | 3 --- shared/landau/landau.F90 | 10 ++++++---- 2 files changed, 6 insertions(+), 7 deletions(-) diff --git a/cgyro/src/cgyro_init_collision_landau.F90 b/cgyro/src/cgyro_init_collision_landau.F90 index ff58c8e72..49f8b4447 100644 --- a/cgyro/src/cgyro_init_collision_landau.F90 +++ b/cgyro/src/cgyro_init_collision_landau.F90 @@ -106,9 +106,6 @@ subroutine cgyro_init_landau() if (i_proc==0) print 1,'WARNING: dens_rot not yet implemented!!' if (i_proc==0) print 1,'WARNING: nu_global not yet implemented!!' if (i_proc==0 .and. collision_test_mode==1) print 1,'collision_test_mode==1, comparing ...' -#ifdef __PGI - if (i_proc==0) print 1,'WARNING: precision loss in landau.F90 - can''t use quad precision in PGI!!' -#endif if (i_proc==0 .and. maxval(abs(temp(1:n_species)-temp(1)))/=0) then print 1,'Warning: Landau not yet working for different species temperatures!!' end if diff --git a/shared/landau/landau.F90 b/shared/landau/landau.F90 index a305eed95..c4a6fbf42 100644 --- a/shared/landau/landau.F90 +++ b/shared/landau/landau.F90 @@ -1,14 +1,17 @@ ! gfortran -march=native -O3 -fno-stack-arrays -fimplicit-none -fdefault-real-8 landau.F90 -c !intel: !ifort -stand f15 -warn all -march=native -O3 -heap-arrays 10 -implicitnone -real-size 64 landau.F90 -c -#ifndef __PGI - !can't use quad precision with frumpy pgi compiler + +#ifdef LANDAU_PREC16 +!at least in the past couldn't use quad precision with frumpy pgi compiler +!for comparison purposes #define HIREAL real(16) #define HRS _16 #else #define HIREAL real #define HRS #endif + module landau HIREAL, parameter,private :: pi1=atan(1.HRS)*4 ! real, parameter :: intnorm=pi1**(-1.5)*4*pi1 @@ -85,14 +88,13 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu addcutoff1=.true. if (present(addcutoff)) addcutoff1=addcutoff -#ifndef __PGI 2 format (A,3G25.16) if (verbose>2) then print 2,'1,lo,hi',fct1lo(xmaxx),fct1hi(xmaxx),fct1(xmaxx) print 2,'2,lo,hi',fct2lo(xmaxx),fct2hi(xmaxx),fct2(xmaxx) end if -#endif + ! lor_int and dif_int are symmetric in i,j ! t1t2_int is not symmetric (but not antisymmetric.) ! The first index is in that case the output index From fd36c77d24698b3ee13e0b92b3ae688f65f7d494 Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Sat, 23 Nov 2024 10:23:28 +0100 Subject: [PATCH 12/33] Added LANDAU_PREC16 comment to TUMBLEWEED --- platform/build/make.inc.TUMBLEWEED | 1 + 1 file changed, 1 insertion(+) diff --git a/platform/build/make.inc.TUMBLEWEED b/platform/build/make.inc.TUMBLEWEED index 19712de78..fd15f0dec 100644 --- a/platform/build/make.inc.TUMBLEWEED +++ b/platform/build/make.inc.TUMBLEWEED @@ -15,6 +15,7 @@ NUMAS_PER_NODE=1 # Compilers FC = mpifort -DDIMATCOPY -fallow-argument-mismatch -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC +#FC = mpifort -DDIMATCOPY -DLANDAU_PREC16 -fallow-argument-mismatch -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC #FC = mpifort -std=f2008 -fall-intrinsics -fimplicit-none -J $(GACODE_ROOT)/modules #-fPIC F77 = mpifort -fimplicit-none -fallow-argument-mismatch FOMP =-fopenmp From bf49aa66f032a39ee1b3be5ffe7cc7445b58a119 Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Mon, 25 Nov 2024 15:40:12 -0800 Subject: [PATCH 13/33] Fixes to python strings. Added NU_EE to localdump --- cgyro/bin/cgyro_json | 4 ++++ f2py/pygacode/cgyro/data.py | 34 +++++++++++++++++----------------- 2 files changed, 21 insertions(+), 17 deletions(-) diff --git a/cgyro/bin/cgyro_json b/cgyro/bin/cgyro_json index f257073c9..68bd7a536 100755 --- a/cgyro/bin/cgyro_json +++ b/cgyro/bin/cgyro_json @@ -105,6 +105,7 @@ d['MACH'] = sim.mach d['GAMMA_E'] = sim.gamma_e d['GAMMA_P'] = sim.gamma_p d['BETAE_UNIT'] = sim.betae_unit +d['NU_EE'] = sim.nu[ielec] d['ZMAG'] = sim.zmag d['DZMAG'] = sim.dzmag @@ -164,6 +165,9 @@ print('cgyro_json: wrote out.cgyro.localdump') nmax = nmax+1 +if nmax < 3: + nmax = 3 + # Reference dimensions in CGYRO units lref=sim.rmaj vthref = np.sqrt(2.0) diff --git a/f2py/pygacode/cgyro/data.py b/f2py/pygacode/cgyro/data.py index acbe0b0b0..42d12be11 100644 --- a/f2py/pygacode/cgyro/data.py +++ b/f2py/pygacode/cgyro/data.py @@ -314,19 +314,19 @@ def getgeo(self): print('INFO: (data.py) Read data in '+fmt+'.cgyro.geo '+t) self.geo = np.reshape(data,(self.n_theta,nfunc),'F') - tags = ['\theta', - 'G_\\theta', - '|B|', - '\omega_\mathrm{stream}', - '\omega_\mathrm{trap}', - '\omega_\mathrm{rdrift}', - '\omega_\mathrm{adrift}', - '\omega_\mathrm{aprdrift}', - '\omega_\mathrm{cdrift}', - '\omega_\mathrm{crdrift}', - '\omega_\mathrm{gammap', - 'k_\perp', - '\Theta'] + tags = [r'\theta', + r'G_\theta', + r'|B|', + r'\omega_\mathrm{stream}', + r'\omega_\mathrm{trap}', + r'\omega_\mathrm{rdrift}', + r'\omega_\mathrm{adrift}', + r'\omega_\mathrm{aprdrift}', + r'\omega_\mathrm{cdrift}', + r'\omega_\mathrm{crdrift}', + r'\omega_\mathrm{gammap', + r'k_\perp', + r'\Theta'] self.geotag = [] for i in range(nfunc): @@ -531,7 +531,7 @@ def getnorm(self,norm): self.kystr = r'$k_\theta \rho_s$' self.qc = 1.0 - self.gbnorm = '_\mathrm{GBD}' + self.gbnorm = r'_\mathrm{GBD}' print('INFO: (getnorm) Using deuterium norm (rho_s = rho_sD, c_s = c_sD, etc)') @@ -550,10 +550,10 @@ def getnorm(self,norm): vc = np.sqrt(self.temp[i]/te/self.mass[i]) self.tnorm = self.t*vc - self.tstr = r'$(v_'+str(i)+'/a) \, t$' + self.tstr = r'$(v_'+str(i)+r'/a) \, t$' self.fnorm = self.freq/vc - self.fstr = [r'$(a/v_'+str(i)+') \, \omega$',r'$(a/v_'+str(i)+') \, \gamma$'] + self.fstr = [r'$(a/v_'+str(i)+r') \, \omega$',r'$(a/v_'+str(i)+r') \, \gamma$'] # Convert rho_sD=csD/Omega_i to rho_i=vi/Omega_i rhoc = vc/(self.z[i]/self.mass[i]) @@ -568,7 +568,7 @@ def getnorm(self,norm): # Convert Q_GBD to Q_GBi self.qc = vc*(self.temp[i]/te)*rhoc**2 - self.gbnorm = '_\mathrm{GB'+str(i)+'}' + self.gbnorm = r'_\mathrm{GB'+str(i)+'}' print('INFO: (getnorm) Using species '+norm+' norm') From 984b488aca4b935dc067ff1b22f6224237ba9e8c Mon Sep 17 00:00:00 2001 From: Bhavin Patel <15210802+bpatel2107@users.noreply.github.com> Date: Wed, 27 Nov 2024 16:27:24 +0000 Subject: [PATCH 14/33] Update CCLAKE platform files (#424) Thanks Bhavin --- platform/build/make.inc.CSD3_CCLAKE | 9 ++++----- platform/env/env.CSD3_CCLAKE | 14 +++++++------- 2 files changed, 11 insertions(+), 12 deletions(-) diff --git a/platform/build/make.inc.CSD3_CCLAKE b/platform/build/make.inc.CSD3_CCLAKE index 9f73642d4..77cf020dd 100644 --- a/platform/build/make.inc.CSD3_CCLAKE +++ b/platform/build/make.inc.CSD3_CCLAKE @@ -20,13 +20,14 @@ F77 = ${FC} FOMP = -qopenmp FMATH = -r8 -FOPT = -xCORE-AVX512 -implicitnone -no-prec-div -O3 -fp-model fast=2 -pad -ip -qoverride-limits -mkl=cluster #-fast -no-ipo +FOPT = -xCORE-AVX512 -implicitnone -no-prec-div -O3 -fp-model fast=2 -pad -ip -qoverride-limits -qmkl=cluster #-fast -no-ipo FDEBUG = -shared-intel -implicitnone -check all -check noarg_temp_created -traceback #FPETSC = F2PY = f2py # System math libraries -LMATH = -L${LD_LIBRARY_PATH} -lfftw3_threads -lfftw3f_threads -lfftw3 -lfftw3f -mkl=cluster +FFTW_DIR=/usr/local/software/spack/csd3/opt-2024-06-01/linux-rocky8-cascadelake/intel-2021.10.0/fftw-3.3.10-hwbiyhzwfaes6y6z5yudwpmimfplpcr2/lib/ +LMATH = -L${LD_LIBRARY_PATH} -lfftw3_threads -lfftw3f_threads -lfftw3 -lfftw3f -qmkl=cluster NETCDF = -lnetcdf -lnetcdff NETCDF_INC = ${CPATH} @@ -34,6 +35,4 @@ NETCDF_INC = ${CPATH} GATOFLAGS = -r8 -i8 # Archive -ARCH = ar cr - - +ARCH = ar cr \ No newline at end of file diff --git a/platform/env/env.CSD3_CCLAKE b/platform/env/env.CSD3_CCLAKE index f06d14b88..ff6483d60 100644 --- a/platform/env/env.CSD3_CCLAKE +++ b/platform/env/env.CSD3_CCLAKE @@ -5,12 +5,12 @@ if [ -n "$SSH_TTY" ] ; then fi # Intel MPI compiler -module unload rhel7/default-peta4 -module load rhel7/default-ccl +module purge +module load rhel8/default-ccl -module load netcdf-4.4.1.1-intel-17.0.4-klwe3pg -module load netcdf-fortran-4.4.4-intel-17.0.4-cesnirf -module load hdf5-1.10.1-intel-17.0.4-nsuex4z -module load fftw-3.3.6-pl2-intel-17.0.4-mo4aryo +module load intel-oneapi-mkl-cluster/2024.1.0/intel/r55ddo3z +module load hdf5/1.14.3/intel/intel-oneapi-mpi/si2tlq4v +module load netcdf-fortran/4.6.1/intel/intel-oneapi-mpi/kqukipdf +module load fftw/3.3.10/intel/intel-oneapi-mpi/hwbiyhzw -module load python-3.9.6-gcc-5.4.0-sbr552h +module load python/3.11.0-icl From 9d562fb7b6e4ec24593d459a7cf1f7b7ba984277 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Wed, 27 Nov 2024 08:48:18 -0800 Subject: [PATCH 15/33] Add xgyro (#425) * Add basic xgyro framework * Add full CGYRO simulation logic in, and fix xgyro paths * Add xgyro python wrapper * Write errors on stderr * Print sub-simulation info into out.xgyro.info * Fix xgyro dir creation from template, and add xgyro to top Makefile * Add regression support for xgyro * Add xgyro reg02 and reg03 * Add support for MPI_RANK_ORDER=2, add reg test --- Makefile | 3 + f2py/pygacode/gacodeinput.py | 14 +- shared/bin/gacode_reg_do | 31 +- shared/bin/gacode_reg_do_restart | 51 +- shared/bin/gacode_setup | 1 + xgyro/Makefile | 27 + xgyro/bin/xgyro | 328 ++ xgyro/bin/xgyro_parse.py | 79 + xgyro/src/Makefile | 36 + xgyro/src/xgyro.f90 | 127 + xgyro/src/xgyro_globals.f90 | 35 + xgyro/src/xgyro_io.f90 | 57 + xgyro/src/xgyro_mpi_setup.f90 | 102 + xgyro/src/xgyro_read_input.f90 | 110 + xgyro/tools/input/reg01/input.xgyro | 5 + xgyro/tools/input/reg01/reg01/input.cgyro | 42 + xgyro/tools/input/reg01/reg01/out.cgyro.prec | 4 + .../tools/input/reg01/reg01/out.cgyro.prec.1 | 8 + .../tools/input/reg01/reg01/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg01/reg02/input.cgyro | 43 + xgyro/tools/input/reg01/reg02/out.cgyro.prec | 4 + .../tools/input/reg01/reg02/out.cgyro.prec.1 | 8 + .../tools/input/reg01/reg02/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg01/reg03/input.cgyro | 46 + xgyro/tools/input/reg01/reg03/out.cgyro.prec | 4 + .../tools/input/reg01/reg03/out.cgyro.prec.1 | 8 + .../tools/input/reg01/reg03/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg01/reg04/input.cgyro | 35 + xgyro/tools/input/reg01/reg04/input.gacode | 2219 +++++++ .../tools/input/reg01/reg04/input.gacode.geo | 5110 +++++++++++++++++ xgyro/tools/input/reg01/reg04/out.cgyro.prec | 4 + .../tools/input/reg01/reg04/out.cgyro.prec.1 | 8 + .../tools/input/reg01/reg04/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg02/input.xgyro | 7 + xgyro/tools/input/reg02/reg04/input.cgyro | 35 + xgyro/tools/input/reg02/reg04/input.gacode | 2219 +++++++ .../tools/input/reg02/reg04/input.gacode.geo | 5110 +++++++++++++++++ xgyro/tools/input/reg02/reg04/out.cgyro.prec | 4 + .../tools/input/reg02/reg04/out.cgyro.prec.1 | 8 + .../tools/input/reg02/reg04/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg02/reg05/input.cgyro | 49 + xgyro/tools/input/reg02/reg05/out.cgyro.prec | 4 + .../tools/input/reg02/reg05/out.cgyro.prec.1 | 8 + .../tools/input/reg02/reg05/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg02/reg17/input.cgyro | 52 + xgyro/tools/input/reg02/reg17/out.cgyro.prec | 4 + .../tools/input/reg02/reg17/out.cgyro.prec.1 | 8 + .../tools/input/reg02/reg17/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg03/input.xgyro | 6 + xgyro/tools/input/reg03/reg06/input.cgyro | 51 + xgyro/tools/input/reg03/reg06/out.cgyro.prec | 4 + .../tools/input/reg03/reg06/out.cgyro.prec.1 | 8 + .../tools/input/reg03/reg06/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg03/reg07/input.cgyro | 49 + xgyro/tools/input/reg03/reg07/out.cgyro.prec | 4 + .../tools/input/reg03/reg07/out.cgyro.prec.1 | 8 + .../tools/input/reg03/reg07/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg04/input.xgyro | 8 + xgyro/tools/input/reg04/reg10/input.cgyro | 45 + xgyro/tools/input/reg04/reg10/out.cgyro.prec | 4 + .../tools/input/reg04/reg10/out.cgyro.prec.1 | 8 + .../tools/input/reg04/reg10/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg04/reg11/input.cgyro | 42 + xgyro/tools/input/reg04/reg11/out.cgyro.prec | 8 + .../tools/input/reg04/reg11/out.cgyro.prec.1 | 16 + .../tools/input/reg04/reg11/out.cgyro.prec.2 | 24 + xgyro/tools/input/reg04/reg19/input.cgyro | 55 + xgyro/tools/input/reg04/reg19/out.cgyro.prec | 4 + .../tools/input/reg04/reg19/out.cgyro.prec.1 | 8 + .../tools/input/reg04/reg19/out.cgyro.prec.2 | 12 + xgyro/tools/input/reg_list | 4 + xgyro/tools/input/simdir_list | 6 + 72 files changed, 16529 insertions(+), 22 deletions(-) create mode 100644 xgyro/Makefile create mode 100755 xgyro/bin/xgyro create mode 100644 xgyro/bin/xgyro_parse.py create mode 100644 xgyro/src/Makefile create mode 100644 xgyro/src/xgyro.f90 create mode 100644 xgyro/src/xgyro_globals.f90 create mode 100644 xgyro/src/xgyro_io.f90 create mode 100644 xgyro/src/xgyro_mpi_setup.f90 create mode 100644 xgyro/src/xgyro_read_input.f90 create mode 100644 xgyro/tools/input/reg01/input.xgyro create mode 100644 xgyro/tools/input/reg01/reg01/input.cgyro create mode 100644 xgyro/tools/input/reg01/reg01/out.cgyro.prec create mode 100644 xgyro/tools/input/reg01/reg01/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg01/reg01/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg01/reg02/input.cgyro create mode 100644 xgyro/tools/input/reg01/reg02/out.cgyro.prec create mode 100644 xgyro/tools/input/reg01/reg02/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg01/reg02/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg01/reg03/input.cgyro create mode 100644 xgyro/tools/input/reg01/reg03/out.cgyro.prec create mode 100644 xgyro/tools/input/reg01/reg03/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg01/reg03/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg01/reg04/input.cgyro create mode 100644 xgyro/tools/input/reg01/reg04/input.gacode create mode 100644 xgyro/tools/input/reg01/reg04/input.gacode.geo create mode 100644 xgyro/tools/input/reg01/reg04/out.cgyro.prec create mode 100644 xgyro/tools/input/reg01/reg04/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg01/reg04/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg02/input.xgyro create mode 100644 xgyro/tools/input/reg02/reg04/input.cgyro create mode 100644 xgyro/tools/input/reg02/reg04/input.gacode create mode 100644 xgyro/tools/input/reg02/reg04/input.gacode.geo create mode 100644 xgyro/tools/input/reg02/reg04/out.cgyro.prec create mode 100644 xgyro/tools/input/reg02/reg04/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg02/reg04/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg02/reg05/input.cgyro create mode 100644 xgyro/tools/input/reg02/reg05/out.cgyro.prec create mode 100644 xgyro/tools/input/reg02/reg05/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg02/reg05/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg02/reg17/input.cgyro create mode 100644 xgyro/tools/input/reg02/reg17/out.cgyro.prec create mode 100644 xgyro/tools/input/reg02/reg17/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg02/reg17/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg03/input.xgyro create mode 100644 xgyro/tools/input/reg03/reg06/input.cgyro create mode 100644 xgyro/tools/input/reg03/reg06/out.cgyro.prec create mode 100644 xgyro/tools/input/reg03/reg06/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg03/reg06/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg03/reg07/input.cgyro create mode 100644 xgyro/tools/input/reg03/reg07/out.cgyro.prec create mode 100644 xgyro/tools/input/reg03/reg07/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg03/reg07/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg04/input.xgyro create mode 100644 xgyro/tools/input/reg04/reg10/input.cgyro create mode 100644 xgyro/tools/input/reg04/reg10/out.cgyro.prec create mode 100644 xgyro/tools/input/reg04/reg10/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg04/reg10/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg04/reg11/input.cgyro create mode 100644 xgyro/tools/input/reg04/reg11/out.cgyro.prec create mode 100644 xgyro/tools/input/reg04/reg11/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg04/reg11/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg04/reg19/input.cgyro create mode 100644 xgyro/tools/input/reg04/reg19/out.cgyro.prec create mode 100644 xgyro/tools/input/reg04/reg19/out.cgyro.prec.1 create mode 100644 xgyro/tools/input/reg04/reg19/out.cgyro.prec.2 create mode 100644 xgyro/tools/input/reg_list create mode 100644 xgyro/tools/input/simdir_list diff --git a/Makefile b/Makefile index 47970cc8f..d626ae187 100644 --- a/Makefile +++ b/Makefile @@ -6,6 +6,7 @@ all: cd vgen ; make cd tglf ; make cd cgyro ; make + cd xgyro ; make cd gyro ; make cd tgyro ; make cd profiles_gen ; make @@ -21,6 +22,7 @@ clean: cd vgen ; make clean cd tglf ; make clean cd cgyro ; make clean + cd xgyro ; make clean cd gyro ; make clean cd tgyro ; make clean cd profiles_gen ; make clean @@ -42,6 +44,7 @@ distclean: cd neo ; make clean cd tglf ; make clean cd cgyro ; make clean + cd xgyro ; make clean cd gyro ; make clean cd tgyro ; make clean cd profiles_gen ; make clean diff --git a/f2py/pygacode/gacodeinput.py b/f2py/pygacode/gacodeinput.py index da64f5570..cfdb83396 100644 --- a/f2py/pygacode/gacodeinput.py +++ b/f2py/pygacode/gacodeinput.py @@ -36,6 +36,11 @@ def add(self,param,default,n=1): self.data_dict[p]=default self.data_orderlist.append(p) + def rename(self,org_param,new_param): + self.data_dict[new_param] = self.data_dict[org_param] + del self.data_dict[org_param] + self.data_orderlist[self.data_orderlist.index(org_param)] = new_param + def dep(self,param,default): self.dep_dict[param]=default self.dep_orderlist.append(param) @@ -56,7 +61,7 @@ def printmsg(self): def set_extension(self,text): self.extension = text - def read_input(self,inputfile): + def read_input(self,inputfile,write_ext=True): # 1. read user input file with open(inputfile,'r') as fin: for line in fin.readlines(): @@ -88,8 +93,11 @@ def read_input(self,inputfile): self.error=1 self.error_msg=self.error_msg+"ERROR: (gacodeinput) Bogus parameter "+x+'\n' - if self.error == 0: - with open(inputfile+self.extension,'w') as f: + if write_ext and (self.error == 0): + self.write_parsed(inputfile+self.extension) + + def write_parsed(self,outfile): + with open(outfile,'w') as f: for x in self.data_orderlist: f.write(self.data_dict[x]+' '+x+'\n') diff --git a/shared/bin/gacode_reg_do b/shared/bin/gacode_reg_do index 76a11f125..adf24f3be 100755 --- a/shared/bin/gacode_reg_do +++ b/shared/bin/gacode_reg_do @@ -8,6 +8,7 @@ # # EXAMPLE: # gacode_reg_do 2 1 0 neo 1e-5 +# gacode_reg_do 2 1 0 xgyro/cgyro 1e-5 #---------------------------------------------------- n=$# @@ -23,10 +24,14 @@ fi n_proc=${1} n_omp=${2} reset=${3} -code=${4} +code_raw=${4} tol=${5} scase=${6} +# if a / is present in code_raw string, use the part after / to signify another code +code=`python3 -c "import sys; print(sys.argv[1].split('/')[0])" ${code_raw}` +code2=`python3 -c "import sys; carr=sys.argv[1].split('/'); print(carr[1] if (len(carr)==2) else '')" ${code_raw}` + echo "REGRESSION TESTING: $code" testdir=$PWD/${code}_regression_test @@ -44,7 +49,11 @@ then compdir=$GACODE_ADD_ROOT/$code/tools/input fi -precfile=out.$code.prec +if [ "x${code2}" == "x" ]; then + precfile=out.${code}.prec +else + precfile=out.${code2}.prec +fi if [ "$scase" == "" ] then @@ -59,13 +68,27 @@ cd $testdir for sim in $list do $code -g $sim -p $testdir > out.$sim - rm -f $sim/$precfile + if [ "x${code2}" == "x" ]; then + rm -f $sim/$precfile + else + # this is actually a bundled test, check subdirs + for dname in `(cd $sim && ls -p |grep / | sed 's#/##')`; do + rm -f $sim/$dname/$precfile + done + fi if [ $n_omp -eq 1 ] && [ $n_proc -eq 1 ] ; then $code -e $sim -p $testdir > out.$sim else $code -e $sim -n $n_proc -nomp $n_omp -p $testdir > out.$sim fi - gacode_reg $sim $compdir $precfile $tol + if [ "x${code2}" == "x" ]; then + gacode_reg $sim $compdir $precfile $tol + else + # this is actually a bundled test, check subdirs + for dname in `(cd $sim && ls -p |grep / | sed 's#/##')`; do + gacode_reg $sim/$dname $compdir $precfile $tol + done + fi if [ $reset -eq 1 ] then # Overwrite regression data with current data diff --git a/shared/bin/gacode_reg_do_restart b/shared/bin/gacode_reg_do_restart index a78df9943..f0f9c1425 100755 --- a/shared/bin/gacode_reg_do_restart +++ b/shared/bin/gacode_reg_do_restart @@ -9,6 +9,7 @@ # # EXAMPLE: # gacode_reg_do_restart 2 1 0 cgyro 1e-6 reg01 +# gacode_reg_do_restart 2 1 0 xgyro/cgyro 1e-6 reg01 #---------------------------------------------------- n=$# @@ -24,10 +25,14 @@ fi n_proc=${1} n_omp=${2} reset=${3} -code=${4} +code_raw=${4} tol=${5} scase=${6} +# if a / is present in code_raw string, use the part after / to signify another code +code=`python3 -c "import sys; print(sys.argv[1].split('/')[0])" ${code_raw}` +code2=`python3 -c "import sys; carr=sys.argv[1].split('/'); print(carr[1] if (len(carr)==2) else '')" ${code_raw}` + echo "REGRESSION TESTING: $code" testdir=$PWD/${code}_regression_test @@ -45,8 +50,13 @@ then compdir=$GACODE_ADD_ROOT/$code/tools/input fi -precfile=out.$code.prec -infile=input.$code +if [ "x${code2}" == "x" ]; then + precfile=out.${code}.prec + infile=input.${code} +else + precfile=out.${code2}.prec + infile=input.${code2} +fi if [ "$scase" == "" ] then @@ -61,33 +71,44 @@ cd $testdir for sim in $list do $code -g $sim -p $testdir > out.$sim - rm -f $sim/$precfile - # patch input file to have frequent checkpointing - mv $sim/$infile $sim/$infile.org - grep -v RESTART_STEP $sim/$infile.org > $sim/$infile - echo "RESTART_STEP=1" >> $sim/$infile + if [ "x${code2}" == "x" ]; then + dnames="$sim" + else + dnames=`(ls -p -d ${sim}/* |grep '/$' |sed 's/.$//' )` + fi + for dname in $dnames; do + rm -f ${dname}/$precfile + # patch input file to have frequent checkpointing + mv ${dname}/$infile ${dname}/$infile.org + grep -v RESTART_STEP ${dname}/$infile.org > ${dname}/$infile + echo "RESTART_STEP=1" >> ${dname}/$infile + done # now run it 3 times for ((i=0; $i<3; i=$i+1)) do if [ $i -ne 0 ] then - cp $sim/$precfile $sim/$precfile.$oi + for dname in $dnames; do + cp ${dname}/$precfile ${dname}/$precfile.$oi + done fi if [ $n_omp -eq 1 ] && [ $n_proc -eq 1 ] ; then $code -e $sim -p $testdir > out.$sim else $code -e $sim -n $n_proc -nomp $n_omp -p $testdir > out.$sim fi - cp $sim/$precfile $sim/$precfile.$i - if [ $i -eq 0 ] - then + for dname in $dnames; do + cp ${dname}/$precfile ${dname}/$precfile.$i + if [ $i -eq 0 ] + then # reuse the non-checkpointed result from original regression test myprecfile=$precfile - else + else # use the additional iterations else myprecfile=$precfile.$i - fi - gacode_reg $sim $compdir $myprecfile $tol + fi + gacode_reg $dname $compdir $myprecfile $tol + done oi=$i done if [ $reset -eq 1 ] diff --git a/shared/bin/gacode_setup b/shared/bin/gacode_setup index 37c7b51f6..3afa61637 100755 --- a/shared/bin/gacode_setup +++ b/shared/bin/gacode_setup @@ -6,6 +6,7 @@ export PATH=$GACODE_ROOT/tgyro/bin:${PATH} export PATH=$GACODE_ROOT/gyro/bin:${PATH} export PATH=$GACODE_ROOT/cgyro/bin:${PATH} +export PATH=$GACODE_ROOT/xgyro/bin:${PATH} export PATH=$GACODE_ROOT/neo/bin:${PATH} export PATH=$GACODE_ROOT/vgen/bin:${PATH} export PATH=$GACODE_ROOT/tglf/bin:${PATH} diff --git a/xgyro/Makefile b/xgyro/Makefile new file mode 100644 index 000000000..e3ff01a8d --- /dev/null +++ b/xgyro/Makefile @@ -0,0 +1,27 @@ +#---------------------------- +# Toplevel makefile for xgyro +#---------------------------- + +include ${GACODE_ROOT}/platform/build/make.inc.${GACODE_PLATFORM} + +export EXTRA_LIBS = \ + ${GACODE_ROOT}/cgyro/src/cgyro_lib.a \ + ${GACODE_ROOT}/f2py/expro/expro_lib.a \ + ${GACODE_ROOT}/f2py/geo/geo_lib.a \ + ${GACODE_ROOT}/shared/math/math_lib.a + +all: + gacode_getversion > .VERSION + cd ${GACODE_ROOT}/cgyro && make + cd src && make + +clean: + cd ${GACODE_ROOT}/modules && rm -f xgyro*.mod + cd src && make clean + +deepclean: + cd ${GACODE_ROOT}/cgyro && make deepclean + cd ${GACODE_ROOT}/modules && rm -f xgyro*.mod + cd src && make clean + +.IGNORE: diff --git a/xgyro/bin/xgyro b/xgyro/bin/xgyro new file mode 100755 index 000000000..6a2f68679 --- /dev/null +++ b/xgyro/bin/xgyro @@ -0,0 +1,328 @@ +#!/bin/bash +#============================================================= +# xgyro +# +# PURPOSE: +# Top-level script controlling execution of XGYRO. +#============================================================= + +#============================================================= +# Syntax validity check and help message +# +n=$# + +if [ $n -eq 0 ] +then + echo + echo "Usage: xgyro [options]" + echo + echo " -p <path>" + echo " Set optional path to simulation directory." + echo " The default path is \$XGYRO_DIR/sim." + echo + echo "TEST MODE" + echo + echo " -t <simdir>" + echo " Sanity test for INPUT data in <simdir>." + echo + echo "EXECUTE MODE" + echo + echo " -e <simdir>" + echo " Use input data in <simdir>." + echo + echo " -n <MPI tasks>" + echo " Number of MPI tasks." + echo + echo " -nomp <threads>" + echo " Number of OpenMP threads per MPI task." + echo + echo " -numa <n>" + echo " NUMAs active per node." + echo + echo " -mpinuma <n>" + echo " MPI tasks per active NUMA." + echo + echo "REGRESSION TESTING" + echo + echo " -r" + echo " Run full regression suite." + echo + echo " -rs <case>" + echo " Run specified regression case." + echo + echo " -rt" + echo " Enable restart regression testing." + echo + echo " -reset" + echo " Reset regression data." + echo + echo "TEMPLATE GENERATION" + echo + echo " -g" + echo " List available simulation templates." + echo + echo " -g <template>" + echo " Copy <template> into simulation path." + echo + echo "UTILITIES" + echo + echo " -h" + echo " Version and platform information." + echo + echo " -clean" + echo " Clean simulation directory (all out.* and bin.* files)." + echo + echo " -optclean" + echo " Clean simulation directory except for timing files." + echo + echo " -compress" + echo " Replicate directory, but without restart or nonstandard files." + + exit 1 +fi +#============================================================= + +#============================================================= +# Define variables for flag capture +# +SIMROOT=$PWD +XGYRO_DIR=$GACODE_ROOT/xgyro +CGYRO_DIR=$GACODE_ROOT/cgyro +# Default number of cores +NPROC=1 +NOMP=1 +NUMA=0 +MPINUMA=0 +# Execute/test mode flags +TEST_FLAG=0 +GENERATE_FLAG=0 +REGRESS_FLAG=0 +REGRESS_RESTART=0 +CLEAN=0 +RESET=0 +HELP_TAG=null +SCASE= +#============================================================= + +#============================================================= +# Parse command line options +# +while [ $# -gt 0 ] ; do + case "$1" in + + -p) shift ; SIMROOT=$1 ;; + + -e) shift ; LOCDIR=$1 ;; + + -t) shift ; LOCDIR=$1 ; TEST_FLAG=1 ;; + + -n) shift ; NPROC=$1 ;; + + -nomp) shift ; NOMP=$1 ;; + + -numa) shift ; NUMA=$1 ;; + + -mpinuma) shift ; MPINUMA=$1 ;; + + -g) shift ; LOCDIR=$1 ; GENERATE_FLAG=1 ;; + + -r) REGRESS_FLAG=1 ;; + + -rs) REGRESS_FLAG=1 ; shift ; SCASE=$1 ;; + + -rt) REGRESS_RESTART=1 ;; + + -reset) RESET=1 ;; + + -h) gacode_printversion XGYRO ; exit 0 ;; + + -help) shift ; HELP_TAG=$1 ;; + + -clean) CLEAN=1 ;; + -optclean) CLEAN=2 ;; + + *) echo "ERROR (xgyro script): unknown option $1." ; exit 1 ;; + + esac + shift +done +#============================================================= + +if [ "$LOCDIR" == "." ] +then + SIMDIR=$PWD + cd .. ; LOCDIR=$PWD +else + SIMDIR=$SIMROOT/$LOCDIR +fi + +#============================================================ +# Check for inconsistent flags: +FLAG_SUM=$[ $EXEC_FLAG + $TEST_FLAG + $GENERATE_FLAG + + $REGRESS_FLAG ] +if [ $FLAG_SUM -gt 1 ] +then + echo "ERROR: Can only specify one of -e, -t, -g, -r" + exit 1 +fi +#============================================================ + +#============================================================ +# Generate simdir if -g set, then exit. +# +if [ $GENERATE_FLAG -eq 1 ] +then + if [ ! -f "${XGYRO_DIR}/tools/input/$LOCDIR/input.xgyro" ] + then + cat ${XGYRO_DIR}/tools/input/simdir_list + else + mkdir $SIMDIR + (cd ${XGYRO_DIR}/tools/input/$LOCDIR && tar -cf - .) | (cd $SIMDIR && tar -xf -) + fi + exit 0 +fi +#============================================================ + +#============================================================ +# Do the regression test if -r set, then exit. +# +if [ $REGRESS_FLAG -eq 1 ] +then + N2=$[ NPROC / 4 ] + if [ $[ NPROC - 4 * N2 ] -eq 1 ] + then + echo "ERROR: (XGYRO) For regression test, number of processors must be multiple of 4." + exit 1 + fi + # NOMP=1 RESET=0 + if [ $REGRESS_RESTART -eq 0 ] + then + gacode_reg_do $NPROC $NOMP $RESET xgyro/cgyro 1e-6 $SCASE + else + gacode_reg_do_restart $NPROC $NOMP $RESET xgyro/cgyro 1e-6 $SCASE + fi + exit 0 +fi +#============================================================ + +#============================================================ +# Everything else must be done in $SIMDIR; so ensure existence +# of $SIMDIR (needed at this point) and go there: +# +if ! gacode_sim_warn $SIMDIR +then + exit 1 +fi + +cd $SIMDIR +#============================================================ + +#========================================================== +# parse input.xgyro and all the subdir/input.cgyro +# +cgyrodirs=`python $XGYRO_DIR/bin/xgyro_parse.py ${NPROC}` +if [ $? -eq 1 ] +then + exit 1 +fi + +for dname in $cgyrodirs; do + (cd ${dname} && python $CGYRO_DIR/bin/cgyro_parse.py) + if [ $? -eq 1 ] + then + exit 1 + fi + # datafile check + if [ -s "${dname}/out.xgyro.time" ] ; then + ncol=`awk '{print NF}' ${dname}/out.xgyro.time | sort -nu | tail -n 1` + if [ $ncol -eq 3 ] ; then + echo "ERROR: (CGYRO) Run cgyro_plot -plot text to update number of columns in ${dname}/out.cgyro.time" + exit 1 + fi + fi +done + +#========================================================== + +#============================================================ +# Clean/new options + +CFILES="bin.* batch.out batch.err *~" +C1FILES="out.* *gen" +C2FILES="*egrid *equilibrium *grids *hosts *memory *rotation" + +if [ $CLEAN -eq 1 ] ; then + rm -f $CFILES $C1FILES + for dname in $cgyrodirs; do + (cd ${dname} && rm -f $CFILES $C1FILES) + done + echo "INFO: (xgyro) Cleaned directory." + exit 1 +fi +if [ $CLEAN -eq 2 ] ; then + rm -f $CFILES $C2FILES + for dname in $cgyrodirs; do + (cd ${dname} && rm -f $CFILES $C2FILES) + done + echo "INFO: (xgyro) Thinned out directory." + exit 1 +fi +#============================================================ + + +#=========================================================== +# RUN XGYRO +# +# Version stamp for CGYRO simulations +# NOTE: log all starts and restarts, but NOT test mode +if [ $TEST_FLAG -eq 0 ] +then + for dname in $cgyrodirs; do + pushd ${dname} >/dev/null + if [ $? -eq 1 ] + then + exit 1 + fi + + # If there are no restart files, its safe to overwrite the log file + PATTERN=(bin.cgyro.restar*) + if [ ! -r ${PATTERN[0]} ]; then + > out.cgyro.version + fi + + # Date with custom formatting + date_tag=`date +"%y-%b-%d %T"` + version_tag=`gacode_getversion` + if [ -f out.cgyro.tag ] + then + simtime=`head -n2 out.cgyro.tag | tail -n1` + simtime=`echo $simtime` + else + simtime=0.0 + fi + echo "$date_tag [$version_tag][$GACODE_PLATFORM][$simtime]" >> out.cgyro.version + popd >/dev/null + done +else + NUMA=1 + MPINUMA=1 +fi + +gacode_printversion XGYRO + +if [ -f $XGYRO_DIR/src/xgyro ] ; then + $GACODE_ROOT/platform/exec/exec.$GACODE_PLATFORM \ + $SIMDIR $NPROC "$XGYRO_DIR/src/xgyro $TEST_FLAG" $NOMP $NUMA $MPINUMA +else + echo "ERROR: XGYRO executable not found." + exit 1 +fi +#=========================================================== + +#============================================================ +# Print runfile if test case +if [ $TEST_FLAG -eq 1 ] +then + python $GACODE_ROOT/shared/bin/osxlist.py out.xgyro.info +fi +#============================================================ diff --git a/xgyro/bin/xgyro_parse.py b/xgyro/bin/xgyro_parse.py new file mode 100644 index 000000000..c1683f33e --- /dev/null +++ b/xgyro/bin/xgyro_parse.py @@ -0,0 +1,79 @@ +from gacodeinput import * +import sys,os + +# Usage: +# xgyro_parse.py n_mpi + +total_MPI = int(sys.argv[1]) + +# Read the fixed parameters first +base = SimpleInput() +base.add('MPI_RANK_ORDER','1') +base.add('N_DIRS','0') +# Perform the parsing +base.read_input('input.xgyro') + +n_dirs = int(base.data_dict['N_DIRS']) +if (n_dirs<1): + print("ERROR: At least one CGYRO dir needed in input.xgyro.", file=sys.stderr) + sys.exit(1) + +del base + +# now do the full parsing +x = SimpleInput() + +# XGYRO input parameters +x.add('MPI_RANK_ORDER','1') +x.add('N_DIRS',"%s"%n_dirs) +for i in range(n_dirs): + fi = i+1 + x.add('MIN_MPI_%i'%fi, '1') + x.add('DIR_%i'%fi, 'cgyro_dir_%i'%fi) + +# Perform the parsing +x.read_input('input.xgyro',write_ext=False) +if (x.error!=0): + x.printmsg() + sys.exit(x.error) + +# convert MIN_MPI into N_MPI, to get the same sum as total_MPI +min_mpi=0 +for i in range(n_dirs): + fi = i+1 + min_mpi += int(x.data_dict['MIN_MPI_%i'%fi]) + +if min_mpi>total_MPI: + print("ERROR: Need at least %i MPI processes."%min_mpi, file=sys.stderr) + sys.exit(1) + +if (total_MPI%min_mpi)!=0: + print("ERROR: MPI rank must be multiple of %i."%min_mpi, file=sys.stderr) + sys.exit(1) + +mpi_mult = total_MPI//min_mpi + +for i in range(n_dirs): + fi = i+1 + old_k = 'MIN_MPI_%i'%fi + new_k = 'N_MPI_%i'%fi + x.rename(old_k,new_k) + x.data_dict[new_k] = '%i'%(int(x.data_dict[new_k])*mpi_mult) + +# now deal with cgyro setup +for i in range(n_dirs): + fi = i+1 + cgyro_dir = x.data_dict['DIR_%i'%fi] + if not os.path.isfile(cgyro_dir+"/input.cgyro"): + print("ERROR: Cound not find %s/input.cgyro"%cgyro_dir, file=sys.stderr) + sys.exit(1) + +# now we can write out the gen file +x.write_parsed('input.xgyro.gen') + +# now that everything works, print out the CGYRO subdirs for further processing +for i in range(n_dirs): + fi = i+1 + cgyro_dir = x.data_dict['DIR_%i'%fi] + print(cgyro_dir) + diff --git a/xgyro/src/Makefile b/xgyro/src/Makefile new file mode 100644 index 000000000..5dce7eb96 --- /dev/null +++ b/xgyro/src/Makefile @@ -0,0 +1,36 @@ +include ${GACODE_ROOT}/platform/build/make.inc.${GACODE_PLATFORM} + +ifeq ($(OPT),debug) + FFLAGS=${FDEBUG} +else + FFLAGS=${FOPT} +endif + +ifdef FFTW_INC + FFLAGS += -I${FFTW_INC} +endif + +FC += ${FOMP} ${FACC} + +EXEC = xgyro + +OBJECTS = xgyro_globals.o \ + xgyro_io.o \ + xgyro_mpi_setup.o \ + xgyro_read_input.o + +.SUFFIXES : .o .f90 .F90 + +all: xgyro_lib.a $(EXEC).o $(EXTRA_LIBS) + $(FC) $(FFLAGS) -o $(EXEC) $(EXEC).o xgyro_lib.a $(EXTRA_LIBS) $(LMATH) + +xgyro_lib.a: $(OBJECTS) + $(ARCH) xgyro_lib.a $(OBJECTS) + +.f90.o .F90.o : + $(FC) $(FMATH) $(FFLAGS) -c $< + +clean: + rm -rf *.o xgyro_lib.a $(EXEC) *~ *.cub *.ptx *.gpu *.h *lst *.s + +-include ../install/make.ext.${GACODE_PLATFORM} diff --git a/xgyro/src/xgyro.f90 b/xgyro/src/xgyro.f90 new file mode 100644 index 000000000..0685835b6 --- /dev/null +++ b/xgyro/src/xgyro.f90 @@ -0,0 +1,127 @@ +program xgyro + + use mpi + use xgyro_globals + use cgyro_globals + use xgyro_io + use cgyro_io + use timer_lib + + implicit none + + integer :: supported + integer, external :: omp_get_max_threads + character(len=32) :: arg + integer :: global_error_status = 0 + integer :: i + character(len=192) :: msg + + !---------------------------------------------------------------- + ! Find value of test flag + call get_command_argument(1,arg) + if (trim(arg) == '0') then + test_flag = 0 + else + test_flag = 1 + endif + !---------------------------------------------------------------- + + ! Base path is cwd: + xgyro_path= './' + ! also set CGYRO path, but should not be really used + path= './' + ! create xgyro info file ASAP, so we can report error + open(unit=io,file=trim(xgyro_path)//xgyro_runfile_info,status='replace') + + !---------------------------------------------------------------- + ! Query OpenMP for threads + ! + n_omp = omp_get_max_threads() + !----------------------------------------------------------------- + + !----------------------------------------------------------------- + ! Initialize MPI_COMM_WORLD communicator, including support for + ! funneled threading (needed if OpenMP is enabled). + ! + if (n_omp > 1) then + call MPI_INIT_THREAD(MPI_THREAD_FUNNELED,supported,i_err) + if (supported < MPI_THREAD_FUNNELED) then + write (*,*) "ERROR: Multi-threaded MPI not supported." + call xgyro_error('Multi-threaded MPI not supported.') + endif + else + call MPI_INIT_THREAD(MPI_THREAD_SINGLE,supported,i_err) + endif + !----------------------------------------------------------------- + + !----------------------------------------------------------------- + ! Set the world MPI communicator + ! + XGYRO_COMM_WORLD = MPI_COMM_WORLD + ! + ! Query rank and size + ! + call MPI_COMM_RANK(XGYRO_COMM_WORLD,xgyro_i_proc,i_err) + call MPI_COMM_SIZE(XGYRO_COMM_WORLD,xgyro_n_proc,i_err) + !write(*,*) "MPI size", xgyro_i_proc,xgyro_n_proc,i_err + !----------------------------------------------------------------- + + ! read the xgyro input + call timer_lib_init('input') + call timer_lib_in('input') + call xgyro_read_input + call timer_lib_out('input') + if (error_status /= 0) then + write(*,*) "ERROR while reading input: ", error_message + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + call MPI_FINALIZE(i_err) + STOP 'ERROR while reading input' + endif + do i=1,xgyro_n_dirs + write(msg,'(A,A,A,I0)') "Sub-simulation ", trim(xgyro_dir_name(i)), " N_MPI ",xgyro_n_mpi(i) + call xgyro_info(trim(msg)) + enddo + + ! split XGYRO_COMM_WORLD into the appropriate CGYRO_COMM_WORLD + call xgyro_mpi_setup + if (error_status /= 0) then + write(*,*) "ERROR in initial MPI setup: ", error_message + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + call MPI_FINALIZE(i_err) + STOP 'ERROR in initial MPI setup' + endif + + ! -------------------------------------------------------- + ! resume standard CGYRO logic + + ! my CGYRO path is from read params + path = trim(xgyro_dir_name(xgyro_i_dir))//'/' + !write(*,*) xgyro_i_proc,i_proc,n_proc,xgyro_i_dir,path + + call timer_lib_in('input') + call cgyro_read_input + if (error_status /= 0) then + call xgyro_error('Failed to read one of the CGYRO inputs') + write(*,*) "ERROR while reading CGYRO input: ", error_message + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + call MPI_FINALIZE(i_err) + STOP 'ERROR while reading CGYRO input' + endif + call timer_lib_out('input') + + call cgyro_init_kernel + if (error_status == 0) then + call cgyro_kernel + call cgyro_final_kernel + endif + + ! final check for reporting purposes + call MPI_ALLREDUCE(error_status, global_error_status, 1, & + MPI_INTEGER, MPI_MAX, XGYRO_COMM_WORLD, i_err) + if ((xgyro_i_proc==0) .and. (i_err==0) .and. (error_status == 0)) then + call xgyro_info('XGYRO finished without an error') + endif + + call MPI_FINALIZE(i_err) + +end program xgyro diff --git a/xgyro/src/xgyro_globals.f90 b/xgyro/src/xgyro_globals.f90 new file mode 100644 index 000000000..15f9a3ee5 --- /dev/null +++ b/xgyro/src/xgyro_globals.f90 @@ -0,0 +1,35 @@ +!----------------------------------------------------------------- +! xgyro_globals.f90 +! +! PURPOSE: +! XGYRO global variables. The idea is to have a primary, large +! module containing all essential XGYRO arrays and scalars. +!----------------------------------------------------------------- + +module xgyro_globals + + !--------------------------------------------------------------- + ! I/O and error management variables + ! + character(len=80) :: xgyro_path + character(len=14) :: xgyro_runfile_info = 'out.xgyro.info' + + !--------------------------------------------------------------- + ! Input parameters: + ! + integer :: xgyro_mpi_rank_order + ! all the arrays are xgyro_n_dirs in size + integer :: xgyro_n_dirs + integer, dimension(:), allocatable :: xgyro_n_mpi + ! note: dir_name has same length as path in cgyro_globals + character(len=80), dimension(:), allocatable :: xgyro_dir_name + + !--------------------------------------------------------------- + ! MPI variables and pointers + ! + integer :: xgyro_i_proc + integer :: xgyro_n_proc + integer :: xgyro_i_dir + integer :: XGYRO_COMM_WORLD + +end module xgyro_globals diff --git a/xgyro/src/xgyro_io.f90 b/xgyro/src/xgyro_io.f90 new file mode 100644 index 000000000..3d507378d --- /dev/null +++ b/xgyro/src/xgyro_io.f90 @@ -0,0 +1,57 @@ +module xgyro_io + +contains + + !----------------------------------------------------------- + ! xgyro_info.f90 + ! + ! PURPOSE: + ! Routine to write line to run file. + !----------------------------------------------------------- + + subroutine xgyro_info(message) + + use xgyro_globals, only : xgyro_runfile_info, xgyro_i_proc, xgyro_path + use cgyro_globals, only : silent_flag, io + + implicit none + + character (len=*), intent(in) :: message + + if (silent_flag == 0 .and. xgyro_i_proc == 0) then + open(unit=io,file=trim(xgyro_path)//xgyro_runfile_info,status='old',position='append') + write(io,'(a)') 'INFO: (XGYRO) '//message + close(io) + endif + + end subroutine xgyro_info + + !----------------------------------------------------------- + ! xgyro_error.f90 + ! + ! PURPOSE: + ! Routine to write line to error file. + !----------------------------------------------------------- + + subroutine xgyro_error(message) + + use xgyro_globals, only : xgyro_runfile_info, xgyro_i_proc, xgyro_path + use cgyro_globals, only : error_status, error_message, & + silent_flag, io + + implicit none + + character (len=*), intent(in) :: message + + error_status = 1 + error_message = message + + if (silent_flag == 0 .and. xgyro_i_proc == 0) then + open(unit=io,file=trim(xgyro_path)//xgyro_runfile_info,status='old',position='append') + write(io,'(a)') 'ERROR: (XGYRO) '//message + close(io) + endif + + end subroutine xgyro_error + +end module xgyro_io diff --git a/xgyro/src/xgyro_mpi_setup.f90 b/xgyro/src/xgyro_mpi_setup.f90 new file mode 100644 index 000000000..ecda9060a --- /dev/null +++ b/xgyro/src/xgyro_mpi_setup.f90 @@ -0,0 +1,102 @@ +!----------------------------------------------------------------- +! xgyro_mpi_setup.f90 +! +! PURPOSE: +! Split main MPI communicator in per-cgyro ones +!----------------------------------------------------------------- + +subroutine xgyro_mpi_setup + + use timer_lib + use mpi + + use xgyro_globals + use cgyro_globals, only : i_err, i_proc, n_proc, CGYRO_COMM_WORLD + use xgyro_io + + implicit none + + integer :: i_group, splitkey + character(len=192) :: msg + integer :: i, j, i_mpi + integer, dimension(:), allocatable :: groups + + ! Local group indices: + + if (xgyro_mpi_rank_order == 1) then + ! convert from incremental xgyro_n_mpi(i) to abs mapping in groups + ! e.g. + ! 1 -> 1 + ! 2 -> 2 + ! 3 + ! 1 -> 4 + ! + allocate(groups(xgyro_n_proc)) + i_mpi = 0 + do i=1,xgyro_n_dirs + do j=1,xgyro_n_mpi(i) + i_mpi = i_mpi + 1 ! keep it 1-based + groups(i_mpi) = i + enddo + enddo + + ! then use the i_mpi -> group mapping + i_group = groups(xgyro_i_proc+1) !xgyro_i_proc is 0-based + + deallocate(groups) + call xgyro_info('MPI rank alignment 1') + else + ! find the + ! e.g. + ! 1 -> 1 - + ! 2 -> 2 4 + ! 1 -> 3 - + allocate(groups(xgyro_n_dirs)) + do i=1,xgyro_n_dirs + groups(i) = xgyro_n_mpi(i) ! make a copy of xgyro_n_mpi, so we save the orig values + enddo + ! grab the first i_mpi that was not claimed by lower i + i_group = 0 + do i=0,xgyro_i_proc + ! try to pick the next group + i_group = i_group+1 + if (i_group>xgyro_n_dirs) i_group = 1 ! wraparound + ! if the current group is not available, find the next avaialble one + do while ( groups(i_group) == 0 ) + i_group = i_group+1 + if (i_group>xgyro_n_dirs) i_group = 1 ! wraparound + enddo + ! remember the choice + groups(i_group) = groups(i_group) - 1 + enddo + deallocate(groups) + call xgyro_info('MPI rank alignment 2') + endif + xgyro_i_dir = i_group; + + !------------------------------------------------ + + !----------------------------------------------------------- + ! Split up GYRO_COMM_WORLD into groups and adjoint: + ! + ! NEW_COMM_1 and NEW_COMM_2 + ! + splitkey = xgyro_i_proc + call MPI_COMM_SPLIT(XGYRO_COMM_WORLD,& + i_group,& + splitkey,& + CGYRO_COMM_WORLD, & + i_err) + if (i_err /= 0) then + call xgyro_error('CGYRO_COMM_WORLD not created') + return + endif + + ! + ! Query cgyro rank and size + ! + call MPI_COMM_RANK(CGYRO_COMM_WORLD,i_proc,i_err) + call MPI_COMM_SIZE(CGYRO_COMM_WORLD,n_proc,i_err) + +end subroutine xgyro_mpi_setup + diff --git a/xgyro/src/xgyro_read_input.f90 b/xgyro/src/xgyro_read_input.f90 new file mode 100644 index 000000000..64f3076b6 --- /dev/null +++ b/xgyro/src/xgyro_read_input.f90 @@ -0,0 +1,110 @@ +subroutine xgyro_read_input + + use mpi + use xgyro_globals + use cgyro_globals + + implicit none + + character(len=40) :: msg + integer :: i + integer :: total_mpi + + if (xgyro_i_proc == 0) open(unit=1,file=trim(path)//'input.xgyro.gen',status='old') + + call xgyro_readbc_int(xgyro_mpi_rank_order,'MPI_RANK_ORDER') + call xgyro_readbc_int(xgyro_n_dirs,'N_DIRS') + allocate(xgyro_n_mpi(xgyro_n_dirs)) + allocate(xgyro_dir_name(xgyro_n_dirs)) + total_mpi = 0 + do i=1,xgyro_n_dirs + write (msg, "(A,I0)") 'N_MPI_', i + call xgyro_readbc_int(xgyro_n_mpi(i),msg) + total_mpi = total_mpi + xgyro_n_mpi(i) + write (msg, "(A,I0)") 'DIR_', i + call xgyro_readbc_string(xgyro_dir_name(i),msg) + enddo + if (total_mpi /= xgyro_n_proc) then + if (xgyro_i_proc == 0) write(*,*) 'ERROR: Invalid MPI rank size', total_mpi, ' != ',xgyro_n_proc + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + STOP 'Invalid MPI rank size' + endif + + + if (xgyro_i_proc == 0) close(1) + +end subroutine xgyro_read_input + +!------------------------------------------------------------ +! Service routines: +! +! (1) read and broadcast an integer: +! +subroutine xgyro_readbc_int(p,label) + + use mpi + use xgyro_globals, only : xgyro_i_proc,XGYRO_COMM_WORLD + use cgyro_globals, only : i_err + + implicit none + integer, intent(inout) :: p + character (len=*), intent(in) :: label + character (len=40) :: actual_label + + if (xgyro_i_proc == 0) then + read(1,*) p,actual_label + if (label /= actual_label) then + write(*,*) 'ERROR: Invalid label found in input file', actual_label, ' != ', label + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + STOP 'Invalid label found in input file' + endif + endif + + call MPI_BCAST(p,1,MPI_INTEGER,0,XGYRO_COMM_WORLD,i_err) + +end subroutine xgyro_readbc_int +! +! (2) read and broadcast a real: +! +subroutine xgyro_readbc_real(x) + + use mpi + use xgyro_globals, only : xgyro_i_proc,XGYRO_COMM_WORLD + use cgyro_globals, only : i_err + + implicit none + real, intent(inout) :: x + + if (xgyro_i_proc == 0) read(1,*) x + + call MPI_BCAST(x,1,MPI_DOUBLE_PRECISION,0,XGYRO_COMM_WORLD,i_err) + +end subroutine xgyro_readbc_real + +! (3) read and broadcast a string: +! +subroutine xgyro_readbc_string(p,label) + + use mpi + use xgyro_globals, only : xgyro_i_proc,XGYRO_COMM_WORLD + use cgyro_globals, only : i_err + + implicit none + character (len=80), intent(inout) :: p + character (len=*), intent(in) :: label + character (len=40) :: actual_label + + if (xgyro_i_proc == 0) then + read(1,*) p,actual_label + if (label /= actual_label) then + write(*,*) 'ERROR: Invalid label found in input file', actual_label, ' != ', label + call MPI_ABORT(XGYRO_COMM_WORLD,1,i_err) + STOP 'Invalid label found in input file' + endif + endif + + call MPI_BCAST(p,80,MPI_CHARACTER,0,XGYRO_COMM_WORLD,i_err) + +end subroutine xgyro_readbc_string + +!------------------------------------------------------------ diff --git a/xgyro/tools/input/reg01/input.xgyro b/xgyro/tools/input/reg01/input.xgyro new file mode 100644 index 000000000..b3bfe376e --- /dev/null +++ b/xgyro/tools/input/reg01/input.xgyro @@ -0,0 +1,5 @@ +N_DIRS = 4 +DIR_1 = reg01 +DIR_2 = reg02 +DIR_3 = reg03 +DIR_4 = reg04 diff --git a/xgyro/tools/input/reg01/reg01/input.cgyro b/xgyro/tools/input/reg01/reg01/input.cgyro new file mode 100644 index 000000000..2650fcd4e --- /dev/null +++ b/xgyro/tools/input/reg01/reg01/input.cgyro @@ -0,0 +1,42 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=4 + +DELTA_T=0.01 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=1 +NU_EE=0.1 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.0002724486 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + diff --git a/xgyro/tools/input/reg01/reg01/out.cgyro.prec b/xgyro/tools/input/reg01/reg01/out.cgyro.prec new file mode 100644 index 000000000..e29f0bfce --- /dev/null +++ b/xgyro/tools/input/reg01/reg01/out.cgyro.prec @@ -0,0 +1,4 @@ +2.013013119164E+00 +2.486568726776E+00 +2.559561538002E+00 +2.473776730333E+00 diff --git a/xgyro/tools/input/reg01/reg01/out.cgyro.prec.1 b/xgyro/tools/input/reg01/reg01/out.cgyro.prec.1 new file mode 100644 index 000000000..d0575a24a --- /dev/null +++ b/xgyro/tools/input/reg01/reg01/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +2.013013119164E+00 +2.486568726776E+00 +2.559561538001E+00 +2.473776730333E+00 +2.420263807834E+00 +2.396080604402E+00 +2.402558768716E+00 +2.425182399755E+00 diff --git a/xgyro/tools/input/reg01/reg01/out.cgyro.prec.2 b/xgyro/tools/input/reg01/reg01/out.cgyro.prec.2 new file mode 100644 index 000000000..f68737c0b --- /dev/null +++ b/xgyro/tools/input/reg01/reg01/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +2.013013119164E+00 +2.486568726776E+00 +2.559561538001E+00 +2.473776730333E+00 +2.420263807834E+00 +2.396080604402E+00 +2.402558768716E+00 +2.425182399755E+00 +2.454628140585E+00 +2.483013963694E+00 +2.505870980565E+00 +2.521047993198E+00 diff --git a/xgyro/tools/input/reg01/reg02/input.cgyro b/xgyro/tools/input/reg01/reg02/input.cgyro new file mode 100644 index 000000000..a4d60f7a3 --- /dev/null +++ b/xgyro/tools/input/reg01/reg02/input.cgyro @@ -0,0 +1,43 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=4 + +DELTA_T=0.01 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 +NU_EE=0.1 +GPU_BIGMEM_FLAG=0 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.0002724486 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + diff --git a/xgyro/tools/input/reg01/reg02/out.cgyro.prec b/xgyro/tools/input/reg01/reg02/out.cgyro.prec new file mode 100644 index 000000000..a29646dd7 --- /dev/null +++ b/xgyro/tools/input/reg01/reg02/out.cgyro.prec @@ -0,0 +1,4 @@ +1.979346853663E+00 +2.508012799497E+00 +2.574077406326E+00 +2.504034806000E+00 diff --git a/xgyro/tools/input/reg01/reg02/out.cgyro.prec.1 b/xgyro/tools/input/reg01/reg02/out.cgyro.prec.1 new file mode 100644 index 000000000..5b4dccf95 --- /dev/null +++ b/xgyro/tools/input/reg01/reg02/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.979346853662E+00 +2.508012799496E+00 +2.574077406326E+00 +2.504034806000E+00 +2.452071665652E+00 +2.433113352374E+00 +2.443397378591E+00 +2.469445542057E+00 diff --git a/xgyro/tools/input/reg01/reg02/out.cgyro.prec.2 b/xgyro/tools/input/reg01/reg02/out.cgyro.prec.2 new file mode 100644 index 000000000..24ae6f96a --- /dev/null +++ b/xgyro/tools/input/reg01/reg02/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.979346853662E+00 +2.508012799496E+00 +2.574077406326E+00 +2.504034806000E+00 +2.452071665652E+00 +2.433113352374E+00 +2.443397378591E+00 +2.469445542057E+00 +2.500154168710E+00 +2.527804972465E+00 +2.548148846507E+00 +2.559807893916E+00 diff --git a/xgyro/tools/input/reg01/reg03/input.cgyro b/xgyro/tools/input/reg01/reg03/input.cgyro new file mode 100644 index 000000000..8ba12af28 --- /dev/null +++ b/xgyro/tools/input/reg01/reg03/input.cgyro @@ -0,0 +1,46 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=4 + +DELTA_T=0.01 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Fields +N_FIELD=2 +BETAE_UNIT=0.008 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 +NU_EE=0.1 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.0002724486 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + diff --git a/xgyro/tools/input/reg01/reg03/out.cgyro.prec b/xgyro/tools/input/reg01/reg03/out.cgyro.prec new file mode 100644 index 000000000..73f9c1d43 --- /dev/null +++ b/xgyro/tools/input/reg01/reg03/out.cgyro.prec @@ -0,0 +1,4 @@ +2.421669971685E+00 +2.307245962461E+00 +2.524153058631E+00 +2.561615140346E+00 diff --git a/xgyro/tools/input/reg01/reg03/out.cgyro.prec.1 b/xgyro/tools/input/reg01/reg03/out.cgyro.prec.1 new file mode 100644 index 000000000..947ab9d87 --- /dev/null +++ b/xgyro/tools/input/reg01/reg03/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +2.421669971683E+00 +2.307245962457E+00 +2.524153058625E+00 +2.561615140337E+00 +2.429605635528E+00 +2.403103209457E+00 +2.387877290711E+00 +2.366290588048E+00 diff --git a/xgyro/tools/input/reg01/reg03/out.cgyro.prec.2 b/xgyro/tools/input/reg01/reg03/out.cgyro.prec.2 new file mode 100644 index 000000000..d46bab095 --- /dev/null +++ b/xgyro/tools/input/reg01/reg03/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +2.421669971683E+00 +2.307245962457E+00 +2.524153058625E+00 +2.561615140337E+00 +2.429605635528E+00 +2.403103209457E+00 +2.387877290711E+00 +2.366290588048E+00 +2.362318747903E+00 +2.362541441803E+00 +2.362472161487E+00 +2.364531625492E+00 diff --git a/xgyro/tools/input/reg01/reg04/input.cgyro b/xgyro/tools/input/reg01/reg04/input.cgyro new file mode 100644 index 000000000..68918fe35 --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/input.cgyro @@ -0,0 +1,35 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=6 + +DELTA_T=0.008 +PRINT_STEP=125 +MAX_TIME=4.0 + +KY=0.3 + +# Fields +N_FIELD=2 + +# Geometry +EQUILIBRIUM_MODEL=3 +RMIN=0.6 + +# Collisions +COLLISION_MODEL=4 +GPU_BIGMEM_FLAG=4 + +# Profiles +PROFILE_MODEL=2 + +GAMMA_E_SCALE=0.0 +GAMMA_P_SCALE=1.0 +MACH_SCALE=1.0 + +N_SPECIES=3 + + diff --git a/xgyro/tools/input/reg01/reg04/input.gacode b/xgyro/tools/input/reg01/reg04/input.gacode new file mode 100644 index 000000000..d39b5adc5 --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/input.gacode @@ -0,0 +1,2219 @@ +# *original : Sun Oct 9 16:31:25 PDT 2022 +# *statefile : iterdb_kinefit_128913.01500 +# *gfile : g128913.01500 08/02/2006 65 65 +# *cerfile : dplasma_cer_format.128913.1500 +# *vgen : null +# *tgyro : null +# +# nexp +51 +# nion +2 +# shot +128913 +# time +1500 +# name +D C +# type +[therm] [therm] +# masse + 5.4488741E-04 +# mass + 2.0000000E+00 1.2000000E+01 +# ze +-1.0000000E+00 +# z + 1.0000000E+00 6.0000000E+00 +# torfluxa | Wb/radian + 6.1675847E-01 +# rcentr | m + 1.6955000E+00 +# bcentr | T + 2.0657085E+00 +# current | MA +-9.9208954E-01 +# rho | - + 1 0.0000000E+00 + 2 2.0161417E-02 + 3 4.0104877E-02 + 4 6.0167863E-02 + 5 8.0252297E-02 + 6 1.0023702E-01 + 7 1.2027119E-01 + 8 1.4032579E-01 + 9 1.6029670E-01 + 10 1.8030973E-01 + 11 2.0030091E-01 + 12 2.2033687E-01 + 13 2.4036378E-01 + 14 2.6037541E-01 + 15 2.8041178E-01 + 16 3.0043335E-01 + 17 3.2046175E-01 + 18 3.4045292E-01 + 19 3.6045101E-01 + 20 3.8043739E-01 + 21 4.0043359E-01 + 22 4.2042663E-01 + 23 4.4043922E-01 + 24 4.6043064E-01 + 25 4.8040286E-01 + 26 5.0039297E-01 + 27 5.2038208E-01 + 28 5.4038514E-01 + 29 5.6038932E-01 + 30 5.8038039E-01 + 31 6.0036945E-01 + 32 6.2036496E-01 + 33 6.4037358E-01 + 34 6.6037108E-01 + 35 6.8038783E-01 + 36 7.0039538E-01 + 37 7.2039161E-01 + 38 7.4040169E-01 + 39 7.6042063E-01 + 40 7.8044060E-01 + 41 8.0048212E-01 + 42 8.2053495E-01 + 43 8.4054654E-01 + 44 8.6060313E-01 + 45 8.8065319E-01 + 46 9.0075459E-01 + 47 9.2081290E-01 + 48 9.4091860E-01 + 49 9.6105357E-01 + 50 9.8226658E-01 + 51 1.0000000E+00 +# rmin | m + 1 0.0000000E+00 + 2 1.3677544E-02 + 3 2.7210331E-02 + 4 4.0827339E-02 + 5 5.4454411E-02 + 6 6.7988780E-02 + 7 8.1528278E-02 + 8 9.5041023E-02 + 9 1.0848014E-01 + 10 1.2191544E-01 + 11 1.3532016E-01 + 12 1.4872668E-01 + 13 1.6209625E-01 + 14 1.7543715E-01 + 15 1.8877435E-01 + 16 2.0209486E-01 + 17 2.1539871E-01 + 18 2.2865667E-01 + 19 2.4189308E-01 + 20 2.5508541E-01 + 21 2.6824539E-01 + 22 2.8136431E-01 + 23 2.9444818E-01 + 24 3.0746116E-01 + 25 3.2040923E-01 + 26 3.3330036E-01 + 27 3.4612223E-01 + 28 3.5886908E-01 + 29 3.7153206E-01 + 30 3.8408660E-01 + 31 3.9653172E-01 + 32 4.0887072E-01 + 33 4.2108598E-01 + 34 4.3316089E-01 + 35 4.4509905E-01 + 36 4.5687649E-01 + 37 4.6847990E-01 + 38 4.7989570E-01 + 39 4.9111945E-01 + 40 5.0213082E-01 + 41 5.1291499E-01 + 42 5.2344522E-01 + 43 5.3366916E-01 + 44 5.4361939E-01 + 45 5.5322066E-01 + 46 5.6249148E-01 + 47 5.7133750E-01 + 48 5.7974475E-01 + 49 5.8763057E-01 + 50 5.9528283E-01 + 51 6.0030608E-01 +# polflux | Wb/radian + 1 -0.0000000E+00 + 2 -1.7981728E-04 + 3 -7.0927929E-04 + 4 -1.5883860E-03 + 5 -2.8071476E-03 + 6 -4.3455844E-03 + 7 -6.2036963E-03 + 8 -8.3714936E-03 + 9 -1.0828996E-02 + 10 -1.3586195E-02 + 11 -1.6633099E-02 + 12 -1.9979698E-02 + 13 -2.3616003E-02 + 14 -2.7542014E-02 + 15 -3.1767720E-02 + 16 -3.6283132E-02 + 17 -4.1088249E-02 + 18 -4.6163093E-02 + 19 -5.1507662E-02 + 20 -5.7101978E-02 + 21 -6.2936049E-02 + 22 -6.8989898E-02 + 23 -7.5253533E-02 + 24 -8.1696986E-02 + 25 -8.8300276E-02 + 26 -9.5053414E-02 + 27 -1.0192643E-01 + 28 -1.0889935E-01 + 29 -1.1594219E-01 + 30 -1.2302499E-01 + 31 -1.3012777E-01 + 32 -1.3723056E-01 + 33 -1.4431336E-01 + 34 -1.5134621E-01 + 35 -1.5831913E-01 + 36 -1.6520213E-01 + 37 -1.7197525E-01 + 38 -1.7862849E-01 + 39 -1.8514187E-01 + 40 -1.9149542E-01 + 41 -1.9767913E-01 + 42 -2.0367304E-01 + 43 -2.0944718E-01 + 44 -2.1501152E-01 + 45 -2.2033611E-01 + 46 -2.2542095E-01 + 47 -2.3022606E-01 + 48 -2.3475146E-01 + 49 -2.3897717E-01 + 50 -2.4291917E-01 + 51 -2.4554450E-01 +# q | - + 1 -1.3926996E+00 + 2 -1.3957446E+00 + 3 -1.4044980E+00 + 4 -1.4183315E+00 + 5 -1.4360633E+00 + 6 -1.4560464E+00 + 7 -1.4766771E+00 + 8 -1.4971245E+00 + 9 -1.5163698E+00 + 10 -1.5332316E+00 + 11 -1.5471666E+00 + 12 -1.5592594E+00 + 13 -1.5705469E+00 + 14 -1.5778350E+00 + 15 -1.5851084E+00 + 16 -1.5918073E+00 + 17 -1.6005049E+00 + 18 -1.6109832E+00 + 19 -1.6240552E+00 + 20 -1.6409590E+00 + 21 -1.6604554E+00 + 22 -1.6835085E+00 + 23 -1.7092844E+00 + 24 -1.7384366E+00 + 25 -1.7716986E+00 + 26 -1.8095402E+00 + 27 -1.8524848E+00 + 28 -1.9011103E+00 + 29 -1.9555934E+00 + 30 -2.0160825E+00 + 31 -2.0828142E+00 + 32 -2.1562532E+00 + 33 -2.2369583E+00 + 34 -2.3253152E+00 + 35 -2.4222939E+00 + 36 -2.5286328E+00 + 37 -2.6454505E+00 + 38 -2.7739335E+00 + 39 -2.9160257E+00 + 40 -3.0729974E+00 + 41 -3.2472920E+00 + 42 -3.4422794E+00 + 43 -3.6589184E+00 + 44 -3.9047304E+00 + 45 -4.1832010E+00 + 46 -4.5035673E+00 + 47 -4.8759590E+00 + 48 -5.3269691E+00 + 49 -5.8523394E+00 + 50 -7.0473590E+00 + 51 -9.4688035E+00 +# w0 | rad/s + 1 -6.1503400E+04 + 2 -6.1589418E+04 + 3 -6.1562335E+04 + 4 -6.1412661E+04 + 5 -6.1148098E+04 + 6 -6.0779755E+04 + 7 -6.0313668E+04 + 8 -5.9755319E+04 + 9 -5.9112749E+04 + 10 -5.8387783E+04 + 11 -5.7585858E+04 + 12 -5.6703181E+04 + 13 -5.5742431E+04 + 14 -5.4712064E+04 + 15 -5.3604630E+04 + 16 -5.2425990E+04 + 17 -5.1173645E+04 + 18 -4.9854463E+04 + 19 -4.8468122E+04 + 20 -4.7010476E+04 + 21 -4.5469829E+04 + 22 -4.3863258E+04 + 23 -4.2207779E+04 + 24 -4.0524138E+04 + 25 -3.8829087E+04 + 26 -3.7136264E+04 + 27 -3.5463620E+04 + 28 -3.3826323E+04 + 29 -3.2241224E+04 + 30 -3.0716836E+04 + 31 -2.9249992E+04 + 32 -2.7837289E+04 + 33 -2.6475332E+04 + 34 -2.5164741E+04 + 35 -2.3902595E+04 + 36 -2.2687215E+04 + 37 -2.1514365E+04 + 38 -2.0373696E+04 + 39 -1.9261089E+04 + 40 -1.8172992E+04 + 41 -1.7104290E+04 + 42 -1.6050450E+04 + 43 -1.5009560E+04 + 44 -1.3971126E+04 + 45 -1.2935646E+04 + 46 -1.1891885E+04 + 47 -1.0833720E+04 + 48 -9.7492532E+03 + 49 -8.6374286E+03 + 50 -7.3970696E+03 + 51 -6.3495800E+03 +# rmaj | m + 1 1.7104031E+00 + 2 1.7103439E+00 + 3 1.7101738E+00 + 4 1.7098907E+00 + 5 1.7094833E+00 + 6 1.7089799E+00 + 7 1.7083581E+00 + 8 1.7076625E+00 + 9 1.7068949E+00 + 10 1.7060653E+00 + 11 1.7051817E+00 + 12 1.7042522E+00 + 13 1.7032905E+00 + 14 1.7022998E+00 + 15 1.7012832E+00 + 16 1.7002501E+00 + 17 1.6991974E+00 + 18 1.6981378E+00 + 19 1.6970684E+00 + 20 1.6959916E+00 + 21 1.6949116E+00 + 22 1.6938286E+00 + 23 1.6927457E+00 + 24 1.6916556E+00 + 25 1.6905628E+00 + 26 1.6894718E+00 + 27 1.6883664E+00 + 28 1.6872609E+00 + 29 1.6861491E+00 + 30 1.6850370E+00 + 31 1.6839069E+00 + 32 1.6827821E+00 + 33 1.6816390E+00 + 34 1.6804918E+00 + 35 1.6793282E+00 + 36 1.6781602E+00 + 37 1.6769866E+00 + 38 1.6757879E+00 + 39 1.6745900E+00 + 40 1.6733894E+00 + 41 1.6721811E+00 + 42 1.6709619E+00 + 43 1.6697451E+00 + 44 1.6685388E+00 + 45 1.6673338E+00 + 46 1.6661489E+00 + 47 1.6649888E+00 + 48 1.6638508E+00 + 49 1.6627539E+00 + 50 1.6616715E+00 + 51 1.6609396E+00 +# zmag | m + 1 3.1447635E-02 + 2 3.1528225E-02 + 3 3.1607500E-02 + 4 3.1686805E-02 + 5 3.1748977E-02 + 6 3.1778199E-02 + 7 3.1809009E-02 + 8 3.1875313E-02 + 9 3.1961121E-02 + 10 3.2035678E-02 + 11 3.2105413E-02 + 12 3.2218355E-02 + 13 3.2320873E-02 + 14 3.2430967E-02 + 15 3.2541825E-02 + 16 3.2672055E-02 + 17 3.2803833E-02 + 18 3.2937677E-02 + 19 3.3099205E-02 + 20 3.3263580E-02 + 21 3.3419084E-02 + 22 3.3606700E-02 + 23 3.3800497E-02 + 24 3.3994094E-02 + 25 3.4237494E-02 + 26 3.4475636E-02 + 27 3.4725116E-02 + 28 3.5037534E-02 + 29 3.5352697E-02 + 30 3.5693856E-02 + 31 3.6103668E-02 + 32 3.6525349E-02 + 33 3.7014883E-02 + 34 3.7579852E-02 + 35 3.8190631E-02 + 36 3.8909404E-02 + 37 3.9722241E-02 + 38 4.0645642E-02 + 39 4.1734667E-02 + 40 4.2991526E-02 + 41 4.4473324E-02 + 42 4.6252507E-02 + 43 4.8376929E-02 + 44 5.0978810E-02 + 45 5.4199686E-02 + 46 5.8286251E-02 + 47 6.3557996E-02 + 48 7.0709855E-02 + 49 8.0867217E-02 + 50 9.8223285E-02 + 51 1.2759037E-01 +# kappa | - + 1 1.2743830E+00 + 2 1.2739714E+00 + 3 1.2735666E+00 + 4 1.2731616E+00 + 5 1.2741058E+00 + 6 1.2759273E+00 + 7 1.2776704E+00 + 8 1.2794202E+00 + 9 1.2814330E+00 + 10 1.2831852E+00 + 11 1.2846004E+00 + 12 1.2860299E+00 + 13 1.2872704E+00 + 14 1.2883229E+00 + 15 1.2892544E+00 + 16 1.2901038E+00 + 17 1.2909682E+00 + 18 1.2918057E+00 + 19 1.2927050E+00 + 20 1.2938132E+00 + 21 1.2950511E+00 + 22 1.2964253E+00 + 23 1.2980328E+00 + 24 1.2997663E+00 + 25 1.3017152E+00 + 26 1.3039576E+00 + 27 1.3064059E+00 + 28 1.3091583E+00 + 29 1.3122470E+00 + 30 1.3156689E+00 + 31 1.3194691E+00 + 32 1.3236631E+00 + 33 1.3283050E+00 + 34 1.3333863E+00 + 35 1.3389966E+00 + 36 1.3451282E+00 + 37 1.3518295E+00 + 38 1.3592387E+00 + 39 1.3673767E+00 + 40 1.3762999E+00 + 41 1.3861948E+00 + 42 1.3971521E+00 + 43 1.4093226E+00 + 44 1.4229410E+00 + 45 1.4382647E+00 + 46 1.4556840E+00 + 47 1.4756904E+00 + 48 1.4992268E+00 + 49 1.5278274E+00 + 50 1.5689925E+00 + 51 1.6266386E+00 +# delta | - + 1 0.0000000E+00 + 2 3.0784812E-03 + 3 7.3091851E-03 + 4 1.2754761E-02 + 5 1.7945757E-02 + 6 2.2982162E-02 + 7 2.7447578E-02 + 8 3.2243476E-02 + 9 3.6963257E-02 + 10 4.1657769E-02 + 11 4.6218628E-02 + 12 5.0753077E-02 + 13 5.5216827E-02 + 14 5.9579222E-02 + 15 6.3866212E-02 + 16 6.8124349E-02 + 17 7.2302068E-02 + 18 7.6503719E-02 + 19 8.0712513E-02 + 20 8.4949465E-02 + 21 8.9233495E-02 + 22 9.3618194E-02 + 23 9.8107045E-02 + 24 1.0264591E-01 + 25 1.0732553E-01 + 26 1.1221299E-01 + 27 1.1721110E-01 + 28 1.2245205E-01 + 29 1.2791963E-01 + 30 1.3368258E-01 + 31 1.3965748E-01 + 32 1.4603765E-01 + 33 1.5272367E-01 + 34 1.5980530E-01 + 35 1.6729242E-01 + 36 1.7528203E-01 + 37 1.8375841E-01 + 38 1.9282186E-01 + 39 2.0253259E-01 + 40 2.1298909E-01 + 41 2.2428870E-01 + 42 2.3648961E-01 + 43 2.4974352E-01 + 44 2.6428853E-01 + 45 2.8023283E-01 + 46 2.9797714E-01 + 47 3.1781208E-01 + 48 3.4036402E-01 + 49 3.6659956E-01 + 50 4.0159491E-01 + 51 4.4340194E-01 +# zeta | - + 1 -0.0000000E+00 + 2 -1.1885924E-03 + 3 -1.2651641E-03 + 4 -2.3914960E-04 + 5 -1.9777538E-04 + 6 -7.7037709E-04 + 7 -8.6483541E-04 + 8 -5.0184769E-04 + 9 -9.4586354E-04 + 10 -1.0156158E-03 + 11 -1.0135341E-03 + 12 -1.1111166E-03 + 13 -1.1935783E-03 + 14 -1.3105814E-03 + 15 -1.3313918E-03 + 16 -1.4790320E-03 + 17 -1.6542257E-03 + 18 -1.8076600E-03 + 19 -1.9873417E-03 + 20 -2.2704231E-03 + 21 -2.5654369E-03 + 22 -2.9101748E-03 + 23 -3.3605840E-03 + 24 -3.6967714E-03 + 25 -4.1524032E-03 + 26 -4.6689186E-03 + 27 -5.2034970E-03 + 28 -5.7591621E-03 + 29 -6.4381800E-03 + 30 -7.1324318E-03 + 31 -7.8894358E-03 + 32 -8.7492495E-03 + 33 -9.6516857E-03 + 34 -1.0622292E-02 + 35 -1.1704064E-02 + 36 -1.2876266E-02 + 37 -1.4155217E-02 + 38 -1.5549908E-02 + 39 -1.7097030E-02 + 40 -1.8805298E-02 + 41 -2.0730984E-02 + 42 -2.2891321E-02 + 43 -2.5335607E-02 + 44 -2.8207614E-02 + 45 -3.1536138E-02 + 46 -3.5616958E-02 + 47 -4.0697687E-02 + 48 -4.7221509E-02 + 49 -5.6259661E-02 + 50 -7.2426549E-02 + 51 -1.0390449E-01 +# shape_cos0 | - + 1 2.8267051E-02 + 2 2.8320039E-02 + 3 2.8472348E-02 + 4 2.8725816E-02 + 5 2.8926064E-02 + 6 2.9103717E-02 + 7 2.9342866E-02 + 8 2.9623929E-02 + 9 2.9848290E-02 + 10 3.0127061E-02 + 11 3.0363751E-02 + 12 3.0607767E-02 + 13 3.0821961E-02 + 14 3.1030479E-02 + 15 3.1235765E-02 + 16 3.1432316E-02 + 17 3.1627225E-02 + 18 3.1837984E-02 + 19 3.2047457E-02 + 20 3.2286626E-02 + 21 3.2510229E-02 + 22 3.2781953E-02 + 23 3.3072208E-02 + 24 3.3370819E-02 + 25 3.3696253E-02 + 26 3.4064623E-02 + 27 3.4448768E-02 + 28 3.4908986E-02 + 29 3.5378639E-02 + 30 3.5913761E-02 + 31 3.6512015E-02 + 32 3.7151340E-02 + 33 3.7851709E-02 + 34 3.8636110E-02 + 35 3.9506363E-02 + 36 4.0482649E-02 + 37 4.1560837E-02 + 38 4.2772881E-02 + 39 4.4144760E-02 + 40 4.5690247E-02 + 41 4.7475547E-02 + 42 4.9563307E-02 + 43 5.2006507E-02 + 44 5.4915432E-02 + 45 5.8455804E-02 + 46 6.2822845E-02 + 47 6.8339556E-02 + 48 7.5590489E-02 + 49 8.5532809E-02 + 50 1.0180158E-01 + 51 1.2712541E-01 +# shape_cos1 | - + 1 0.0000000E+00 + 2 -3.5689407E-03 + 3 -4.0723241E-03 + 4 -1.5410820E-03 + 5 1.2275548E-04 + 6 -3.4887136E-04 + 7 -6.8700071E-04 + 8 -4.8164014E-04 + 9 -3.4720922E-04 + 10 -4.1490761E-04 + 11 -5.8520578E-04 + 12 -4.3476271E-04 + 13 -4.4044890E-04 + 14 -4.0061165E-04 + 15 -3.7387974E-04 + 16 -2.9655779E-04 + 17 -2.2679755E-04 + 18 -1.3243019E-04 + 19 4.7174758E-05 + 20 2.1621795E-04 + 21 3.4621595E-04 + 22 5.5524166E-04 + 23 7.5395577E-04 + 24 9.4509089E-04 + 25 1.2890194E-03 + 26 1.5830049E-03 + 27 1.8224954E-03 + 28 2.3035073E-03 + 29 2.6893341E-03 + 30 3.1275917E-03 + 31 3.7497811E-03 + 32 4.3057912E-03 + 33 4.9595310E-03 + 34 5.7839131E-03 + 35 6.6187970E-03 + 36 7.6667729E-03 + 37 8.8034179E-03 + 38 1.0063522E-02 + 39 1.1568512E-02 + 40 1.3315475E-02 + 41 1.5359407E-02 + 42 1.7799673E-02 + 43 2.0706775E-02 + 44 2.4225014E-02 + 45 2.8601568E-02 + 46 3.4141880E-02 + 47 4.1300123E-02 + 48 5.1145731E-02 + 49 6.5417181E-02 + 50 9.0640115E-02 + 51 1.3686841E-01 +# shape_cos2 | - + 1 0.0000000E+00 + 2 -9.7369771E-05 + 3 -1.2250642E-04 + 4 -7.6362372E-05 + 5 -4.9942944E-05 + 6 -2.2412064E-04 + 7 -3.9758871E-04 + 8 -5.0687814E-04 + 9 -7.5975614E-04 + 10 -9.0958336E-04 + 11 -1.1053359E-03 + 12 -1.3140727E-03 + 13 -1.5643161E-03 + 14 -1.7800941E-03 + 15 -2.0571125E-03 + 16 -2.3227894E-03 + 17 -2.6138196E-03 + 18 -2.9553796E-03 + 19 -3.3210691E-03 + 20 -3.6837066E-03 + 21 -4.0899794E-03 + 22 -4.4957794E-03 + 23 -4.9603121E-03 + 24 -5.4483079E-03 + 25 -5.9936162E-03 + 26 -6.5233068E-03 + 27 -7.1339865E-03 + 28 -7.7804097E-03 + 29 -8.4314162E-03 + 30 -9.1584548E-03 + 31 -9.9177078E-03 + 32 -1.0765185E-02 + 33 -1.1679786E-02 + 34 -1.2652505E-02 + 35 -1.3680930E-02 + 36 -1.4785555E-02 + 37 -1.6000244E-02 + 38 -1.7322660E-02 + 39 -1.8799478E-02 + 40 -2.0389262E-02 + 41 -2.2203997E-02 + 42 -2.4242751E-02 + 43 -2.6503979E-02 + 44 -2.9141580E-02 + 45 -3.2202875E-02 + 46 -3.5914537E-02 + 47 -4.0441672E-02 + 48 -4.6050096E-02 + 49 -5.3388285E-02 + 50 -6.4781978E-02 + 51 -8.0587768E-02 +# shape_cos3 | - + 1 0.0000000E+00 + 2 1.9207165E-03 + 3 1.7452863E-03 + 4 -5.1389219E-04 + 5 -8.9396241E-04 + 6 -2.8665595E-04 + 7 -1.0125334E-04 + 8 -1.1002306E-04 + 9 -2.0703483E-04 + 10 -1.0022760E-04 + 11 6.4247912E-05 + 12 -9.4790160E-05 + 13 -4.8149113E-05 + 14 -4.8350603E-05 + 15 4.5655774E-05 + 16 -8.6685299E-06 + 17 1.9827924E-05 + 18 6.6825240E-05 + 19 -2.9091662E-05 + 20 -1.8841558E-05 + 21 7.5344057E-05 + 22 1.6686940E-05 + 23 2.5110917E-05 + 24 9.0267209E-05 + 25 5.6833814E-06 + 26 8.1580762E-05 + 27 9.1110451E-05 + 28 4.2185431E-05 + 29 7.5300113E-05 + 30 1.2317227E-04 + 31 1.1839211E-04 + 32 2.1862467E-04 + 33 2.1500844E-04 + 34 2.4509322E-04 + 35 3.4255939E-04 + 36 4.0164539E-04 + 37 4.8560265E-04 + 38 5.7909320E-04 + 39 6.4244522E-04 + 40 7.8773641E-04 + 41 9.2895875E-04 + 42 1.0154362E-03 + 43 1.1253219E-03 + 44 1.1533710E-03 + 45 1.1220870E-03 + 46 8.9086438E-04 + 47 3.4809691E-04 + 48 -9.3252385E-04 + 49 -3.5287110E-03 + 50 -9.9906494E-03 + 51 -2.7124211E-02 +# shape_cos4 | - + 1 0.0000000E+00 + 2 -1.8469588E-04 + 3 -2.2882542E-04 + 4 -1.3416144E-04 + 5 -7.4790643E-05 + 6 -7.5933970E-05 + 7 -5.2994415E-06 + 8 -4.0219718E-05 + 9 -7.5934842E-06 + 10 1.1828454E-05 + 11 9.0019645E-07 + 12 1.4031810E-05 + 13 -3.2473427E-06 + 14 -2.0546467E-05 + 15 -2.8481065E-05 + 16 -3.2860376E-05 + 17 -6.0266993E-05 + 18 -5.1123673E-05 + 19 -7.9270995E-05 + 20 -7.5132347E-05 + 21 -1.3161736E-04 + 22 -1.4360794E-04 + 23 -1.6561584E-04 + 24 -2.2277352E-04 + 25 -2.9725280E-04 + 26 -3.4854382E-04 + 27 -4.3933261E-04 + 28 -4.8794230E-04 + 29 -6.0451267E-04 + 30 -6.9864919E-04 + 31 -8.0414669E-04 + 32 -9.4819975E-04 + 33 -1.1341064E-03 + 34 -1.3303840E-03 + 35 -1.5367070E-03 + 36 -1.7622812E-03 + 37 -2.0289202E-03 + 38 -2.3211917E-03 + 39 -2.6485230E-03 + 40 -3.0261979E-03 + 41 -3.4202707E-03 + 42 -3.8204219E-03 + 43 -4.2347679E-03 + 44 -4.6668493E-03 + 45 -5.0416694E-03 + 46 -5.3841796E-03 + 47 -5.5799885E-03 + 48 -5.5376336E-03 + 49 -5.1067142E-03 + 50 -3.8164655E-03 + 51 -1.9206381E-03 +# shape_cos5 | - + 1 0.0000000E+00 + 2 -1.6686076E-03 + 3 -1.7291179E-03 + 4 -1.9432833E-04 + 5 -1.5723742E-04 + 6 -2.1293488E-04 + 7 -7.4876437E-05 + 8 2.9057202E-05 + 9 6.4880923E-05 + 10 8.6340152E-05 + 11 -4.2005052E-06 + 12 7.2638545E-05 + 13 1.7172884E-05 + 14 4.7115133E-05 + 15 3.0570066E-05 + 16 2.9045823E-05 + 17 -1.8440793E-05 + 18 2.3033191E-05 + 19 6.4178284E-05 + 20 6.1991091E-05 + 21 7.4889448E-05 + 22 1.1644231E-04 + 23 1.0976907E-04 + 24 1.2894826E-04 + 25 2.1329801E-04 + 26 2.3173939E-04 + 27 2.1931419E-04 + 28 3.4684805E-04 + 29 3.5928270E-04 + 30 4.2427146E-04 + 31 5.6437167E-04 + 32 6.1752428E-04 + 33 7.0951684E-04 + 34 8.6114613E-04 + 35 9.6813433E-04 + 36 1.1767030E-03 + 37 1.3409832E-03 + 38 1.5058966E-03 + 39 1.7253360E-03 + 40 1.9822392E-03 + 41 2.2783998E-03 + 42 2.6235948E-03 + 43 3.0218773E-03 + 44 3.4673249E-03 + 45 4.0177157E-03 + 46 4.6866813E-03 + 47 5.5055763E-03 + 48 6.6880253E-03 + 49 8.4605355E-03 + 50 1.1802598E-02 + 51 1.9623607E-02 +# shape_sin3 | - + 1 0.0000000E+00 + 2 -8.6174101E-04 + 3 -1.0121704E-03 + 4 -4.5903173E-04 + 5 -6.3115686E-05 + 6 1.8068944E-04 + 7 3.1460599E-06 + 8 -7.0396528E-06 + 9 2.2185279E-05 + 10 5.3193396E-05 + 11 7.4032006E-05 + 12 1.1408441E-04 + 13 1.7175761E-04 + 14 2.3175854E-04 + 15 2.9155998E-04 + 16 3.7030448E-04 + 17 4.1961370E-04 + 18 4.9557390E-04 + 19 5.5989864E-04 + 20 6.2493275E-04 + 21 7.0533546E-04 + 22 7.6946780E-04 + 23 8.5383728E-04 + 24 9.2470654E-04 + 25 9.6475890E-04 + 26 1.0426836E-03 + 27 1.0661877E-03 + 28 1.1118927E-03 + 29 1.1555423E-03 + 30 1.1907524E-03 + 31 1.1797284E-03 + 32 1.1875101E-03 + 33 1.1470858E-03 + 34 1.1036803E-03 + 35 1.0032067E-03 + 36 8.7051876E-04 + 37 7.4058418E-04 + 38 4.3713863E-04 + 39 1.4705411E-04 + 40 -2.3997909E-04 + 41 -7.5752281E-04 + 42 -1.4406252E-03 + 43 -2.3325247E-03 + 44 -3.4425964E-03 + 45 -4.8903361E-03 + 46 -6.7487060E-03 + 47 -9.1590902E-03 + 48 -1.2264045E-02 + 49 -1.6336579E-02 + 50 -2.2407966E-02 + 51 -2.9662811E-02 +# shape_sin4 | - + 1 0.0000000E+00 + 2 -1.2772357E-03 + 3 -1.7675920E-03 + 4 -1.4850910E-03 + 5 -1.2911004E-03 + 6 -3.1936954E-04 + 7 -1.2481510E-04 + 8 1.0973850E-05 + 9 -1.8172394E-04 + 10 -1.1877783E-04 + 11 9.9407715E-05 + 12 3.2539887E-05 + 13 2.2680471E-05 + 14 6.4983447E-05 + 15 8.0930971E-05 + 16 9.4996451E-05 + 17 8.6618189E-05 + 18 1.4105954E-04 + 19 1.8543707E-04 + 20 1.4832549E-04 + 21 1.6125162E-04 + 22 1.9178624E-04 + 23 1.8695766E-04 + 24 2.7287772E-04 + 25 3.4490734E-04 + 26 3.4975902E-04 + 27 4.3960223E-04 + 28 4.9435114E-04 + 29 5.6648854E-04 + 30 6.3742052E-04 + 31 7.1663703E-04 + 32 8.1408943E-04 + 33 8.9452887E-04 + 34 1.0103125E-03 + 35 1.0940340E-03 + 36 1.2220224E-03 + 37 1.3810620E-03 + 38 1.4949321E-03 + 39 1.6330969E-03 + 40 1.8138950E-03 + 41 1.9759347E-03 + 42 2.1543208E-03 + 43 2.3037424E-03 + 44 2.4585387E-03 + 45 2.5519276E-03 + 46 2.5795906E-03 + 47 2.4011944E-03 + 48 1.8529624E-03 + 49 5.4254208E-04 + 50 -3.5496245E-03 + 51 -1.5705378E-02 +# shape_sin5 | - + 1 0.0000000E+00 + 2 -9.5555924E-04 + 3 -1.2169631E-03 + 4 -7.9369855E-04 + 5 -2.8603214E-04 + 6 -2.2195911E-05 + 7 -1.4681529E-04 + 8 -1.1159945E-04 + 9 -5.1310794E-05 + 10 -3.3284329E-05 + 11 -4.4319232E-05 + 12 -2.0160162E-05 + 13 1.1393679E-06 + 14 7.7251307E-06 + 15 6.6351734E-06 + 16 3.6664932E-05 + 17 1.1003065E-05 + 18 4.3235705E-05 + 19 5.3916531E-05 + 20 8.0163187E-05 + 21 7.2006299E-05 + 22 1.1566116E-04 + 23 1.5384457E-04 + 24 1.6129417E-04 + 25 1.7838742E-04 + 26 2.5404915E-04 + 27 2.7685764E-04 + 28 3.2798892E-04 + 29 3.8724239E-04 + 30 4.8251740E-04 + 31 5.0951520E-04 + 32 6.2652294E-04 + 33 7.0850348E-04 + 34 8.0627703E-04 + 35 8.8579029E-04 + 36 1.0113191E-03 + 37 1.1206844E-03 + 38 1.2438311E-03 + 39 1.3746703E-03 + 40 1.5390022E-03 + 41 1.7256754E-03 + 42 1.8979798E-03 + 43 2.1067988E-03 + 44 2.3917325E-03 + 45 2.6976850E-03 + 46 3.1371136E-03 + 47 3.7456554E-03 + 48 4.5363368E-03 + 49 5.6171022E-03 + 50 7.4212128E-03 + 51 9.0051530E-03 +# ne | 10^19/m^3 + 1 3.4117000E+00 + 2 3.4074000E+00 + 3 3.3949000E+00 + 4 3.3746000E+00 + 5 3.3472000E+00 + 6 3.3132000E+00 + 7 3.2732000E+00 + 8 3.2277000E+00 + 9 3.1773000E+00 + 10 3.1226000E+00 + 11 3.0641000E+00 + 12 3.0023000E+00 + 13 2.9378000E+00 + 14 2.8713000E+00 + 15 2.8031000E+00 + 16 2.7340000E+00 + 17 2.6644000E+00 + 18 2.5949000E+00 + 19 2.5261000E+00 + 20 2.4585000E+00 + 21 2.3927000E+00 + 22 2.3292000E+00 + 23 2.2686000E+00 + 24 2.2115000E+00 + 25 2.1577000E+00 + 26 2.1071000E+00 + 27 2.0595000E+00 + 28 2.0144000E+00 + 29 1.9718000E+00 + 30 1.9312000E+00 + 31 1.8925000E+00 + 32 1.8553000E+00 + 33 1.8195000E+00 + 34 1.7846000E+00 + 35 1.7505000E+00 + 36 1.7169000E+00 + 37 1.6836000E+00 + 38 1.6502000E+00 + 39 1.6164000E+00 + 40 1.5821000E+00 + 41 1.5470000E+00 + 42 1.5107000E+00 + 43 1.4731000E+00 + 44 1.4338000E+00 + 45 1.3926000E+00 + 46 1.3492000E+00 + 47 1.3033000E+00 + 48 1.2500000E+00 + 49 1.1659000E+00 + 50 1.0230000E+00 + 51 8.1842000E-01 +# ni | 10^19/m^3 + 1 2.6675000E+00 2.5989000E-02 + 2 2.6642000E+00 2.5985000E-02 + 3 2.6517000E+00 2.5972000E-02 + 4 2.6414000E+00 2.5948000E-02 + 5 2.6291000E+00 2.5915000E-02 + 6 2.6154000E+00 2.5872000E-02 + 7 2.5992000E+00 2.5819000E-02 + 8 2.5800000E+00 2.5756000E-02 + 9 2.5574000E+00 2.5683000E-02 + 10 2.5311000E+00 2.5599000E-02 + 11 2.5009000E+00 2.5505000E-02 + 12 2.4668000E+00 2.5400000E-02 + 13 2.4288000E+00 2.5284000E-02 + 14 2.3872000E+00 2.5157000E-02 + 15 2.3425000E+00 2.5019000E-02 + 16 2.2955000E+00 2.4869000E-02 + 17 2.2467000E+00 2.4708000E-02 + 18 2.1971000E+00 2.4535000E-02 + 19 2.1474000E+00 2.4350000E-02 + 20 2.0985000E+00 2.4153000E-02 + 21 2.0508000E+00 2.3944000E-02 + 22 2.0050000E+00 2.3723000E-02 + 23 1.9616000E+00 2.3489000E-02 + 24 1.9210000E+00 2.3242000E-02 + 25 1.8830000E+00 2.2982000E-02 + 26 1.8473000E+00 2.2710000E-02 + 27 1.8135000E+00 2.2425000E-02 + 28 1.7813000E+00 2.2126000E-02 + 29 1.7504000E+00 2.1814000E-02 + 30 1.7208000E+00 2.1488000E-02 + 31 1.6923000E+00 2.1148000E-02 + 32 1.6647000E+00 2.0794000E-02 + 33 1.6380000E+00 2.0427000E-02 + 34 1.6119000E+00 2.0045000E-02 + 35 1.5863000E+00 1.9648000E-02 + 36 1.5610000E+00 1.9237000E-02 + 37 1.5357000E+00 1.8811000E-02 + 38 1.5102000E+00 1.8365000E-02 + 39 1.4841000E+00 1.7887000E-02 + 40 1.4574000E+00 1.7369000E-02 + 41 1.4296000E+00 1.6800000E-02 + 42 1.4007000E+00 1.6168000E-02 + 43 1.3703000E+00 1.5465000E-02 + 44 1.3382000E+00 1.4680000E-02 + 45 1.3036000E+00 1.4062000E-02 + 46 1.2674000E+00 1.3206000E-02 + 47 1.2270000E+00 1.2845000E-02 + 48 1.1777000E+00 1.3073000E-02 + 49 1.0952000E+00 1.4217000E-02 + 50 9.5124000E-01 1.6607000E-02 + 51 7.5384000E-01 1.6014000E-02 +# te | keV + 1 2.6092000E+00 + 2 2.6032000E+00 + 3 2.5859000E+00 + 4 2.5581000E+00 + 5 2.5206000E+00 + 6 2.4743000E+00 + 7 2.4202000E+00 + 8 2.3589000E+00 + 9 2.2915000E+00 + 10 2.2187000E+00 + 11 2.1414000E+00 + 12 2.0604000E+00 + 13 1.9768000E+00 + 14 1.8911000E+00 + 15 1.8045000E+00 + 16 1.7176000E+00 + 17 1.6314000E+00 + 18 1.5468000E+00 + 19 1.4645000E+00 + 20 1.3854000E+00 + 21 1.3104000E+00 + 22 1.2396000E+00 + 23 1.1727000E+00 + 24 1.1094000E+00 + 25 1.0493000E+00 + 26 9.9217000E-01 + 27 9.3766000E-01 + 28 8.8544000E-01 + 29 8.3520000E-01 + 30 7.8661000E-01 + 31 7.3936000E-01 + 32 6.9312000E-01 + 33 6.4763000E-01 + 34 6.0288000E-01 + 35 5.5898000E-01 + 36 5.1602000E-01 + 37 4.7410000E-01 + 38 4.3334000E-01 + 39 3.9381000E-01 + 40 3.5564000E-01 + 41 3.1890000E-01 + 42 2.8372000E-01 + 43 2.5018000E-01 + 44 2.1839000E-01 + 45 1.8836000E-01 + 46 1.5987000E-01 + 47 1.3267000E-01 + 48 1.0650000E-01 + 49 8.1105000E-02 + 50 5.6222000E-02 + 51 3.1597000E-02 +# ti | keV + 1 1.9414000E+00 1.9414000E+00 + 2 1.9368000E+00 1.9368000E+00 + 3 1.9234000E+00 1.9234000E+00 + 4 1.9020000E+00 1.9020000E+00 + 5 1.8732000E+00 1.8732000E+00 + 6 1.8379000E+00 1.8379000E+00 + 7 1.7967000E+00 1.7967000E+00 + 8 1.7504000E+00 1.7504000E+00 + 9 1.6997000E+00 1.6997000E+00 + 10 1.6453000E+00 1.6453000E+00 + 11 1.5880000E+00 1.5880000E+00 + 12 1.5284000E+00 1.5284000E+00 + 13 1.4674000E+00 1.4674000E+00 + 14 1.4057000E+00 1.4057000E+00 + 15 1.3439000E+00 1.3439000E+00 + 16 1.2828000E+00 1.2828000E+00 + 17 1.2232000E+00 1.2232000E+00 + 18 1.1657000E+00 1.1657000E+00 + 19 1.1112000E+00 1.1112000E+00 + 20 1.0601000E+00 1.0601000E+00 + 21 1.0128000E+00 1.0128000E+00 + 22 9.6878000E-01 9.6878000E-01 + 23 9.2789000E-01 9.2789000E-01 + 24 8.8985000E-01 8.8985000E-01 + 25 8.5439000E-01 8.5439000E-01 + 26 8.2124000E-01 8.2124000E-01 + 27 7.9013000E-01 7.9013000E-01 + 28 7.6081000E-01 7.6081000E-01 + 29 7.3300000E-01 7.3300000E-01 + 30 7.0644000E-01 7.0644000E-01 + 31 6.8087000E-01 6.8087000E-01 + 32 6.5601000E-01 6.5601000E-01 + 33 6.3160000E-01 6.3160000E-01 + 34 6.0741000E-01 6.0741000E-01 + 35 5.8331000E-01 5.8331000E-01 + 36 5.5921000E-01 5.5921000E-01 + 37 5.3503000E-01 5.3503000E-01 + 38 5.1069000E-01 5.1069000E-01 + 39 4.8609000E-01 4.8609000E-01 + 40 4.6115000E-01 4.6115000E-01 + 41 4.3579000E-01 4.3579000E-01 + 42 4.0991000E-01 4.0991000E-01 + 43 3.8344000E-01 3.8344000E-01 + 44 3.5628000E-01 3.5628000E-01 + 45 3.2845000E-01 3.2845000E-01 + 46 3.0004000E-01 3.0004000E-01 + 47 2.7114000E-01 2.7114000E-01 + 48 2.4186000E-01 2.4186000E-01 + 49 2.1228000E-01 2.1228000E-01 + 50 1.8251000E-01 1.8251000E-01 + 51 1.5264000E-01 1.5264000E-01 +# ptot | Pa + 1 4.3033480E+04 + 2 4.2861074E+04 + 3 4.2359998E+04 + 4 4.1549665E+04 + 5 4.0470939E+04 + 6 3.9183409E+04 + 7 3.7737019E+04 + 8 3.6169367E+04 + 9 3.4525587E+04 + 10 3.2821182E+04 + 11 3.1083542E+04 + 12 2.9322421E+04 + 13 2.7555441E+04 + 14 2.5793819E+04 + 15 2.4045198E+04 + 16 2.2326971E+04 + 17 2.0653279E+04 + 18 1.9045375E+04 + 19 1.7516731E+04 + 20 1.6082782E+04 + 21 1.4746031E+04 + 22 1.3499101E+04 + 23 1.2331193E+04 + 24 1.1241847E+04 + 25 1.0232020E+04 + 26 9.3020777E+03 + 27 8.4547616E+03 + 28 7.6898798E+03 + 29 7.0039082E+03 + 30 6.3858962E+03 + 31 5.8237062E+03 + 32 5.3099023E+03 + 33 4.8383923E+03 + 34 4.4029176E+03 + 35 3.9976233E+03 + 36 3.6203514E+03 + 37 3.2694678E+03 + 38 2.9431280E+03 + 39 2.6397924E+03 + 40 2.3578522E+03 + 41 2.0956702E+03 + 42 1.8522457E+03 + 43 1.6268256E+03 + 44 1.4168086E+03 + 45 1.2206975E+03 + 46 1.0353152E+03 + 47 8.5821121E+02 + 48 6.8600722E+02 + 49 5.1845035E+02 + 50 3.4947481E+02 + 51 2.1623875E+02 +# fpol | T-m + 1 -3.5653184E+00 + 2 -3.5653417E+00 + 3 -3.5654056E+00 + 4 -3.5654958E+00 + 5 -3.5655881E+00 + 6 -3.5656502E+00 + 7 -3.5656451E+00 + 8 -3.5655412E+00 + 9 -3.5653062E+00 + 10 -3.5649106E+00 + 11 -3.5643284E+00 + 12 -3.5635349E+00 + 13 -3.5625156E+00 + 14 -3.5612590E+00 + 15 -3.5597555E+00 + 16 -3.5580072E+00 + 17 -3.5560183E+00 + 18 -3.5538070E+00 + 19 -3.5513868E+00 + 20 -3.5487843E+00 + 21 -3.5460260E+00 + 22 -3.5431455E+00 + 23 -3.5401763E+00 + 24 -3.5371645E+00 + 25 -3.5341510E+00 + 26 -3.5311691E+00 + 27 -3.5282572E+00 + 28 -3.5254447E+00 + 29 -3.5227609E+00 + 30 -3.5202297E+00 + 31 -3.5178671E+00 + 32 -3.5156853E+00 + 33 -3.5136926E+00 + 34 -3.5118964E+00 + 35 -3.5102954E+00 + 36 -3.5088900E+00 + 37 -3.5076745E+00 + 38 -3.5066392E+00 + 39 -3.5057735E+00 + 40 -3.5050644E+00 + 41 -3.5044953E+00 + 42 -3.5040491E+00 + 43 -3.5037073E+00 + 44 -3.5034481E+00 + 45 -3.5032517E+00 + 46 -3.5030973E+00 + 47 -3.5029660E+00 + 48 -3.5028400E+00 + 49 -3.5027052E+00 + 50 -3.5025491E+00 + 51 -3.5024217E+00 +# johm | MA/m^2 + 1 -1.1953000E+00 + 2 -1.1570000E+00 + 3 -1.0442000E+00 + 4 -9.4245000E-01 + 5 -8.6780000E-01 + 6 -8.1456000E-01 + 7 -7.7295000E-01 + 8 -7.5090000E-01 + 9 -7.5010000E-01 + 10 -7.6263000E-01 + 11 -7.8536000E-01 + 12 -8.1480000E-01 + 13 -8.4755000E-01 + 14 -8.7975000E-01 + 15 -9.0920000E-01 + 16 -9.3379000E-01 + 17 -9.5255000E-01 + 18 -9.6398000E-01 + 19 -9.6869000E-01 + 20 -9.6762000E-01 + 21 -9.6259000E-01 + 22 -9.5436000E-01 + 23 -9.4037000E-01 + 24 -9.1966000E-01 + 25 -8.9107000E-01 + 26 -8.5618000E-01 + 27 -8.1493000E-01 + 28 -7.6997000E-01 + 29 -7.2289000E-01 + 30 -6.7533000E-01 + 31 -6.2767000E-01 + 32 -5.7849000E-01 + 33 -5.3018000E-01 + 34 -4.8274000E-01 + 35 -4.3626000E-01 + 36 -3.9110000E-01 + 37 -3.4755000E-01 + 38 -3.0593000E-01 + 39 -2.6672000E-01 + 40 -2.3051000E-01 + 41 -1.9769000E-01 + 42 -1.6870000E-01 + 43 -1.4435000E-01 + 44 -1.2565000E-01 + 45 -1.1347000E-01 + 46 -1.0885000E-01 + 47 -1.1275000E-01 + 48 -1.2520000E-01 + 49 -1.4779000E-01 + 50 -1.7991000E-01 + 51 -2.2482000E-01 +# jbs | MA/m^2 + 1 -0.0000000E+00 + 2 -1.0825000E-02 + 3 -4.1698000E-02 + 4 -8.0059000E-02 + 5 -1.0950000E-01 + 6 -1.3077000E-01 + 7 -1.5058000E-01 + 8 -1.6272000E-01 + 9 -1.6433000E-01 + 10 -1.6221000E-01 + 11 -1.5784000E-01 + 12 -1.5170000E-01 + 13 -1.4444000E-01 + 14 -1.3656000E-01 + 15 -1.2831000E-01 + 16 -1.1985000E-01 + 17 -1.1133000E-01 + 18 -1.0280000E-01 + 19 -9.4286000E-02 + 20 -8.5843000E-02 + 21 -7.7659000E-02 + 22 -6.9959000E-02 + 23 -6.2835000E-02 + 24 -5.6400000E-02 + 25 -5.0791000E-02 + 26 -4.6000000E-02 + 27 -4.1936000E-02 + 28 -3.8510000E-02 + 29 -3.5648000E-02 + 30 -3.3282000E-02 + 31 -3.1345000E-02 + 32 -2.9777000E-02 + 33 -2.8483000E-02 + 34 -2.7349000E-02 + 35 -2.6319000E-02 + 36 -2.5362000E-02 + 37 -2.4442000E-02 + 38 -2.3522000E-02 + 39 -2.2565000E-02 + 40 -2.1526000E-02 + 41 -2.0361000E-02 + 42 -1.9021000E-02 + 43 -1.7461000E-02 + 44 -1.5656000E-02 + 45 -1.3616000E-02 + 46 -1.1374000E-02 + 47 -8.9815000E-03 + 48 -6.5934000E-03 + 49 -4.2982000E-03 + 50 -2.1572000E-03 + 51 -1.3647000E-04 +# jnb | MA/m^2 + 1 -2.2175000E-01 + 2 -2.4491000E-01 + 3 -3.1440000E-01 + 4 -3.5838000E-01 + 5 -3.7967000E-01 + 6 -3.8778000E-01 + 7 -3.8989000E-01 + 8 -3.8581000E-01 + 9 -3.7658000E-01 + 10 -3.6337000E-01 + 11 -3.4683000E-01 + 12 -3.2824000E-01 + 13 -3.0827000E-01 + 14 -2.8812000E-01 + 15 -2.6772000E-01 + 16 -2.4735000E-01 + 17 -2.2670000E-01 + 18 -2.0671000E-01 + 19 -1.8715000E-01 + 20 -1.6863000E-01 + 21 -1.5147000E-01 + 22 -1.3536000E-01 + 23 -1.2102000E-01 + 24 -1.0758000E-01 + 25 -9.5907000E-02 + 26 -8.5157000E-02 + 27 -7.6504000E-02 + 28 -6.8780000E-02 + 29 -6.2344000E-02 + 30 -5.6834000E-02 + 31 -5.1929000E-02 + 32 -4.8861000E-02 + 33 -4.5633000E-02 + 34 -4.2601000E-02 + 35 -3.9633000E-02 + 36 -3.6376000E-02 + 37 -3.2813000E-02 + 38 -2.9085000E-02 + 39 -2.5278000E-02 + 40 -2.1351000E-02 + 41 -1.7504000E-02 + 42 -1.4009000E-02 + 43 -1.0910000E-02 + 44 -8.1329000E-03 + 45 -5.8331000E-03 + 46 -4.0408000E-03 + 47 -2.7144000E-03 + 48 -1.8134000E-03 + 49 -1.2186000E-03 + 50 -8.7869000E-04 + 51 -5.2280000E-04 +# z_eff | - + 1 1.2285000E+00 + 2 1.2288000E+00 + 3 1.2295000E+00 + 4 1.2307000E+00 + 5 1.2323000E+00 + 6 1.2343000E+00 + 7 1.2366000E+00 + 8 1.2394000E+00 + 9 1.2425000E+00 + 10 1.2459000E+00 + 11 1.2497000E+00 + 12 1.2538000E+00 + 13 1.2582000E+00 + 14 1.2629000E+00 + 15 1.2678000E+00 + 16 1.2729000E+00 + 17 1.2782000E+00 + 18 1.2836000E+00 + 19 1.2892000E+00 + 20 1.2947000E+00 + 21 1.3002000E+00 + 22 1.3056000E+00 + 23 1.3106000E+00 + 24 1.3153000E+00 + 25 1.3195000E+00 + 26 1.3233000E+00 + 27 1.3267000E+00 + 28 1.3295000E+00 + 29 1.3319000E+00 + 30 1.3338000E+00 + 31 1.3352000E+00 + 32 1.3362000E+00 + 33 1.3368000E+00 + 34 1.3370000E+00 + 35 1.3367000E+00 + 36 1.3361000E+00 + 37 1.3352000E+00 + 38 1.3339000E+00 + 39 1.3320000E+00 + 40 1.3294000E+00 + 41 1.3258000E+00 + 42 1.3211000E+00 + 43 1.3150000E+00 + 44 1.3072000E+00 + 45 1.2974000E+00 + 46 1.2851000E+00 + 47 1.2700000E+00 + 48 1.2524000E+00 + 49 1.2368000E+00 + 50 1.2293000E+00 + 51 1.2348000E+00 +# vpol | m/s + 1 0.0000000E+00 -0.0000000E+00 + 2 0.0000000E+00 -3.9335675E-03 + 3 0.0000000E+00 -2.0279879E-02 + 4 0.0000000E+00 -3.2799789E-02 + 5 0.0000000E+00 3.3232792E-03 + 6 0.0000000E+00 1.5748218E-01 + 7 0.0000000E+00 5.3778947E-01 + 8 0.0000000E+00 1.2538282E+00 + 9 0.0000000E+00 2.4418203E+00 + 10 0.0000000E+00 4.3065198E+00 + 11 0.0000000E+00 7.0018802E+00 + 12 0.0000000E+00 1.0746270E+01 + 13 0.0000000E+00 1.5795700E+01 + 14 0.0000000E+00 2.2418803E+01 + 15 0.0000000E+00 3.0854404E+01 + 16 0.0000000E+00 4.1356389E+01 + 17 0.0000000E+00 5.4221264E+01 + 18 0.0000000E+00 6.9758190E+01 + 19 0.0000000E+00 8.8141364E+01 + 20 0.0000000E+00 1.0955362E+02 + 21 0.0000000E+00 1.3423835E+02 + 22 0.0000000E+00 1.6245482E+02 + 23 0.0000000E+00 1.9450518E+02 + 24 0.0000000E+00 2.3035641E+02 + 25 0.0000000E+00 2.7010299E+02 + 26 0.0000000E+00 3.1385945E+02 + 27 0.0000000E+00 3.6158851E+02 + 28 0.0000000E+00 4.1331291E+02 + 29 0.0000000E+00 4.6873262E+02 + 30 0.0000000E+00 5.2645502E+02 + 31 0.0000000E+00 5.8487948E+02 + 32 0.0000000E+00 6.4238438E+02 + 33 0.0000000E+00 6.9733635E+02 + 34 0.0000000E+00 7.4803684E+02 + 35 0.0000000E+00 7.9300178E+02 + 36 0.0000000E+00 8.3068400E+02 + 37 0.0000000E+00 8.5968975E+02 + 38 0.0000000E+00 8.7830079E+02 + 39 0.0000000E+00 8.8555357E+02 + 40 0.0000000E+00 8.8048358E+02 + 41 0.0000000E+00 8.6232598E+02 + 42 0.0000000E+00 8.2977267E+02 + 43 0.0000000E+00 7.8240777E+02 + 44 0.0000000E+00 7.2303670E+02 + 45 0.0000000E+00 6.5264081E+02 + 46 0.0000000E+00 5.7460605E+02 + 47 0.0000000E+00 4.9037853E+02 + 48 0.0000000E+00 4.0185182E+02 + 49 0.0000000E+00 3.0990991E+02 + 50 0.0000000E+00 2.1086693E+02 + 51 0.0000000E+00 1.2769000E+02 +# vtor | m/s + 1 0.0000000E+00 -1.1338900E+05 + 2 0.0000000E+00 -1.1415743E+05 + 3 0.0000000E+00 -1.1477751E+05 + 4 0.0000000E+00 -1.1515934E+05 + 5 0.0000000E+00 -1.1534305E+05 + 6 0.0000000E+00 -1.1532557E+05 + 7 0.0000000E+00 -1.1510271E+05 + 8 0.0000000E+00 -1.1468976E+05 + 9 0.0000000E+00 -1.1408863E+05 + 10 0.0000000E+00 -1.1329229E+05 + 11 0.0000000E+00 -1.1231498E+05 + 12 0.0000000E+00 -1.1115708E+05 + 13 0.0000000E+00 -1.0982108E+05 + 14 0.0000000E+00 -1.0830911E+05 + 15 0.0000000E+00 -1.0662877E+05 + 16 0.0000000E+00 -1.0478643E+05 + 17 0.0000000E+00 -1.0278089E+05 + 18 0.0000000E+00 -1.0061830E+05 + 19 0.0000000E+00 -9.8301927E+04 + 20 0.0000000E+00 -9.5839156E+04 + 21 0.0000000E+00 -9.3236876E+04 + 22 0.0000000E+00 -9.0520507E+04 + 23 0.0000000E+00 -8.7715253E+04 + 24 0.0000000E+00 -8.4859632E+04 + 25 0.0000000E+00 -8.1983558E+04 + 26 0.0000000E+00 -7.9112536E+04 + 27 0.0000000E+00 -7.6281155E+04 + 28 0.0000000E+00 -7.3520121E+04 + 29 0.0000000E+00 -7.0864049E+04 + 30 0.0000000E+00 -6.8324267E+04 + 31 0.0000000E+00 -6.5887008E+04 + 32 0.0000000E+00 -6.3539492E+04 + 33 0.0000000E+00 -6.1269163E+04 + 34 0.0000000E+00 -5.9067074E+04 + 35 0.0000000E+00 -5.6918113E+04 + 36 0.0000000E+00 -5.4813355E+04 + 37 0.0000000E+00 -5.2741457E+04 + 38 0.0000000E+00 -5.0688294E+04 + 39 0.0000000E+00 -4.8641386E+04 + 40 0.0000000E+00 -4.6589718E+04 + 41 0.0000000E+00 -4.4519943E+04 + 42 0.0000000E+00 -4.2420481E+04 + 43 0.0000000E+00 -4.0287812E+04 + 44 0.0000000E+00 -3.8118302E+04 + 45 0.0000000E+00 -3.5917240E+04 + 46 0.0000000E+00 -3.3685249E+04 + 47 0.0000000E+00 -3.1432216E+04 + 48 0.0000000E+00 -2.9153974E+04 + 49 0.0000000E+00 -2.6853532E+04 + 50 0.0000000E+00 -2.4409287E+04 + 51 0.0000000E+00 -2.2354400E+04 +# qohme | MW/m^3 + 1 1.1036000E-02 + 2 1.0482000E-02 + 3 9.4228000E-03 + 4 8.6589000E-03 + 5 8.1249000E-03 + 6 7.7427000E-03 + 7 7.5330000E-03 + 8 7.6961000E-03 + 9 8.3161000E-03 + 10 9.3282000E-03 + 11 1.0761000E-02 + 12 1.2634000E-02 + 13 1.4948000E-02 + 14 1.7670000E-02 + 15 2.0764000E-02 + 16 2.4158000E-02 + 17 2.7774000E-02 + 18 3.1490000E-02 + 19 3.5228000E-02 + 20 3.8947000E-02 + 21 4.2682000E-02 + 22 4.6389000E-02 + 23 4.9748000E-02 + 24 5.2454000E-02 + 25 5.4231000E-02 + 26 5.5035000E-02 + 27 5.4778000E-02 + 28 5.3641000E-02 + 29 5.1830000E-02 + 30 4.9553000E-02 + 31 4.6845000E-02 + 32 4.3605000E-02 + 33 4.0107000E-02 + 34 3.6426000E-02 + 35 3.2597000E-02 + 36 2.8690000E-02 + 37 2.4794000E-02 + 38 2.1005000E-02 + 39 1.7439000E-02 + 40 1.4208000E-02 + 41 1.1389000E-02 + 42 9.0453000E-03 + 43 7.2423000E-03 + 44 6.0351000E-03 + 45 5.4773000E-03 + 46 5.7264000E-03 + 47 7.2188000E-03 + 48 1.1061000E-02 + 49 2.1145000E-02 + 50 5.1036000E-02 + 51 1.0974000E-01 +# qbeame | MW/m^3 + 1 2.1897000E-01 + 2 2.1896000E-01 + 3 2.2006000E-01 + 4 2.1816000E-01 + 5 2.1491000E-01 + 6 2.1012000E-01 + 7 2.0435000E-01 + 8 1.9784000E-01 + 9 1.9092000E-01 + 10 1.8382000E-01 + 11 1.7674000E-01 + 12 1.6989000E-01 + 13 1.6346000E-01 + 14 1.5750000E-01 + 15 1.5201000E-01 + 16 1.4692000E-01 + 17 1.4208000E-01 + 18 1.3735000E-01 + 19 1.3254000E-01 + 20 1.2751000E-01 + 21 1.2215000E-01 + 22 1.1648000E-01 + 23 1.1060000E-01 + 24 1.0463000E-01 + 25 9.8722000E-02 + 26 9.3017000E-02 + 27 8.7614000E-02 + 28 8.2588000E-02 + 29 7.7951000E-02 + 30 7.3735000E-02 + 31 6.9880000E-02 + 32 6.6323000E-02 + 33 6.2984000E-02 + 34 5.9764000E-02 + 35 5.6562000E-02 + 36 5.3290000E-02 + 37 4.9882000E-02 + 38 4.6303000E-02 + 39 4.2549000E-02 + 40 3.8661000E-02 + 41 3.4688000E-02 + 42 3.0688000E-02 + 43 2.6719000E-02 + 44 2.2846000E-02 + 45 1.9167000E-02 + 46 1.5858000E-02 + 47 1.3099000E-02 + 48 1.1199000E-02 + 49 1.0088000E-02 + 50 1.0439000E-02 + 51 1.0832000E-02 +# qbeami | MW/m^3 + 1 4.1709000E-01 + 2 4.1566000E-01 + 3 4.1334000E-01 + 4 4.0409000E-01 + 5 3.9117000E-01 + 6 3.7457000E-01 + 7 3.5551000E-01 + 8 3.3480000E-01 + 9 3.1329000E-01 + 10 2.9166000E-01 + 11 2.7048000E-01 + 12 2.5010000E-01 + 13 2.3075000E-01 + 14 2.1254000E-01 + 15 1.9554000E-01 + 16 1.7970000E-01 + 17 1.6492000E-01 + 18 1.5108000E-01 + 19 1.3804000E-01 + 20 1.2572000E-01 + 21 1.1408000E-01 + 22 1.0310000E-01 + 23 9.2812000E-02 + 24 8.3248000E-02 + 25 7.4454000E-02 + 26 6.6459000E-02 + 27 5.9271000E-02 + 28 5.2854000E-02 + 29 4.7174000E-02 + 30 4.2111000E-02 + 31 3.7595000E-02 + 32 3.3531000E-02 + 33 2.9824000E-02 + 34 2.6402000E-02 + 35 2.3211000E-02 + 36 2.0217000E-02 + 37 1.7406000E-02 + 38 1.4779000E-02 + 39 1.2354000E-02 + 40 1.0142000E-02 + 41 8.1611000E-03 + 42 6.4228000E-03 + 43 4.9247000E-03 + 44 3.6659000E-03 + 45 2.6376000E-03 + 46 1.8367000E-03 + 47 1.2425000E-03 + 48 8.3562000E-04 + 49 5.5438000E-04 + 50 3.7937000E-04 + 51 2.0085000E-04 +# qbrem | MW/m^3 + 1 -1.1832000E-03 + 2 -1.1796400E-03 + 3 -1.1687600E-03 + 4 -1.1535800E-03 + 5 -1.1334900E-03 + 6 -1.1092400E-03 + 7 -1.0810100E-03 + 8 -1.0491800E-03 + 9 -1.0144200E-03 + 10 -9.7711300E-04 + 11 -9.3791800E-04 + 12 -8.9738900E-04 + 13 -8.5593300E-04 + 14 -8.1398100E-04 + 15 -7.7228200E-04 + 16 -7.3131100E-04 + 17 -6.9153400E-04 + 18 -6.5335300E-04 + 19 -6.1713900E-04 + 20 -5.8319000E-04 + 21 -5.5173900E-04 + 22 -5.2286200E-04 + 23 -4.9655500E-04 + 24 -4.7281600E-04 + 25 -4.5142900E-04 + 26 -4.3214000E-04 + 27 -4.1475400E-04 + 28 -3.9907200E-04 + 29 -3.8496800E-04 + 30 -3.7236100E-04 + 31 -3.6118700E-04 + 32 -3.5149400E-04 + 33 -3.4335500E-04 + 34 -3.3690600E-04 + 35 -3.3235400E-04 + 36 -3.2997100E-04 + 37 -3.3015900E-04 + 38 -3.3338800E-04 + 39 -3.4030600E-04 + 40 -3.5177900E-04 + 41 -3.6914600E-04 + 42 -3.9434500E-04 + 43 -4.3034000E-04 + 44 -4.8165000E-04 + 45 -5.5588000E-04 + 46 -6.2287000E-04 + 47 -8.8692000E-04 + 48 -1.1927000E-03 + 49 -1.0072400E-03 + 50 -2.4594000E-04 + 51 1.3598000E-04 +# qei | MW/m^3 + 1 2.9832000E-02 + 2 2.9801000E-02 + 3 2.9677000E-02 + 4 2.9567000E-02 + 5 2.9426000E-02 + 6 2.9259000E-02 + 7 2.9051000E-02 + 8 2.8799000E-02 + 9 2.8497000E-02 + 10 2.8145000E-02 + 11 2.7738000E-02 + 12 2.7275000E-02 + 13 2.6751000E-02 + 14 2.6160000E-02 + 15 2.5499000E-02 + 16 2.4762000E-02 + 17 2.3945000E-02 + 18 2.3040000E-02 + 19 2.2044000E-02 + 20 2.0950000E-02 + 21 1.9791000E-02 + 22 1.8598000E-02 + 23 1.7378000E-02 + 24 1.6135000E-02 + 25 1.4864000E-02 + 26 1.3551000E-02 + 27 1.2185000E-02 + 28 1.0750000E-02 + 29 9.2308000E-03 + 30 7.6057000E-03 + 31 5.8497000E-03 + 32 3.9297000E-03 + 33 1.8059000E-03 + 34 -5.4601000E-04 + 35 -3.1575000E-03 + 36 -6.0686000E-03 + 37 -9.3259000E-03 + 38 -1.2982000E-02 + 39 -1.7099000E-02 + 40 -2.1746000E-02 + 41 -2.7003000E-02 + 42 -3.2963000E-02 + 43 -3.9730000E-02 + 44 -4.7425000E-02 + 45 -5.6264000E-02 + 46 -6.6921000E-02 + 47 -8.0566000E-02 + 48 -9.9043000E-02 + 49 -1.2285000E-01 + 50 -1.5279000E-01 + 51 -2.1316000E-01 +# qione | MW/m^3 + 1 -1.1050000E-04 + 2 -1.1026000E-04 + 3 -1.0964000E-04 + 4 -1.0892000E-04 + 5 -1.0791000E-04 + 6 -1.0666000E-04 + 7 -1.0519000E-04 + 8 -1.0352000E-04 + 9 -1.0168000E-04 + 10 -9.9687000E-05 + 11 -9.7582000E-05 + 12 -9.5391000E-05 + 13 -9.3137000E-05 + 14 -9.0839000E-05 + 15 -8.8518000E-05 + 16 -8.6189000E-05 + 17 -8.3866000E-05 + 18 -8.1567000E-05 + 19 -7.9301000E-05 + 20 -7.7080000E-05 + 21 -7.4911000E-05 + 22 -7.2828000E-05 + 23 -7.0875000E-05 + 24 -6.9094000E-05 + 25 -6.7501000E-05 + 26 -6.6100000E-05 + 27 -6.4896000E-05 + 28 -6.3898000E-05 + 29 -6.3112000E-05 + 30 -6.2549000E-05 + 31 -6.2223000E-05 + 32 -6.2156000E-05 + 33 -6.2375000E-05 + 34 -6.2914000E-05 + 35 -6.3816000E-05 + 36 -6.5139000E-05 + 37 -6.6981000E-05 + 38 -6.9472000E-05 + 39 -7.2794000E-05 + 40 -7.7231000E-05 + 41 -8.3204000E-05 + 42 -9.1315000E-05 + 43 -1.0255000E-04 + 44 -1.1846000E-04 + 45 -1.4145000E-04 + 46 -1.7536000E-04 + 47 -2.2628000E-04 + 48 -3.0460000E-04 + 49 -4.1866000E-04 + 50 -5.3520000E-04 + 51 -6.2468000E-04 +# qioni | MW/m^3 + 1 8.8186000E-03 + 2 8.8308000E-03 + 3 8.7304000E-03 + 4 8.6071000E-03 + 5 8.4217000E-03 + 6 8.1876000E-03 + 7 7.9188000E-03 + 8 7.6216000E-03 + 9 7.3020000E-03 + 10 6.9676000E-03 + 11 6.6253000E-03 + 12 6.2815000E-03 + 13 5.9410000E-03 + 14 5.6080000E-03 + 15 5.2858000E-03 + 16 4.9766000E-03 + 17 4.6821000E-03 + 18 4.4034000E-03 + 19 4.1405000E-03 + 20 3.8930000E-03 + 21 3.6606000E-03 + 22 3.4437000E-03 + 23 3.2432000E-03 + 24 3.0597000E-03 + 25 2.8929000E-03 + 26 2.7422000E-03 + 27 2.6071000E-03 + 28 2.4869000E-03 + 29 2.3809000E-03 + 30 2.2884000E-03 + 31 2.2086000E-03 + 32 2.1411000E-03 + 33 2.0855000E-03 + 34 2.0414000E-03 + 35 2.0086000E-03 + 36 1.9872000E-03 + 37 1.9775000E-03 + 38 1.9801000E-03 + 39 1.9957000E-03 + 40 2.0256000E-03 + 41 2.0712000E-03 + 42 2.1340000E-03 + 43 2.2156000E-03 + 44 2.3173000E-03 + 45 2.4399000E-03 + 46 2.5839000E-03 + 47 2.7460000E-03 + 48 2.8945000E-03 + 49 2.9183000E-03 + 50 2.6210000E-03 + 51 1.6946000E-03 +# qcxi | MW/m^3 + 1 -2.2892000E-02 + 2 -2.2477000E-02 + 3 -2.2168000E-02 + 4 -2.1410000E-02 + 5 -2.0436000E-02 + 6 -1.9258000E-02 + 7 -1.7924000E-02 + 8 -1.6491000E-02 + 9 -1.5015000E-02 + 10 -1.3540000E-02 + 11 -1.2100000E-02 + 12 -1.0726000E-02 + 13 -9.4382000E-03 + 14 -8.2532000E-03 + 15 -7.1792000E-03 + 16 -6.2183000E-03 + 17 -5.3677000E-03 + 18 -4.6238000E-03 + 19 -3.9797000E-03 + 20 -3.4283000E-03 + 21 -2.9539000E-03 + 22 -2.5399000E-03 + 23 -2.1654000E-03 + 24 -1.8472000E-03 + 25 -1.5765000E-03 + 26 -1.3512000E-03 + 27 -1.1826000E-03 + 28 -1.0490000E-03 + 29 -9.4411000E-04 + 30 -8.6403000E-04 + 31 -8.0447000E-04 + 32 -7.6168000E-04 + 33 -7.3263000E-04 + 34 -7.1519000E-04 + 35 -7.0899000E-04 + 36 -7.1509000E-04 + 37 -7.3686000E-04 + 38 -7.7865000E-04 + 39 -8.4606000E-04 + 40 -9.4906000E-04 + 41 -1.1008000E-03 + 42 -1.3176000E-03 + 43 -1.6278000E-03 + 44 -2.0716000E-03 + 45 -2.7030000E-03 + 46 -3.5986000E-03 + 47 -4.8611000E-03 + 48 -6.7027000E-03 + 49 -9.2590000E-03 + 50 -1.1662000E-02 + 51 -1.5583000E-02 +# qpar_beam | 1/m^3/s + 1 3.3046000E+19 + 2 3.2965000E+19 + 3 3.2892000E+19 + 4 3.2298000E+19 + 5 3.1429000E+19 + 6 3.0278000E+19 + 7 2.8946000E+19 + 8 2.7489000E+19 + 9 2.5974000E+19 + 10 2.4446000E+19 + 11 2.2949000E+19 + 12 2.1511000E+19 + 13 2.0155000E+19 + 14 1.8889000E+19 + 15 1.7719000E+19 + 16 1.6634000E+19 + 17 1.5627000E+19 + 18 1.4679000E+19 + 19 1.3774000E+19 + 20 1.2903000E+19 + 21 1.2063000E+19 + 22 1.1265000E+19 + 23 1.0570000E+19 + 24 9.8877000E+18 + 25 9.2405000E+18 + 26 8.6253000E+18 + 27 7.9684000E+18 + 28 7.3589000E+18 + 29 6.8075000E+18 + 30 6.3109000E+18 + 31 5.8640000E+18 + 32 5.4584000E+18 + 33 5.0836000E+18 + 34 4.7303000E+18 + 35 4.3898000E+18 + 36 4.0553000E+18 + 37 3.7220000E+18 + 38 3.3885000E+18 + 39 3.0555000E+18 + 40 2.7250000E+18 + 41 2.4008000E+18 + 42 2.0880000E+18 + 43 1.7893000E+18 + 44 1.5077000E+18 + 45 1.2486000E+18 + 46 1.0219000E+18 + 47 8.3672000E+17 + 48 7.1069000E+17 + 49 6.3781000E+17 + 50 6.5576000E+17 + 51 6.7349000E+17 +# qpar_wall | 1/m^3/s + 1 2.3195000E+19 + 2 2.3130000E+19 + 3 2.2998000E+19 + 4 2.2829000E+19 + 5 2.2569000E+19 + 6 2.2234000E+19 + 7 2.1844000E+19 + 8 2.1407000E+19 + 9 2.0933000E+19 + 10 2.0434000E+19 + 11 1.9920000E+19 + 12 1.9400000E+19 + 13 1.8882000E+19 + 14 1.8372000E+19 + 15 1.7876000E+19 + 16 1.7395000E+19 + 17 1.6931000E+19 + 18 1.6484000E+19 + 19 1.6052000E+19 + 20 1.5634000E+19 + 21 1.5227000E+19 + 22 1.4835000E+19 + 23 1.4470000E+19 + 24 1.4141000E+19 + 25 1.3855000E+19 + 26 1.3617000E+19 + 27 1.3435000E+19 + 28 1.3315000E+19 + 29 1.3263000E+19 + 30 1.3286000E+19 + 31 1.3393000E+19 + 32 1.3593000E+19 + 33 1.3900000E+19 + 34 1.4333000E+19 + 35 1.4913000E+19 + 36 1.5671000E+19 + 37 1.6654000E+19 + 38 1.7925000E+19 + 39 1.9569000E+19 + 40 2.1718000E+19 + 41 2.4565000E+19 + 42 2.8383000E+19 + 43 3.3619000E+19 + 44 4.0969000E+19 + 45 5.1519000E+19 + 46 6.6969000E+19 + 47 9.0067000E+19 + 48 1.2552000E+20 + 49 1.7744000E+20 + 50 2.3138000E+20 + 51 2.7384000E+20 +# qmom | Nm + 1 -6.0014000E-01 + 2 -5.9862000E-01 + 3 -5.9568000E-01 + 4 -5.8408000E-01 + 5 -5.6967000E-01 + 6 -5.5033000E-01 + 7 -5.2758000E-01 + 8 -5.0234000E-01 + 9 -4.7561000E-01 + 10 -4.4860000E-01 + 11 -4.2204000E-01 + 12 -3.9617000E-01 + 13 -3.7136000E-01 + 14 -3.4851000E-01 + 15 -3.2777000E-01 + 16 -3.0838000E-01 + 17 -2.9011000E-01 + 18 -2.7274000E-01 + 19 -2.5591000E-01 + 20 -2.3970000E-01 + 21 -2.2402000E-01 + 22 -2.0866000E-01 + 23 -1.9370000E-01 + 24 -1.7926000E-01 + 25 -1.6543000E-01 + 26 -1.5251000E-01 + 27 -1.4085000E-01 + 28 -1.3025000E-01 + 29 -1.2058000E-01 + 30 -1.1179000E-01 + 31 -1.0387000E-01 + 32 -9.6717000E-02 + 33 -9.0075000E-02 + 34 -8.3745000E-02 + 35 -7.7585000E-02 + 36 -7.1519000E-02 + 37 -6.5412000E-02 + 38 -5.9285000E-02 + 39 -5.3193000E-02 + 40 -4.7189000E-02 + 41 -4.1336000E-02 + 42 -3.5704000E-02 + 43 -3.0341000E-02 + 44 -2.5316000E-02 + 45 -2.0710000E-02 + 46 -1.6691000E-02 + 47 -1.3411000E-02 + 48 -1.1130000E-02 + 49 -9.7016000E-03 + 50 -9.7191000E-03 + 51 -9.7779000E-03 diff --git a/xgyro/tools/input/reg01/reg04/input.gacode.geo b/xgyro/tools/input/reg01/reg04/input.gacode.geo new file mode 100644 index 000000000..13c6400ae --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/input.gacode.geo @@ -0,0 +1,5110 @@ +# input.gacode.geo +# +# File format: +#------------------- +# nfourier +# a[4,0:nfourier,nx] +#------------------- +# +# NOTE: nx=EXPRO_n_exp is defined in input.gacode + 24 + 3.4209251825000E+00 + 0.0000000000000E+00 + 6.3387350525000E-02 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 3.4207547947584E+00 + 0.0000000000000E+00 + 6.3368974701745E-02 + 0.0000000000000E+00 + 1.4119927227507E-02 + 1.6940602140694E-04 +-5.6567246493881E-04 + 1.6925176547355E-02 + 1.1717931307867E-05 + 3.7303423953376E-06 + 2.9542073975241E-06 +-8.1078569882665E-06 +-4.2889906201572E-04 +-7.7987734432479E-05 + 9.4907567304290E-05 +-4.8178860218021E-04 + 4.2195666610494E-06 + 1.4281022357965E-06 +-2.1612055737196E-06 + 5.0957437546912E-06 + 3.7051891187218E-05 + 1.3406178164794E-05 +-1.5155514458153E-05 + 4.0333908812262E-05 +-7.9776446125978E-07 +-5.0864470815872E-07 + 6.1392482125029E-07 +-8.2612396111459E-07 +-4.1982542332697E-06 +-2.3741088434175E-06 + 2.6013398501339E-06 +-4.4425074442854E-06 + 1.1370780109078E-07 + 1.3724609966451E-07 +-1.4858408076851E-07 + 1.2272695653270E-07 + 5.1099803190563E-07 + 4.2849059476525E-07 +-4.6050244853665E-07 + 5.2863859345202E-07 +-1.5854551824470E-08 +-3.3224512725421E-08 + 3.3096561629323E-08 +-2.6836404929082E-08 +-6.1787050507596E-08 +-7.6031584747592E-08 + 8.2290992114282E-08 +-6.3104257076101E-08 + 1.0998822193466E-09 + 8.0896360721386E-09 +-7.7031534019438E-09 + 1.1851400470303E-08 + 8.2149758134544E-10 + 1.4291361315761E-08 +-1.4882404209601E-08 + 9.1811782618637E-09 +-9.6987980182991E-09 +-2.0855131831740E-09 + 2.5613102439685E-09 +-4.9660267364214E-09 +-7.0990633694864E-09 +-3.0365108355861E-09 + 2.7922457838724E-09 +-3.4445677599027E-09 +-6.3195038427727E-09 +-7.5196970694179E-10 +-1.0466792978800E-09 + 8.0270720554009E-10 +-9.4354358495414E-09 +-3.3189811108186E-09 +-1.2899222043374E-09 + 2.3937068400631E-09 +-1.2439594954804E-08 +-6.1566189601563E-09 +-3.6652550706606E-10 + 8.7455142660337E-10 +-1.4034990106225E-08 +-8.6705154715353E-09 + 2.6168912883963E-10 +-1.1573827063101E-09 +-1.3525465460425E-08 +-1.1097665258356E-08 + 3.9907152493142E-11 +-1.4720432575200E-09 +-1.3167014613290E-08 +-1.4072571138558E-08 +-2.8948070959970E-10 +-5.0007825934403E-10 +-1.3668219904003E-08 +-1.8258001329782E-08 +-5.1705253075479E-10 + 4.2828402425777E-10 +-1.4451625824570E-08 +-2.2982058286920E-08 +-4.8516297924846E-10 + 2.1085556439361E-10 +-1.3957050434436E-08 +-2.7813513754363E-08 +-1.8760205815664E-10 +-5.9171468898954E-10 + 3.4202816591159E+00 + 0.0000000000000E+00 + 6.3341279936889E-02 + 0.0000000000000E+00 + 2.8083740636664E-02 + 3.2141831362921E-04 +-1.1076768909443E-03 + 3.3644476956441E-02 + 5.2869627523801E-05 + 9.3537428007229E-06 + 8.1667848231459E-06 +-3.6739559204812E-05 +-8.5157196542707E-04 +-1.5366531066992E-04 + 1.8737090368456E-04 +-9.5445043439488E-04 + 1.8270062032199E-05 + 5.3500363958658E-06 +-5.2837078499650E-06 + 2.3774695314712E-05 + 7.2131076564659E-05 + 2.6403255355720E-05 +-2.9986098545078E-05 + 7.9749177289339E-05 +-4.1354286565654E-06 +-1.1278155548787E-06 + 1.0956856831472E-06 +-4.2974132924484E-06 +-8.4915082291394E-06 +-4.7076666209157E-06 + 5.1768453337425E-06 +-9.1389048374178E-06 + 7.1756593534925E-07 + 1.5940022592916E-07 +-3.1471060662032E-07 + 5.6094617502646E-07 + 1.1103458345794E-06 + 8.6374776877386E-07 +-9.2755487547508E-07 + 1.1299807832570E-06 +-6.9729276666757E-08 +-1.1041181798690E-07 + 1.2064435668460E-07 +-5.2030170114731E-09 +-1.3794160142043E-07 +-1.5246420765040E-07 + 1.6903067213570E-07 +-1.2371854666897E-07 +-2.1562198762821E-08 + 3.8617733097972E-08 +-1.4088592708481E-08 +-2.3453275172672E-08 + 2.8400961861106E-08 + 3.6197232808688E-08 +-2.7303259561707E-08 +-7.3750228828213E-09 + 1.0482183987725E-09 + 5.3582307407318E-09 +-6.5850072017373E-09 + 5.0302706779125E-09 +-6.2758647465046E-09 +-4.8964302835471E-09 +-2.5403398955855E-09 + 2.5968265614871E-08 +-1.4232818782935E-08 +-3.8212490187431E-09 + 1.1528091586443E-09 + 1.8836980967182E-09 +-2.4181985597839E-08 +-7.7555659089450E-09 + 2.8628717652181E-09 +-1.3112200973066E-08 +-1.4118585361106E-08 +-3.9504795853026E-09 + 8.8626019776559E-10 +-2.6459470929677E-09 +-1.4103196280689E-08 +-9.1492886248355E-09 +-1.5724573250968E-09 + 3.5651915980872E-09 +-1.8718331711916E-08 +-1.2672475977086E-08 +-3.0242942047137E-09 + 2.1490414494085E-09 +-2.0861009382756E-08 +-1.8082155551172E-08 + 5.9261896934497E-10 +-1.8345539334930E-09 +-1.6316089444063E-08 +-2.3298852288642E-08 + 7.3141660200927E-10 +-4.5612138698152E-09 +-1.6137438997924E-08 +-2.4909194675536E-08 +-9.7613639056576E-11 +-1.1061397931282E-09 +-1.5517126074886E-08 +-3.3134475480285E-08 +-7.3667040404809E-10 + 3.3446578150087E-09 + 3.4195049604890E+00 + 0.0000000000000E+00 + 6.3375374171963E-02 + 0.0000000000000E+00 + 4.2114670946759E-02 + 4.8698684108167E-04 +-1.6725056891702E-03 + 5.0467768307670E-02 + 1.2174717297524E-04 + 9.3002276961425E-06 + 1.0337892121667E-05 +-8.4907350089687E-05 +-1.2768596262214E-03 +-2.3118269055582E-04 + 2.8332175060965E-04 +-1.4349144405013E-03 + 4.0734607725978E-05 + 7.4839807968127E-06 +-7.1118967031670E-06 + 5.6138347400020E-05 + 1.0879558998880E-04 + 4.0170692036967E-05 +-4.5796767691919E-05 + 1.2131979610865E-04 +-1.0239320433023E-05 +-9.5636256786881E-07 + 2.6277404628869E-06 +-1.1044973279432E-05 +-1.3341087521341E-05 +-7.2717370279337E-06 + 7.9768151865649E-06 +-1.4054239887059E-05 + 1.8727885353892E-06 + 1.0708117155596E-06 +-1.2046815482922E-06 + 1.5965461509810E-06 + 1.5445712369094E-06 + 1.3149104460091E-06 +-1.4406919816919E-06 + 1.6742578929584E-06 +-2.2062843696859E-07 +-3.7761805394842E-07 + 1.8778558839956E-07 +-7.6638132721835E-08 +-2.3558938138604E-07 +-2.6033717188199E-07 + 2.5415911224784E-07 +-2.0993368888900E-07 + 2.6697406544955E-08 +-6.7789228955336E-08 + 6.2512141154088E-09 +-8.3315656293075E-08 + 1.2516629598062E-08 + 3.5192776040152E-08 +-3.6680494847578E-08 + 1.4704400786015E-08 + 2.2782595942845E-08 +-2.3985649240607E-08 + 1.6013235647221E-08 + 6.8164143040199E-08 +-6.5876601499752E-09 +-2.1060543008651E-11 + 1.1993367420104E-08 +-4.5324151856719E-09 +-3.3301962542427E-08 + 7.7181852355938E-09 + 1.0540458778900E-08 +-2.6289229717762E-08 + 1.5331627802308E-08 + 1.4104178123491E-08 + 6.5785997932781E-10 +-1.2718517227415E-08 +-1.0506509716418E-08 + 7.6702366698925E-09 +-7.5162353933703E-09 + 6.9119164630357E-09 +-1.0205040660087E-08 +-3.2359778046211E-09 +-9.0221673786046E-09 + 2.3279093238344E-08 +-2.6481310414207E-08 +-1.0976164249061E-08 +-6.3252821767828E-10 +-9.7186340163997E-10 +-2.8628641470829E-08 +-2.2215044414001E-08 + 1.7519085449417E-09 +-1.0978830083487E-08 +-2.4359129623140E-08 +-1.9307240327278E-08 +-4.3638017703885E-10 + 3.7359028056603E-10 +-2.8403971324271E-08 +-3.2316709483958E-08 +-3.6773932681078E-09 + 7.8469821808954E-09 +-2.7393915632789E-08 +-3.5171261906653E-08 +-1.3091906363392E-09 +-1.3231597331644E-09 + 3.4184275760888E+00 + 0.0000000000000E+00 + 6.3446725216003E-02 + 0.0000000000000E+00 + 5.6141543598497E-02 + 6.5513449230172E-04 +-2.2475079322161E-03 + 6.7332230248883E-02 + 2.1779705604462E-04 + 1.1510126140150E-05 + 1.4966254562161E-05 +-1.5187610612450E-04 +-1.7053874540210E-03 +-3.0959044079235E-04 + 3.8197802452129E-04 +-1.9251357245825E-03 + 7.3212297502178E-05 + 8.9293536406775E-06 +-1.2317015339467E-05 + 1.0016238954982E-04 + 1.4882835951242E-04 + 5.4791868259913E-05 +-6.2570221158235E-05 + 1.6491550844823E-04 +-1.7536540880535E-05 +-2.8627415833126E-06 + 5.7287579067348E-06 +-1.9968060267331E-05 +-1.8205064159663E-05 +-1.0035572505606E-05 + 1.0942101234419E-05 +-1.8556071694842E-05 + 3.1643050920977E-06 + 2.3849093341049E-06 +-2.0363918113485E-06 + 3.5589891877361E-06 + 1.6383577842433E-06 + 1.7703937580643E-06 +-1.9330322235570E-06 + 2.0942626531130E-06 +-8.0324116327482E-07 +-2.1754238509326E-07 + 3.3914886724507E-07 +-5.1823052674661E-07 +-3.7742171311870E-07 +-3.2781435080070E-07 + 3.3776007887082E-07 +-3.4791609851877E-07 + 1.1396127748162E-07 + 7.2688110851933E-08 +-1.3697929297559E-07 +-1.2381390927625E-07 + 4.1601611924024E-08 + 4.8643570407622E-08 +-6.0601654812319E-08 + 1.5338668665533E-08 + 5.8909255616389E-08 +-1.0375631284024E-07 +-3.9380789908832E-09 + 1.3208685429199E-07 +-2.5003843705154E-08 +-2.7396818883899E-08 + 2.8153689682893E-09 + 2.4095278969340E-08 +-1.4815972705720E-08 +-6.5081220939707E-08 + 3.0313508219923E-08 +-7.2584885975458E-08 +-2.5409914435355E-08 +-1.3248226602756E-08 + 7.5244722432594E-09 +-1.7131816976444E-08 + 1.1718605053651E-08 +-2.0460592109351E-08 +-2.2409267220554E-09 + 4.3004150874084E-08 +-1.2823225011365E-08 +-5.9751616951405E-09 + 1.6520051239293E-09 + 4.5918659697262E-10 +-3.1512743056872E-08 +-1.3738004821944E-08 + 1.1172376581351E-08 +-1.3697327913066E-08 +-8.3809468750555E-09 +-7.8502681321647E-09 + 2.5965065830544E-09 +-4.7581615448614E-09 +-2.1713197131377E-08 +-1.1402060414393E-08 +-4.1944656415544E-09 + 4.9630911685762E-09 +-1.9011299884521E-08 +-1.8639510522272E-08 +-4.1759554002870E-09 + 8.1151794740510E-09 +-3.0644814158667E-08 +-3.3236271050835E-08 +-3.2767568569652E-10 +-1.7270544809559E-09 + 3.4170769278818E+00 + 0.0000000000000E+00 + 6.3534545730341E-02 + 0.0000000000000E+00 + 7.0078975961214E-02 + 8.1593893862700E-04 +-2.8193521418701E-03 + 8.4135793109434E-02 + 3.4179828367057E-04 + 1.7541253265908E-05 + 2.3184957542976E-05 +-2.3796323360073E-04 +-2.1374078152822E-03 +-3.8770683969811E-04 + 4.8195346108395E-04 +-2.4204405792724E-03 + 1.1550665866922E-04 + 1.1481862564655E-05 +-2.0737109735380E-05 + 1.5637994481357E-04 + 1.9029707378121E-04 + 7.0093187676861E-05 +-8.0013294391067E-05 + 2.0930470556424E-04 +-2.6917540764046E-05 +-6.1758938617300E-06 + 9.9319786112433E-06 +-3.0968677551969E-05 +-2.2729439041355E-05 +-1.2870309330057E-05 + 1.3991200206398E-05 +-2.2966201621506E-05 + 4.7600045295859E-06 + 3.4863168386487E-06 +-3.2231407226589E-06 + 5.7874248547641E-06 + 1.8819829095412E-06 + 2.2162269225323E-06 +-2.4271262241611E-06 + 2.4753150646518E-06 +-1.2621784503106E-06 +-3.0724968659441E-07 + 7.4734576444562E-07 +-1.0720718078954E-06 +-4.9826733336724E-07 +-4.0063225598239E-07 + 4.1502573413008E-07 +-3.7008165763935E-07 + 1.3238787157501E-07 + 3.6817273110732E-07 +-2.5498455086057E-07 + 4.3080302696235E-08 +-5.2495021326008E-08 + 5.7346911751342E-08 +-7.0684502058039E-08 + 1.3226288609629E-08 +-5.6845966670874E-08 +-2.7645655350482E-08 +-1.6416590231990E-08 + 8.2082121868930E-08 +-5.3492306768214E-08 +-2.2523782326002E-08 + 5.9077511443063E-09 +-9.2543554827325E-09 +-1.6966371741716E-10 +-3.8653914499032E-08 + 1.1501936698467E-08 +-1.1053280539150E-07 + 4.9439177544658E-09 +-7.2696425610579E-09 + 4.7624139514145E-09 +-2.6681684167953E-08 + 3.1801682473816E-08 +-4.4914763172459E-08 +-2.2042629395801E-08 + 7.1772856623947E-08 +-2.2846533563466E-08 +-2.0486069396681E-08 +-1.1313178880736E-08 + 3.2221518811553E-08 +-1.7284616412277E-08 +-5.2882397655957E-08 + 2.0514858508602E-08 +-3.7516398235798E-08 +-3.2188523125957E-08 +-2.8789729023301E-08 + 9.6975774089690E-09 +-2.0612102687560E-08 +-1.3571752210322E-09 +-3.1794705883391E-08 +-4.0580781499885E-09 + 2.2467125120754E-08 +-1.7429331014638E-08 +-2.6943271946580E-08 +-2.0543359263776E-09 + 5.3513519905943E-09 +-3.1943468442041E-08 +-3.8794416916514E-08 + 7.0842659944614E-09 +-6.0474017583554E-09 + 3.4154612307909E+00 + 0.0000000000000E+00 + 6.3632488391851E-02 + 0.0000000000000E+00 + 8.4031249312383E-02 + 9.6724981784724E-04 +-3.3885260163125E-03 + 1.0099828847045E-01 + 4.9393507897785E-04 + 2.6920022817262E-05 + 3.4711184570672E-05 +-3.4314347538073E-04 +-2.5765145908967E-03 +-4.6569196927389E-04 + 5.8370593166917E-04 +-2.9226810993801E-03 + 1.6660677022105E-04 + 1.5787694626990E-05 +-3.1609296823254E-05 + 2.2554226533644E-04 + 2.3329551476849E-04 + 8.6093835442888E-05 +-9.8247159045822E-05 + 2.5375373999635E-04 +-3.8715295734596E-05 +-1.0580170764293E-05 + 1.4710484976765E-05 +-4.4871720792071E-05 +-2.6579562719793E-05 +-1.5776692935515E-05 + 1.7146818607159E-05 +-2.6889258730166E-05 + 7.0790631369901E-06 + 4.6667612253592E-06 +-4.3732464299673E-06 + 8.4709809530659E-06 + 2.1585026752546E-06 + 2.6717034534558E-06 +-2.9125796654993E-06 + 2.7462007634812E-06 +-1.6310135180562E-06 +-5.7950143310726E-07 + 9.8426974494875E-07 +-1.6546289644136E-06 +-5.8556372890422E-07 +-4.6773751758372E-07 + 4.6946519677948E-07 +-2.8650676704316E-07 + 1.6363967559786E-07 + 4.5321759806192E-07 +-2.7580024040177E-07 + 2.8708293999833E-07 +-1.8438882390716E-07 + 5.0278151081576E-08 +-6.7565213436207E-08 +-3.3294718515046E-08 +-1.9175021876679E-07 + 7.3637021396535E-08 + 3.5463371762826E-08 +-1.2818239393978E-08 +-6.8713812065528E-08 +-1.1510413563104E-08 + 1.1275760364116E-08 +-3.2591720143559E-08 +-1.8361628094683E-08 + 5.2888376366530E-08 +-3.6376017507727E-08 +-1.0121857606752E-07 +-1.6514056354705E-08 +-3.7470911352240E-09 +-5.3761572071027E-09 +-5.0580218397687E-09 + 6.7591452769622E-09 +-2.5931279886754E-08 +-2.2313334537539E-08 + 6.9814566072631E-08 +-3.8321880202535E-08 +-1.8884331864762E-08 +-4.3183906451940E-09 + 1.0649825133684E-08 +-1.6964941172751E-08 +-4.2344399527405E-08 + 1.5868317641787E-08 +-5.2078809006961E-08 +-1.0176133701515E-08 +-2.2170548865240E-08 + 6.5588213112170E-09 +-2.4853418009238E-08 + 5.1388899862255E-09 +-3.8307119615617E-08 +-1.3001867742623E-08 + 3.1828756500526E-08 +-2.5497706842907E-08 +-3.5824125673408E-08 +-1.0083714005104E-08 + 2.4117044212485E-08 +-2.1011724965217E-08 +-5.7478686231672E-08 + 9.8266468265663E-09 +-1.7482947862133E-08 + 3.4136028984424E+00 + 0.0000000000000E+00 + 6.3751173232215E-02 + 0.0000000000000E+00 + 9.7976857421106E-02 + 1.1125041785782E-03 +-3.9588089774454E-03 + 1.1788794855719E-01 + 6.7485931502721E-04 + 3.6136974816469E-05 + 4.7213700442049E-05 +-4.6787603964721E-04 +-3.0210007924809E-03 +-5.4349941995615E-04 + 6.8770214570384E-04 +-3.4300700902651E-03 + 2.2712643822700E-04 + 2.1937789816502E-05 +-4.2519794338864E-05 + 3.0782915152690E-04 + 2.7657076204067E-04 + 1.0279330971849E-04 +-1.1757947148263E-04 + 2.9883071960712E-04 +-5.2434749261143E-05 +-1.5234189852490E-05 + 1.9033044965035E-05 +-6.1998250418354E-05 +-3.0104798556459E-05 +-1.8816136712438E-05 + 2.0634473289499E-05 +-3.1037825629140E-05 + 1.0337022828685E-05 + 5.5570294160225E-06 +-5.4394942232934E-06 + 1.2004392192389E-05 + 2.4506814226383E-06 + 3.1835799503664E-06 +-3.5456655893970E-06 + 3.2597030698890E-06 +-2.3092560852845E-06 +-8.1952549888231E-07 + 1.3783128965122E-06 +-2.1908578524789E-06 +-5.7738262315207E-07 +-5.6918687281015E-07 + 6.0506229061011E-07 +-4.2030348881267E-07 + 1.2091394811783E-07 + 5.4464834156945E-07 +-4.3924276107145E-07 + 3.5887081980160E-07 +-1.3634951161441E-07 + 8.7345836475906E-08 +-9.3959911429524E-08 + 2.5077911596797E-08 +-1.7423437612780E-07 + 1.4462550552753E-08 + 9.1193526566910E-08 +-1.0432809885140E-07 +-1.4847213906714E-07 +-2.2160145819873E-08 + 1.8533751822569E-09 + 4.9765817448771E-09 +-2.5725153732758E-08 + 1.0318181024537E-07 +-2.2475611865986E-08 +-5.8282214292090E-09 +-8.1249537303682E-08 +-9.8712677054252E-09 + 9.5553805284494E-09 +-4.3548970670204E-08 +-7.9364198374606E-08 + 3.4967944501257E-08 +-1.9230084987290E-08 + 3.8748022650845E-08 +-2.7127101612109E-08 +-6.0095463347353E-09 +-6.5559998688747E-09 +-1.7742254357451E-09 +-2.6098514198709E-08 +-1.2357312503688E-08 +-4.9983465469922E-09 +-7.2054427482903E-08 +-1.3009022591201E-08 +-1.6814201265732E-08 + 1.4954757738582E-09 +-6.4936081832865E-09 + 8.4816753923208E-09 +-3.7763595444054E-08 +-1.1402701775922E-08 + 4.0355075773068E-08 +-3.6075509523929E-08 +-3.6172516193257E-08 +-8.0204598837268E-09 + 1.4378574346035E-08 +-2.4240461852624E-08 +-4.6993566244911E-08 + 9.5782190158461E-09 +-2.0796092107040E-08 + 3.4115356713118E+00 + 0.0000000000000E+00 + 6.3893006166935E-02 + 0.0000000000000E+00 + 1.1183913200315E-01 + 1.2518434941632E-03 +-4.5279816638646E-03 + 1.3471197359455E-01 + 8.8288613322761E-04 + 4.4924531253556E-05 + 6.0490052996847E-05 +-6.1097495985527E-04 +-3.4662040689592E-03 +-6.2054491912288E-04 + 7.9358166720848E-04 +-3.9412885602765E-03 + 2.9633107411302E-04 + 2.8537664450517E-05 +-5.4179018888612E-05 + 4.0254562057452E-04 + 3.2041447963734E-04 + 1.2025294893106E-04 +-1.3803719815832E-04 + 3.4576663936586E-04 +-6.8949690221647E-05 +-1.9485851341711E-05 + 2.4412877283038E-05 +-8.1555887350232E-05 +-3.3821031533650E-05 +-2.2172610757964E-05 + 2.4361276687136E-05 +-3.5773500593214E-05 + 1.3899711585165E-05 + 6.5208911015324E-06 +-7.5972345393321E-06 + 1.5693915638563E-05 + 3.1390860050521E-06 + 3.8370056914070E-06 +-4.0922002701790E-06 + 3.7529851253752E-06 +-2.9241300158521E-06 +-1.4435006813482E-06 + 2.3606789101430E-06 +-2.6780653327018E-06 +-7.1541921371244E-07 +-6.6498940885699E-07 + 5.6332294030262E-07 +-2.1093328109763E-07 + 2.1018501847290E-07 + 8.2517150450782E-07 +-7.3953543822030E-07 + 3.1366341207033E-07 +-2.5409103237871E-07 + 3.7867528847943E-08 + 2.9912053377525E-09 +-1.6423165066213E-07 +-9.9622352603181E-08 +-6.9367866464424E-08 + 1.2491954613611E-07 +-5.1287987529826E-08 +-4.4305382964367E-08 + 3.9351176053274E-08 +-2.8640886031396E-08 + 2.4384872320240E-08 +-9.5236077443700E-08 + 8.2461103236547E-08 +-1.4235341440204E-08 + 3.5275881552326E-08 +-7.9347598473913E-08 +-1.7055822223445E-08 +-4.1105316668563E-09 + 2.1330385309295E-09 +-9.1034908028048E-08 + 3.9786945401483E-08 +-6.9855719052145E-09 +-2.9793835268941E-08 +-8.0095503659300E-08 +-1.3854982992546E-08 + 5.7000497451217E-09 +-1.3516325955931E-09 +-2.5186356514047E-08 + 2.3492137920844E-08 +-3.9333199505791E-10 +-1.7916230114559E-08 +-4.1161585781925E-08 +-1.4645509436273E-08 +-6.3440207977644E-10 +-2.4241826553951E-08 +-4.4581057635937E-08 +-9.9554615838963E-09 +-1.5495536313371E-08 + 2.7878183790687E-08 +-2.3854754868719E-08 +-2.0534948356017E-08 +-3.1630963781032E-09 + 4.7434068033778E-09 +-2.9286612329773E-08 +-4.0390095258974E-08 + 1.5326723984121E-09 +-4.0451387434170E-08 + 3.4092708180745E+00 + 0.0000000000000E+00 + 6.4048194294207E-02 + 0.0000000000000E+00 + 1.2570511266136E-01 + 1.3822234607286E-03 +-5.0936625514401E-03 + 1.5156777850644E-01 + 1.1181691575729E-03 + 5.5785445872805E-05 + 7.6281452063707E-05 +-7.7237286554243E-04 +-3.9153758482816E-03 +-6.9675308682227E-04 + 9.0109396658365E-04 +-4.4571310173001E-03 + 3.7485639999778E-04 + 3.4988365532090E-05 +-6.8639471065713E-05 + 5.0908840697484E-04 + 3.6553430828504E-04 + 1.3862219647393E-04 +-1.5926419078008E-04 + 3.9299999804462E-04 +-8.7527785788860E-05 +-2.4276658967985E-05 + 3.1804528382597E-05 +-1.0323492627457E-04 +-3.8027821571375E-05 +-2.5727598184128E-05 + 2.7964974148357E-05 +-3.9398542663779E-05 + 1.7854400725509E-05 + 8.4664903372600E-06 +-1.0450178153608E-05 + 1.9603373123281E-05 + 3.5032082158085E-06 + 4.3525882405258E-06 +-4.4268365943718E-06 + 3.2466592995796E-06 +-3.2645485884644E-06 +-2.5341360332758E-06 + 3.0710689074755E-06 +-3.3091269483171E-06 +-2.7544651202066E-07 +-5.7337521924649E-07 + 4.8650198932783E-07 + 2.5444993660412E-07 + 2.4572167616317E-07 + 1.0053572496374E-06 +-6.3400754222599E-07 + 5.9302431483695E-07 +-3.8129577241835E-07 +-5.8755539884200E-08 + 2.9191114912343E-09 +-2.2879036711633E-07 +-2.4273669072857E-07 + 2.8397820974639E-08 + 8.7286651246455E-09 +-1.6294833867744E-07 +-3.1685411654809E-08 + 2.8329900077146E-08 + 1.2372814191170E-08 + 2.5912367625555E-09 +-3.3850424105207E-08 + 6.2450304276049E-09 +-2.4355364432563E-08 + 4.5215685211956E-09 +-8.7637480861265E-08 + 2.4908908875771E-08 +-7.9540385374854E-09 + 2.8687299754836E-08 +-5.9133289479053E-08 + 2.2490770142992E-08 + 3.4257203155031E-08 + 1.4168917806516E-08 +-8.8983684368622E-08 +-7.5446892443251E-09 +-1.1061872025041E-08 +-2.3079993628863E-08 +-7.3963739149226E-08 + 3.3304067127193E-08 +-1.9273410781762E-08 +-4.4884290454728E-09 +-3.5206968495167E-08 +-2.4160214222078E-08 + 4.2394383646340E-09 +-1.3040971034219E-08 +-5.2517147091064E-08 +-9.2200515443400E-09 +-4.4021273646310E-09 +-1.0861729268852E-08 +-4.4871206020638E-08 +-2.0647825985256E-08 +-9.5523032697327E-10 + 1.4811326551776E-08 +-2.5749234864958E-08 +-1.5499272191361E-08 + 6.0444993405223E-09 +-1.1012470177780E-08 + 3.4068377066487E+00 + 0.0000000000000E+00 + 6.4217953839019E-02 + 0.0000000000000E+00 + 1.3953416328010E-01 + 1.5039164227960E-03 +-5.6539698390613E-03 + 1.6839418400423E-01 + 1.3790880382172E-03 + 6.7192572715001E-05 + 9.3559545334880E-05 +-9.5098760337042E-04 +-4.3663901004030E-03 +-7.7160464963329E-04 + 1.0097967848758E-03 +-4.9734194549289E-03 + 4.6192384831112E-04 + 4.2206964056313E-05 +-8.4184838412658E-05 + 6.2696442742260E-04 + 4.1162509315388E-04 + 1.5768317516420E-04 +-1.8129928828985E-04 + 4.3927212424302E-04 +-1.0800637192255E-04 +-3.0029648969518E-05 + 3.9353262382141E-05 +-1.2731891812491E-04 +-4.1495517038295E-05 +-2.9294319766705E-05 + 3.1702286256177E-05 +-4.1955155120295E-05 + 2.1937938935271E-05 + 1.0872934964514E-05 +-1.2788374772381E-05 + 2.4332486238946E-05 + 3.2309084078728E-06 + 4.7356838732618E-06 +-4.8770871211222E-06 + 2.6187108656417E-06 +-3.9207432255204E-06 +-3.2876301932922E-06 + 3.4070506376259E-06 +-4.3277491298998E-06 + 2.4487707736976E-07 +-4.9675289928285E-07 + 5.5190434204620E-07 + 4.3981332005347E-07 + 5.4637855838669E-07 + 8.5080175669673E-07 +-6.5063739523761E-07 + 8.2735613339179E-07 +-4.3505615679281E-07 +-3.5197406358161E-08 +-4.5107267085874E-08 +-8.1526258890364E-08 +-2.9428653093418E-07 + 7.5928684247337E-08 + 1.5297800698280E-07 +-1.2735872848316E-07 +-1.6723815907063E-07 +-3.0959865625308E-08 + 4.5640504487153E-09 +-5.1275493335668E-08 +-7.0681383098687E-08 + 9.9030276564698E-08 +-1.1308054961869E-07 +-4.1974816271388E-08 +-3.4130465315666E-08 + 1.3384064523308E-08 + 2.7336039683936E-08 +-4.2137515629040E-08 +-3.3482507641939E-08 +-4.2623125635275E-08 + 1.1080480533045E-08 + 1.3834490290543E-08 +-2.0910072065055E-08 + 2.9871438388729E-08 +-1.5404116170243E-08 + 2.3146791360812E-08 +-6.3321288202107E-08 + 3.2211540156616E-09 + 2.1483570696760E-08 + 8.6364455613208E-09 +-7.3134591753916E-08 +-1.0945280313316E-08 +-7.5012456283111E-09 + 1.3091776591737E-08 +-5.7992594854050E-08 + 1.4447421221236E-08 +-6.3388383260734E-09 +-1.3594226545551E-08 +-6.4093186078180E-08 +-2.9918940313389E-08 +-1.4970521592953E-10 +-1.7511601083000E-08 +-4.2830457991935E-08 +-2.1055685960549E-08 +-1.0740429977377E-08 +-1.0199937692985E-09 + 3.4042486404797E+00 + 0.0000000000000E+00 + 6.4404839254478E-02 + 0.0000000000000E+00 + 1.5337110116828E-01 + 1.6181952084511E-03 +-6.2110877987154E-03 + 1.8524062491663E-01 + 1.6655299291124E-03 + 7.8192727607490E-05 + 1.1173340374055E-04 +-1.1468130745435E-03 +-4.8193251358182E-03 +-8.4504884913889E-04 + 1.1201379841613E-03 +-5.4913536663864E-03 + 5.5749354942028E-04 + 5.0103188074972E-05 +-1.0024503918223E-04 + 7.5623333608118E-04 + 4.5800141334805E-04 + 1.7748202763105E-04 +-2.0441242762583E-04 + 4.8559958997543E-04 +-1.3034615269353E-04 +-3.6233238733716E-05 + 4.7070407280995E-05 +-1.5391495475335E-04 +-4.4452008959903E-05 +-3.2975473843233E-05 + 3.5708189436618E-05 +-4.4303605937922E-05 + 2.6581114044762E-05 + 1.3208484812135E-05 +-1.5244624967357E-05 + 2.9658452756858E-05 + 2.6403399760396E-06 + 5.1766503451599E-06 +-5.3919201188484E-06 + 2.1905488588493E-06 +-4.8173008880977E-06 +-3.8097767383023E-06 + 4.0710518408577E-06 +-5.3193226901240E-06 + 5.1210766121790E-07 +-5.2274306382785E-07 + 5.6180291376719E-07 + 4.8829346534154E-07 + 8.1695458144505E-07 + 8.3995274963861E-07 +-9.6957186862707E-07 + 8.8221420552804E-07 +-2.6565627924574E-07 + 1.7015102860171E-09 + 2.4949812495538E-08 +-1.2237862526653E-07 +-2.3630966279131E-07 +-9.4073138096279E-08 + 3.1577647671677E-07 +-2.5758924941795E-08 +-1.1193456535151E-07 +-5.1489913537469E-09 +-7.2248919571334E-08 + 5.1596975495474E-08 +-1.3712967651689E-07 + 1.7844679778304E-07 +-9.5233790730896E-08 +-5.2952186879502E-08 +-9.2623624858100E-08 +-4.5881431485272E-08 + 4.9853123554035E-08 +-5.2719441626168E-08 +-2.7016619751441E-08 + 5.5746848625853E-10 +-2.4546281302607E-08 +-1.8749559006824E-08 +-3.5174704967225E-08 + 3.2222851197948E-08 +-8.1030749186551E-10 + 4.1866070575984E-09 +-2.4043711319143E-08 +-3.0083455236597E-08 + 3.9500907813723E-09 + 1.1219360446958E-08 +-5.1899113119172E-08 + 1.2368127728493E-08 +-8.4808939341718E-09 + 6.0149911973573E-09 +-5.9278883148133E-08 +-1.5411607354072E-08 + 9.4192619727485E-09 + 1.2873522603201E-08 +-4.4547413830468E-08 +-1.5513984795722E-08 +-3.7396671316630E-09 +-5.1145520016191E-09 +-6.8437103480287E-08 +-9.4028638848671E-09 + 4.4312413960229E-10 +-8.2825079615822E-09 + 3.4015300893574E+00 + 0.0000000000000E+00 + 6.4605226637564E-02 + 0.0000000000000E+00 + 1.6717100598589E-01 + 1.7236897053151E-03 +-6.7612677591936E-03 + 2.0204824842017E-01 + 1.9755883155294E-03 + 8.9181200962331E-05 + 1.3104477115339E-04 +-1.3585816885832E-03 +-5.2717093321300E-03 +-9.1650300493448E-04 + 1.2315034639118E-03 +-6.0088491430146E-03 + 6.6112206941474E-04 + 5.8156017834605E-05 +-1.1732211207734E-04 + 8.9587726860343E-04 + 5.0476114712763E-04 + 1.9803053162359E-04 +-2.2842452176367E-04 + 5.3187266949220E-04 +-1.5448318973628E-04 +-4.2657244076554E-05 + 5.5617410593945E-05 +-1.8253297759231E-04 +-4.6931517111731E-05 +-3.6834192192134E-05 + 3.9788518951022E-05 +-4.6306218234551E-05 + 3.1689840895794E-05 + 1.5628212991092E-05 +-1.8300494261467E-05 + 3.5252750327892E-05 + 2.1138739743924E-06 + 5.6485386945313E-06 +-5.7850863556682E-06 + 1.5878096381188E-06 +-5.7742020203017E-06 +-4.4737122632389E-06 + 5.0935821034196E-06 +-6.1714302291015E-06 + 7.4774987523514E-07 +-5.1809033980902E-07 + 4.4288310784199E-07 + 7.6095036408179E-07 + 9.4798931425784E-07 + 1.0709201971186E-06 +-1.3357619690117E-06 + 8.6216222974911E-07 +-2.2932583933945E-07 +-4.9287416885533E-08 + 1.4679920743416E-07 +-2.7943210542078E-07 +-9.2508757506884E-08 +-2.8089839143342E-07 + 3.6426462092727E-07 +-2.3784021311286E-10 +-1.8066269574376E-08 + 7.0685041741685E-08 +-1.1938439657981E-07 + 1.4375792190546E-07 +-1.1974967738299E-07 + 1.5577325074045E-07 +-3.8268452199263E-08 +-2.8727716729670E-09 +-1.2948646257361E-07 +-6.9296792151648E-08 + 3.8805346072058E-08 +-4.4521846158358E-08 +-7.0454047679608E-08 + 4.4764204284826E-08 +-3.4184127336910E-08 +-2.0126114891664E-08 +-5.1367735976524E-08 + 2.5420493814675E-09 + 5.7241774029525E-09 +-1.2712363973540E-08 +-4.1547590920289E-08 +-2.0436455348339E-08 +-4.5600252389136E-09 +-2.8299798593182E-09 +-3.6623688413281E-08 + 1.3120449971663E-08 + 2.9882579086943E-09 +-8.5517104927709E-10 +-4.1131156028195E-08 +-1.9836322223737E-08 + 2.5710515268010E-09 +-1.9496400045128E-10 +-4.4749851542019E-08 + 3.8245618203281E-09 +-6.5301237291887E-09 + 4.3505517306179E-09 +-3.7437241238464E-08 +-2.8095193663506E-08 + 2.5378158179580E-09 +-2.4195457328907E-09 + 3.3986972326081E+00 + 0.0000000000000E+00 + 6.4816114610112E-02 + 0.0000000000000E+00 + 1.8093613175516E-01 + 1.8194191655288E-03 +-7.3029451668883E-03 + 2.1881659805334E-01 + 2.3084589371336E-03 + 1.0044978818204E-04 + 1.5171250272288E-04 +-1.5857593717195E-03 +-5.7232642626840E-03 +-9.8566934216844E-04 + 1.3437354139950E-03 +-6.5253969145693E-03 + 7.7265234158711E-04 + 6.6193894229035E-05 +-1.3566752285463E-04 + 1.0454230963760E-03 + 5.5214247768481E-04 + 2.1938890370582E-04 +-2.5328508181484E-04 + 5.7775627714712E-04 +-1.8026614216911E-04 +-4.9419760612452E-05 + 6.5125926229585E-05 +-2.1299061264748E-04 +-4.9094393031332E-05 +-4.0844814661941E-05 + 4.3870671955477E-05 +-4.7477147341981E-05 + 3.7187806659996E-05 + 1.8346474140999E-05 +-2.1849004653228E-05 + 4.1105735070783E-05 + 1.4142867097973E-06 + 6.0859572769564E-06 +-6.0348402721440E-06 + 5.0523303778289E-07 +-6.6817916755333E-06 +-5.3768296241733E-06 + 6.2115668151008E-06 +-6.9963314928653E-06 + 1.0075784780651E-06 +-4.2477318306831E-07 + 2.3553226060437E-07 + 1.3417841458523E-06 + 9.5742339651642E-07 + 1.4014682495261E-06 +-1.5796333581398E-06 + 9.1729735166202E-07 +-3.9937288688209E-07 +-1.6772213835410E-07 + 2.7316066897345E-07 +-5.4030826661592E-07 +-4.3366075711673E-08 +-3.8054924377120E-07 + 3.0988083455034E-07 +-4.5838752149192E-08 + 9.3581843507367E-08 + 1.4176998394680E-07 +-1.4051392495546E-07 + 1.9057512465931E-07 +-9.4468792485375E-08 + 8.4401852128290E-08 + 2.3180773134882E-08 + 4.0701149803773E-08 +-1.1262942912024E-07 +-7.3629030476227E-08 + 1.7592468009810E-08 +-3.0790059434946E-08 +-8.0392781369215E-08 + 6.9286842276918E-08 +-2.9919933148942E-08 +-3.4429327342130E-08 +-2.7584003603851E-08 +-1.3334001144363E-08 + 1.8855386425707E-08 +-2.6168340665738E-08 +-1.5564708649373E-08 +-5.9727689517013E-09 +-1.5811437640557E-08 +-1.5359893698882E-08 +-1.9754779656397E-08 + 1.0481439748821E-08 +-3.2744653938078E-09 + 1.0140198879378E-08 +-1.0359814592918E-08 +-2.6904048403034E-08 + 5.2636613838016E-09 + 1.0128311497755E-08 +-4.4815960927295E-08 +-5.3703905592254E-10 +-1.4470922415653E-11 + 1.0172211630499E-08 +-4.9749949193690E-08 +-1.9418057333992E-08 + 1.4113714740845E-09 + 1.5163469091583E-08 + 3.3957542951433E+00 + 0.0000000000000E+00 + 6.5038962243507E-02 + 0.0000000000000E+00 + 1.9470205709374E-01 + 1.9059839525625E-03 +-7.8381191922141E-03 + 2.3558826820772E-01 + 2.6647019494502E-03 + 1.1127561864212E-04 + 1.7334667944067E-04 +-1.8287409683777E-03 +-6.1752430216535E-03 +-1.0525705008454E-03 + 1.4573650446172E-03 +-7.0420251052652E-03 + 8.9209413068677E-04 + 7.4543358356513E-05 +-1.5462873321128E-04 + 1.2052691865507E-03 + 6.0029762902876E-04 + 2.4166012801400E-04 +-2.7924471083631E-04 + 6.2312077375308E-04 +-2.0771251286974E-04 +-5.6763761378072E-05 + 7.4874478471386E-05 +-2.4558268319911E-04 +-5.0803533620074E-05 +-4.4980398097163E-05 + 4.8119326942872E-05 +-4.7671326213027E-05 + 4.2975509181102E-05 + 2.1429287097097E-05 +-2.5222822956470E-05 + 4.7552542375745E-05 + 3.9937386225763E-07 + 6.4447853050781E-06 +-6.3288653925831E-06 +-1.0380339766607E-06 +-7.6219394418998E-06 +-6.3815925403033E-06 + 6.9795653380345E-06 +-8.1104137362916E-06 + 1.5657150979204E-06 +-2.6865052054612E-07 + 1.2215218234722E-07 + 1.9693510305168E-06 + 1.0164899791492E-06 + 1.6327417722518E-06 +-1.5629146749042E-06 + 1.1656192444190E-06 +-5.9945291201053E-07 +-2.8038348521213E-07 + 2.8712362404405E-07 +-6.6859951479417E-07 +-6.9675229228953E-08 +-3.2267778099266E-07 + 2.0721831443596E-07 +-1.8217038302235E-07 + 2.1364916105856E-07 + 1.5136334323885E-07 +-9.5447337161916E-08 + 1.0624616846545E-07 + 5.3388689034965E-08 +-2.4663193595673E-08 + 5.5944770808662E-09 + 3.6708213945541E-08 +-3.4102371595153E-08 +-2.1083975446965E-08 +-2.8436527515037E-10 + 5.9269705172882E-08 +-5.1113534197151E-08 + 6.6640980649084E-08 + 4.5205022477829E-08 + 4.4687496702128E-08 +-7.2906069733787E-08 +-4.1779776936253E-08 +-8.9736515271806E-09 +-2.7470745011317E-08 +-4.3649587361185E-08 + 2.8809927261702E-08 +-5.3108552836996E-08 +-4.6846463150874E-08 +-1.9485557926121E-08 +-1.1477284530962E-09 + 3.0656684934084E-08 +-4.8332196779399E-09 +-1.8229459969637E-08 +-3.8610182123408E-08 + 4.0610160691014E-09 + 2.4620888133144E-08 +-4.0960851978859E-08 + 1.3872961201049E-08 +-1.6675574117340E-08 + 1.2067772359154E-08 +-5.7429167427577E-08 +-2.6628591411170E-08 + 8.2318664237490E-09 + 3.6290056543959E-09 + 3.3927158198363E+00 + 0.0000000000000E+00 + 6.5274684543759E-02 + 0.0000000000000E+00 + 2.0844111953220E-01 + 1.9834885760650E-03 +-8.3667638427749E-03 + 2.5233332655630E-01 + 3.0438843062699E-03 + 1.2110526031509E-04 + 1.9563372253115E-04 +-2.0872862334132E-03 +-6.6261159616566E-03 +-1.1169605498846E-03 + 1.5725989726395E-03 +-7.5590742644771E-03 + 1.0192849836708E-03 + 8.3101561360752E-05 +-1.7390869413637E-04 + 1.3752870775917E-03 + 6.4925647507324E-04 + 2.6492663469789E-04 +-3.0652528338039E-04 + 6.6884312773923E-04 +-2.3671729387780E-04 +-6.4441206341432E-05 + 8.4879675960774E-05 +-2.8041992268965E-04 +-5.1819365714456E-05 +-4.9299390301735E-05 + 5.2656372321069E-05 +-4.7638222104495E-05 + 4.9330569171412E-05 + 2.4553779213414E-05 +-2.8791737631751E-05 + 5.4567116440135E-05 +-8.7979268751819E-07 + 6.8326674359391E-06 +-6.6829090240672E-06 +-2.3689266308739E-06 +-8.6573379605881E-06 +-7.2471352277857E-06 + 8.0207228968876E-06 +-9.2681378156390E-06 + 2.1408091093824E-06 +-1.5768234292697E-07 +-8.2630845345426E-09 + 2.3011450710894E-06 + 1.2538477093922E-06 + 1.7346588065937E-06 +-1.9337210323946E-06 + 1.2451545392400E-06 +-7.2525781493180E-07 +-3.2113580378678E-07 + 3.9295448926963E-07 +-5.7679132708871E-07 +-1.4452592259302E-07 +-2.9312667391637E-07 + 4.6998920033461E-07 +-1.0312321100550E-09 + 8.5557528870441E-08 + 1.3488324403084E-07 +-1.9445057131322E-07 + 3.6946908759965E-08 +-1.3385505885257E-09 + 3.2576217877149E-08 +-1.8082713070301E-07 +-1.5548785080696E-07 + 6.0578366914339E-08 +-3.0202488360687E-08 + 9.9057186563213E-08 +-1.0669362388160E-08 + 3.4102693804221E-08 +-5.8333924293370E-08 + 7.8447584778179E-08 + 1.3189609318052E-07 +-6.7984165191457E-08 + 1.6299987723984E-08 +-6.5290617494086E-08 + 8.2138532186982E-08 +-1.3993801018748E-07 + 7.3049623170936E-08 + 2.4735067724457E-08 +-6.2405898590762E-09 +-6.9569244936259E-08 +-5.1501524346819E-08 + 2.2037885458200E-08 +-6.6433377844579E-08 +-1.4498883424073E-08 + 1.0803450048441E-09 +-6.3186663788605E-08 +-7.7591085848628E-08 + 1.9454461759835E-08 + 1.2257251970554E-08 + 1.9931433854974E-08 +-1.9977387971538E-09 + 4.8020720257646E-08 +-6.0425898118302E-08 + 1.7890163258402E-08 + 2.6291249534653E-08 + 3.3895849490197E+00 + 0.0000000000000E+00 + 6.5519562267976E-02 + 0.0000000000000E+00 + 2.2216561445801E-01 + 2.0503330259840E-03 +-8.8881673920386E-03 + 2.6907268824131E-01 + 3.4466844803638E-03 + 1.3097246226077E-04 + 2.1936279869192E-04 +-2.3617368435284E-03 +-7.0769710842176E-03 +-1.1786976875442E-03 + 1.6896298905602E-03 +-8.0781423236376E-03 + 1.1544912619624E-03 + 9.1261222992832E-05 +-1.9460678853200E-04 + 1.5555897143676E-03 + 6.9945063149398E-04 + 2.8944123325432E-04 +-3.3510123767006E-04 + 7.1513659248628E-04 +-2.6756075724169E-04 +-7.2302734669321E-05 + 9.6219706069828E-05 +-3.1718138436844E-04 +-5.2608522473627E-05 +-5.3909874252965E-05 + 5.7219815152835E-05 +-4.6987755481750E-05 + 5.6147554160049E-05 + 2.7855857821528E-05 +-3.3327944361916E-05 + 6.1758181497650E-05 +-2.2381104456135E-06 + 7.2522555545223E-06 +-6.7725525162960E-06 +-4.1312458905457E-06 +-9.8539188438247E-06 +-8.2970510366989E-06 + 9.6279137722833E-06 +-1.0099885789798E-05 + 2.6000899983711E-06 +-5.1999109409860E-09 +-4.1797902881072E-07 + 3.0332806490648E-06 + 1.2872002107393E-06 + 2.0784159844324E-06 +-2.4830640886315E-06 + 1.0304716171436E-06 +-7.4391428389895E-07 +-4.6462839978805E-07 + 6.8640161085193E-07 +-9.5247096526925E-07 +-1.9887262515288E-08 +-4.8913537427823E-07 + 5.7797599693031E-07 + 1.9713678549888E-07 + 8.2606075961911E-08 + 2.5169101905876E-07 +-3.3235097289593E-07 + 3.3832683232640E-07 +-1.6509649126245E-07 + 1.6163019969461E-07 +-5.5193201976322E-08 +-1.6328210741532E-07 + 8.2557953006651E-11 +-1.3232745078598E-07 + 1.0153871886928E-07 +-2.3432872487015E-07 + 1.7350260336210E-07 +-5.8454816074839E-08 +-1.0793591002859E-07 +-6.1998682215432E-08 + 1.0696425377000E-07 + 6.9944073649861E-08 + 2.2538148992532E-08 + 1.2683705381486E-07 +-1.3592046996709E-09 +-4.3154510188256E-08 + 1.0320059689421E-07 + 1.6717901234971E-07 +-1.3359131004268E-07 +-1.2709699752304E-08 +-6.7668342387326E-08 + 4.2775019134516E-08 +-1.5001217213380E-07 + 7.7816434196084E-08 +-5.6702943033775E-09 +-5.3146754231189E-08 +-4.3826584582323E-08 +-5.4516054032063E-08 + 3.9999213329216E-08 +-8.8327782097337E-08 + 9.2244597672804E-09 +-2.3908428623500E-08 +-5.8962152918825E-08 +-5.6655659919101E-08 + 3.3863740979844E+00 + 0.0000000000000E+00 + 6.5775165257665E-02 + 0.0000000000000E+00 + 2.3583980487699E-01 + 2.1066977056919E-03 +-9.4028566233960E-03 + 2.8576910050789E-01 + 3.8729203102695E-03 + 1.4003512518584E-04 + 2.4407039775985E-04 +-2.6518743576145E-03 +-7.5274105907914E-03 +-1.2376117227971E-03 + 1.8088078037911E-03 +-8.5989700535142E-03 + 1.2975241693753E-03 + 9.9480020727773E-05 +-2.1589789610534E-04 + 1.7460889131510E-03 + 7.5156860894915E-04 + 3.1527577158976E-04 +-3.6526761648755E-04 + 7.6161116863413E-04 +-2.9990066569959E-04 +-8.0820123953604E-05 + 1.0786043665256E-04 +-3.5621912106770E-04 +-5.2995654449700E-05 +-5.8720155479391E-05 + 6.2092574028083E-05 +-4.5166735330028E-05 + 6.3483908913020E-05 + 3.1666636594265E-05 +-3.7669370007387E-05 + 6.9622417631194E-05 +-3.7836803516065E-06 + 7.5740248349016E-06 +-6.9870586529190E-06 +-6.6658869724165E-06 +-1.0867688349994E-05 +-9.6432487242070E-06 + 1.0692859233361E-05 +-1.1287443741198E-05 + 3.3021110729114E-06 + 2.9071138620913E-07 +-6.1465537999423E-07 + 4.2179907746244E-06 + 1.2865866269178E-06 + 2.4927063730852E-06 +-2.4143721626410E-06 + 1.2567100826276E-06 +-1.0122961238973E-06 +-6.8602698839906E-07 + 6.7228880985913E-07 +-1.4514950653585E-06 + 1.4459435803203E-07 +-5.4738056874621E-07 + 2.5069938846259E-07 +-5.8809091329299E-08 + 2.7865314474894E-07 + 3.3939644784922E-07 +-1.6797386690850E-07 + 5.0916201489682E-07 +-1.7811687171358E-07 + 5.0598128684779E-08 + 1.7418984534096E-07 + 1.7440719595078E-07 +-2.0799150508577E-07 +-9.9085297261919E-08 +-7.2379240505374E-08 +-1.3892685923400E-07 +-5.0272767079071E-08 + 1.0166056814450E-07 +-1.2061425743707E-07 +-2.2482246020613E-07 + 1.3862382991248E-07 +-4.2193972340199E-08 + 9.4570810209323E-08 +-9.5008268177938E-08 + 1.2990252485827E-07 +-1.1070082683951E-07 +-3.3356046459114E-08 + 8.3967227521112E-08 +-4.8934855038190E-08 + 8.8665820250293E-08 +-1.0172053826219E-08 + 2.0062070860995E-07 +-1.6634207620218E-07 +-6.8150520467170E-10 + 1.0011514281123E-07 + 1.2132930349415E-07 +-1.8167807959855E-07 +-5.4160841553107E-08 +-7.0337915428108E-08 +-9.2376218812405E-08 +-1.0236867865150E-07 + 6.7294315462439E-08 +-3.6848138676166E-08 +-1.5161863525917E-07 + 3.3830791122096E+00 + 0.0000000000000E+00 + 6.6045996308433E-02 + 0.0000000000000E+00 + 2.4949068510924E-01 + 2.1535867857555E-03 +-9.9149544492840E-03 + 3.0246775300701E-01 + 4.3248139632626E-03 + 1.4736318237643E-04 + 2.6935768335960E-04 +-2.9590996075885E-03 +-7.9788235387563E-03 +-1.2938661414067E-03 + 1.9313431165676E-03 +-9.1253584749123E-03 + 1.4486095307152E-03 + 1.0796152727201E-04 +-2.3722706239450E-04 + 1.9481086594087E-03 + 8.0580982790806E-04 + 3.4268943595181E-04 +-3.9762883192862E-04 + 8.0969199431596E-04 +-3.3406116702910E-04 +-8.9946488119152E-05 + 1.1946385293209E-04 +-3.9822334661580E-04 +-5.2922125510045E-05 +-6.3823925650805E-05 + 6.7593903001614E-05 +-4.3013952636739E-05 + 7.1339225280033E-05 + 3.5702043064959E-05 +-4.1853285868031E-05 + 7.8614668812885E-05 +-5.7749845272572E-06 + 7.9264453054802E-06 +-7.4766846346359E-06 +-9.1528463879094E-06 +-1.2161480905014E-05 +-1.0911225603484E-05 + 1.1673270626759E-05 +-1.2905273803014E-05 + 4.2031993416020E-06 + 5.2690818919023E-07 +-6.6094365971322E-07 + 5.0807998746069E-06 + 1.3045514635807E-06 + 2.6989884836266E-06 +-2.4909979346395E-06 + 1.6700713010090E-06 +-1.4021728797577E-06 +-7.7662445102782E-07 + 6.4839349249583E-07 +-1.5003907146469E-06 +-2.2422382069008E-09 +-4.3520659583605E-07 + 2.8082943323789E-07 +-2.4498137214341E-07 + 3.7748726612229E-07 + 2.7697178460006E-07 +-1.5974682536763E-07 + 2.6696061512684E-07 +-6.3149193302323E-08 +-7.2025382436371E-08 + 5.3273749063442E-09 + 1.5824695463545E-07 +-2.2516957811091E-07 + 1.2590560910283E-09 + 1.6255719763442E-08 + 1.4930257640309E-07 +-1.5381348690646E-07 + 1.0617972525752E-07 + 9.2667796928207E-08 +-6.2980055322401E-08 +-3.3054421724705E-10 +-8.4514144638238E-08 +-6.1866142835258E-08 +-2.8892011076426E-07 + 1.6037232956014E-07 +-5.4090401392873E-09 +-1.3924540462963E-07 +-1.5770072213568E-07 + 1.4674380873395E-07 + 3.5286463491042E-08 + 1.1769512837750E-07 + 1.6874734538156E-07 + 5.0598880496260E-08 +-9.6832236286475E-08 + 5.2840062123396E-08 + 2.0865487920318E-07 +-1.6150858715892E-07 + 4.9409253099313E-08 +-9.0656997848508E-08 + 3.7938689047787E-08 +-1.7126036437107E-07 + 5.0178110713049E-08 + 5.6976395550880E-08 +-3.9874570588095E-08 + 3.3797053641372E+00 + 0.0000000000000E+00 + 6.6330183269641E-02 + 0.0000000000000E+00 + 2.6309877652493E-01 + 2.1896073741276E-03 +-1.0423951308694E-02 + 3.1915642718642E-01 + 4.8034585373675E-03 + 1.5363919344635E-04 + 2.9584109864012E-04 +-3.2839416579520E-03 +-8.4313083731242E-03 +-1.3472988392660E-03 + 2.0575145247790E-03 +-9.6590790811031E-03 + 1.6078610858190E-03 + 1.1612472095660E-04 +-2.5949735650981E-04 + 2.1620886454402E-03 + 8.6268143424955E-04 + 3.7200210601853E-04 +-4.3221765065330E-04 + 8.6013091883200E-04 +-3.7027805412447E-04 +-9.9430469352650E-05 + 1.3206239101445E-04 +-4.4328886931728E-04 +-5.2462935729081E-05 +-6.9410567460354E-05 + 7.3451420873235E-05 +-4.0768180319042E-05 + 8.0088317282528E-05 + 3.9895276684222E-05 +-4.6822053020152E-05 + 8.8399426814594E-05 +-7.9738212274160E-06 + 8.4164878630179E-06 +-7.8194144018556E-06 +-1.1590665558572E-05 +-1.3598216293341E-05 +-1.2220040439846E-05 + 1.3238715152597E-05 +-1.4511088521865E-05 + 5.1513321312184E-06 + 7.1740244604845E-07 +-9.9229062236762E-07 + 5.7992855616485E-06 + 1.5474168632055E-06 + 2.9346299775629E-06 +-2.9944348442825E-06 + 1.7849461351414E-06 +-1.6679250842411E-06 +-8.5215925086723E-07 + 9.2836571055742E-07 +-1.4638870851453E-06 +-1.1190688231159E-08 +-4.4068888080254E-07 + 5.4283085351898E-07 +-1.0570247964501E-07 + 3.7494584484641E-07 + 2.7529718692377E-07 +-3.9403683160254E-07 + 5.6483283651170E-08 + 5.8772081991879E-08 +-4.0561167899812E-08 +-1.6255765742683E-07 +-8.3931565214881E-08 +-5.5601541116808E-08 +-2.5345260478584E-08 + 2.0751940909018E-07 + 2.4783254369908E-07 +-5.6163581012447E-08 + 3.2472756282621E-08 + 1.4536923708842E-07 + 1.6617533557875E-07 +-6.7810900800980E-08 +-4.6306773231077E-09 +-1.6404551191714E-07 +-2.4443216054628E-07 + 5.3972086465344E-08 + 4.8132047531913E-08 +-8.9822435067615E-08 +-2.2907534886297E-07 + 2.0807501192320E-07 +-5.0246894341023E-08 + 1.0959516388795E-07 + 5.8305719382917E-08 + 1.0232298066709E-07 +-6.5251743649523E-08 +-9.1634791693925E-09 + 1.7038283568238E-07 +-9.2126356336623E-08 + 6.8295820310167E-08 +-2.4859278470007E-08 + 1.2985469634106E-07 +-1.5817417171665E-07 +-1.0642067955559E-08 + 5.1716480689135E-08 + 2.2527274099967E-08 + 3.3762497689214E+00 + 0.0000000000000E+00 + 6.6627780780420E-02 + 0.0000000000000E+00 + 2.7667446533507E-01 + 2.2138443245225E-03 +-1.0931001317091E-02 + 3.3585651638675E-01 + 5.3113191041810E-03 + 1.5916530881583E-04 + 3.2396824386514E-04 +-3.6278170247098E-03 +-8.8863164917499E-03 +-1.3979047727090E-03 + 2.1879115682454E-03 +-1.0202023204887E-02 + 1.7761193017551E-03 + 1.2376757377439E-04 +-2.8318278451160E-04 + 2.3888557889252E-03 + 9.2287987404276E-04 + 4.0352774945840E-04 +-4.6917925385177E-04 + 9.1297044923161E-04 +-4.0860394677127E-04 +-1.0939014066402E-04 + 1.4601952372726E-04 +-4.9158568414807E-04 +-5.1614907431711E-05 +-7.5503256099887E-05 + 7.9586665498051E-05 +-3.8060968477310E-05 + 8.9937116004997E-05 + 4.4418495039665E-05 +-5.2711543016114E-05 + 9.8947711026242E-05 +-1.0294691827935E-05 + 8.9657152515306E-06 +-7.9634482019080E-06 +-1.4333922721291E-05 +-1.5137437047520E-05 +-1.3738728166201E-05 + 1.5299074481442E-05 +-1.5973995623926E-05 + 6.1828594030879E-06 + 9.7963075763966E-07 +-1.5532950985963E-06 + 6.7132794601081E-06 + 1.7877094604842E-06 + 3.3164084262468E-06 +-3.6858718993132E-06 + 1.6659838301224E-06 +-1.8435970186685E-06 +-1.0480995518211E-06 + 1.3252487904883E-06 +-1.5964868896901E-06 + 7.5098043546292E-08 +-5.3210734101709E-07 + 8.0511136766393E-07 + 1.9729586932041E-07 + 3.8991566729217E-07 + 3.8858976833107E-07 +-6.0550787110435E-07 + 2.9434864136091E-08 + 3.1483721333975E-08 + 1.1700866675970E-08 +-2.5803862808986E-07 +-3.1873169595257E-07 + 9.4796547809452E-08 +-1.0634550666168E-07 + 2.8875470461873E-07 + 2.1128620625663E-07 + 2.8811039396718E-08 + 4.1841563797325E-09 + 1.5414740154289E-07 + 3.1481656434557E-07 +-1.0446969044874E-07 + 4.9435622091022E-08 +-1.6205073059702E-07 +-1.0536291606006E-07 +-6.2483875041727E-08 + 4.6176289637660E-08 +-7.2126067722692E-08 +-2.2932994206636E-07 + 1.4675895232776E-07 +-6.0999594444341E-08 + 7.6480612679243E-08 +-4.1480036716748E-08 + 9.6767666320334E-08 +-4.5239532484746E-08 +-1.1123495641423E-08 + 1.0659563363215E-07 +-5.7615467342487E-08 + 4.3780394066086E-08 +-8.6460882671212E-09 + 1.5837156258482E-07 +-1.3763856696003E-07 +-1.5729776939827E-09 + 4.3545775019317E-08 + 5.9112196640684E-08 + 3.3727129112422E+00 + 0.0000000000000E+00 + 6.6940594475634E-02 + 0.0000000000000E+00 + 2.9020491218467E-01 + 2.2260639141500E-03 +-1.1437387617441E-02 + 3.5255980157586E-01 + 5.8497189693898E-03 + 1.6369622920092E-04 + 3.5380890024288E-04 +-3.9913425181897E-03 +-9.3445172465527E-03 +-1.4456079077471E-03 + 2.3230736622679E-03 +-1.0754808399688E-02 + 1.9535080305474E-03 + 1.3092933693904E-04 +-3.0823086478582E-04 + 2.6289593687270E-03 + 9.8687764676663E-04 + 4.3745586120654E-04 +-5.0875130496049E-04 + 9.6803990395400E-04 +-4.4924907380349E-04 +-1.1999867129943E-04 + 1.6121756995816E-04 +-5.4335119747327E-04 +-5.0332762839503E-05 +-8.2046927717849E-05 + 8.6116404898129E-05 +-3.4493454723363E-05 + 1.0081316344802E-04 + 4.9357878490167E-05 +-5.9351397723794E-05 + 1.1042358791499E-04 +-1.2831432795576E-05 + 9.5077468718320E-06 +-8.0534166654153E-06 +-1.7646733212546E-05 +-1.6864567577743E-05 +-1.5488163828955E-05 + 1.7685912941604E-05 +-1.7397484875907E-05 + 7.3195906163119E-06 + 1.3304944690926E-06 +-2.1933477674490E-06 + 8.0107688768671E-06 + 1.8781067402975E-06 + 3.8206092608383E-06 +-4.4464686552989E-06 + 1.4482807173487E-06 +-2.0440218283292E-06 +-1.3226855740821E-06 + 1.7393463183466E-06 +-1.9867957937572E-06 + 1.7407853138949E-07 +-6.6626534015043E-07 + 1.0198820761879E-06 + 5.2486653350747E-07 + 4.0545133903384E-07 + 5.3903201839877E-07 +-7.8752033277468E-07 + 2.1287329746040E-07 +-1.2660267414815E-07 + 6.5365665933295E-08 +-2.8361480096485E-07 +-4.8767591980768E-07 + 1.2288134057508E-07 +-1.7793565625783E-07 + 3.3897189385684E-07 + 6.8142461408446E-08 + 8.6949438160812E-08 +-2.2794295202849E-08 + 1.0450824180508E-07 + 3.5008944161381E-07 +-1.3386705472093E-07 + 7.5386498256872E-08 +-1.5788763217290E-07 + 5.1037505770317E-08 +-1.5647129591160E-07 + 5.1277003405135E-08 +-3.7228761979386E-09 +-1.6392482576525E-07 + 4.5840208711581E-08 +-6.1256272667702E-08 + 6.1436105162601E-08 +-1.3495202667035E-07 + 1.0185116235260E-07 +-4.4407785632205E-08 +-7.0448358260025E-08 +-1.3057591406971E-08 +-3.1161087211164E-08 + 4.7041342529367E-08 + 7.5257251611740E-09 + 1.6636341202291E-07 +-9.3271311626948E-08 +-5.9023563908759E-09 + 8.5522196936746E-08 + 1.3950157622384E-07 + 3.3690877135805E+00 + 0.0000000000000E+00 + 6.7271717357656E-02 + 0.0000000000000E+00 + 3.0369989837619E-01 + 2.2263581943634E-03 +-1.1945423608278E-02 + 3.6928551525315E-01 + 6.4207853542204E-03 + 1.6679507519832E-04 + 3.8536332265297E-04 +-4.3756346726277E-03 +-9.8073912555014E-03 +-1.4904336367377E-03 + 2.4637406672849E-03 +-1.1318783281605E-02 + 2.1402422350051E-03 + 1.3769913143123E-04 +-3.3448445295655E-04 + 2.8834049095066E-03 + 1.0550888594661E-03 + 4.7404874206751E-04 +-5.5120350431976E-04 + 1.0252470152268E-03 +-4.9253210815895E-04 +-1.3141605929318E-04 + 1.7747131654784E-04 +-5.9902678464770E-04 +-4.8576690655633E-05 +-8.9066706263876E-05 + 9.3101994000252E-05 +-2.9733735436698E-05 + 1.1272897067348E-04 + 5.4791874131416E-05 +-6.6539060699059E-05 + 1.2303995008154E-04 +-1.5730963449374E-05 + 1.0041808458100E-05 +-8.1184559959216E-06 +-2.1723259145760E-05 +-1.8767936470934E-05 +-1.7519724255647E-05 + 2.0189676748422E-05 +-1.8953170983219E-05 + 8.5958318423309E-06 + 1.7829692715107E-06 +-2.8811130775866E-06 + 9.7745044641191E-06 + 1.8334009262868E-06 + 4.4431949012795E-06 +-5.0911573056202E-06 + 1.2786778149596E-06 +-2.4059259832956E-06 +-1.6588969995402E-06 + 2.1395725510257E-06 +-2.6124013119147E-06 + 3.2813957862888E-07 +-8.4396794674427E-07 + 1.0427788371719E-06 + 7.2407511704548E-07 + 3.9154545516151E-07 + 7.1698680721699E-07 +-9.1449957138202E-07 + 5.3522339425181E-07 +-3.1612506504569E-07 + 1.1886059583198E-07 +-1.2691361084462E-07 +-4.9191001692501E-07 + 1.7373882042713E-08 +-2.6150284116162E-07 + 3.1244811544131E-07 +-1.4384519439604E-07 + 1.6824008922177E-07 +-3.1517703769220E-08 +-7.7063693622436E-08 + 1.9203072803907E-07 +-1.1394096623330E-07 + 1.0973833518359E-07 +-6.3757138663081E-08 + 1.6875550338403E-07 +-1.5495897614594E-07 + 1.6494861302036E-08 + 1.2818591038559E-07 + 2.6853964985076E-08 +-4.5460943042844E-08 +-5.7216566102613E-08 +-4.4929907487482E-08 +-1.8592823696625E-07 + 5.4235374712050E-08 + 1.0210094696667E-08 +-1.1528875130075E-07 +-1.6191692128405E-07 + 6.8746159795686E-08 + 1.6293931290339E-08 + 8.6673444677460E-08 + 1.0261000685864E-07 + 1.4235864842527E-08 +-4.5185804842449E-08 + 5.4696799749981E-08 + 1.7144146664751E-07 + 3.3653760909473E+00 + 0.0000000000000E+00 + 6.7625048203721E-02 + 0.0000000000000E+00 + 3.1712844576858E-01 + 2.2153037633032E-03 +-1.2456728379116E-02 + 3.8600278783354E-01 + 7.0255010411333E-03 + 1.6760368355555E-04 + 4.1832069581800E-04 +-4.7810284461784E-03 +-1.0274927777911E-02 +-1.5323392338557E-03 + 2.6103926788342E-03 +-1.1893732611601E-02 + 2.3363043448456E-03 + 1.4431548570013E-04 +-3.6138743126397E-04 + 3.1526185805314E-03 + 1.1275056539791E-03 + 5.1347216345901E-04 +-5.9678025624567E-04 + 1.0845651963913E-03 +-5.3836992024618E-04 +-1.4384868288202E-04 + 1.9423763780104E-04 +-6.5909971870893E-04 +-4.6233938543745E-05 +-9.6540730151059E-05 + 1.0070965288366E-04 +-2.3769138531765E-05 + 1.2591686163244E-04 + 6.0766634900547E-05 +-7.3818954760909E-05 + 1.3713316942903E-04 +-1.9120458865411E-05 + 1.0564525257976E-05 +-8.3336146255827E-06 +-2.6504991517324E-05 +-2.0712142656828E-05 +-1.9820111090576E-05 + 2.2479751928455E-05 +-2.0915773276360E-05 + 1.0132649804375E-05 + 2.3306552108839E-06 +-3.4502517247784E-06 + 1.1857755284157E-05 + 1.8139624360035E-06 + 5.1132060492118E-06 +-5.4339452007501E-06 + 1.3759474160303E-06 +-2.9202904616170E-06 +-2.0317621089815E-06 + 2.3849843161922E-06 +-3.3172364597222E-06 + 5.2550343581406E-07 +-9.5670318278551E-07 + 8.4936590563622E-07 + 6.7982461910977E-07 + 5.3909210528872E-07 + 8.7074284619036E-07 +-8.9812297336966E-07 + 7.5912525333211E-07 +-4.0083726587771E-07 + 7.3897034189787E-08 + 9.6158338165406E-08 +-3.2470592811543E-07 +-5.7487764708281E-08 +-2.8709264198602E-07 + 2.0147308032131E-07 +-2.1136545675537E-07 + 1.5545651368643E-07 + 5.2466177360800E-08 +-1.8767041871626E-07 +-6.0177428495270E-09 + 3.7383010783815E-08 + 6.7412618453710E-08 + 3.0047708482155E-08 + 9.3208131240615E-08 +-3.9628934192618E-08 +-5.6545499524756E-08 + 1.1798919331656E-07 + 1.2893015586423E-07 +-6.0562216603785E-08 + 6.8098602281562E-09 +-7.0970397763386E-08 +-2.2506019036455E-08 +-4.5773030483163E-08 + 4.9820521455860E-08 +-3.3030843998305E-08 +-1.2245882147903E-07 + 8.1886147418760E-08 +-3.9032709652165E-08 + 4.2127867770049E-08 +-6.7154006184348E-08 + 9.4344057814995E-08 +-3.3222509895976E-08 +-2.8693489919103E-08 + 2.7490184475838E-08 + 3.3615707591407E+00 + 0.0000000000000E+00 + 6.8003469785132E-02 + 0.0000000000000E+00 + 3.3048645725434E-01 + 2.1927024791340E-03 +-1.2973344702722E-02 + 4.0271551469003E-01 + 7.6664317266366E-03 + 1.6596768580873E-04 + 4.5294714856104E-04 +-5.2089136897314E-03 +-1.0747531034776E-02 +-1.5713020380673E-03 + 2.7637588574209E-03 +-1.2481265249861E-02 + 2.5420962503222E-03 + 1.5057788501457E-04 +-3.8921642733107E-04 + 3.4377355495752E-03 + 1.2045263027069E-03 + 5.5604170035672E-04 +-6.4573470405335E-04 + 1.1465525527395E-03 +-5.8702012239310E-04 +-1.5724168747341E-04 + 2.1190135596088E-04 +-7.2409251493338E-04 +-4.2964626147969E-05 +-1.0454131992900E-04 + 1.0893551193497E-04 +-1.6942793135977E-05 + 1.4061196342827E-04 + 6.7146217812028E-05 +-8.1664617766621E-05 + 1.5285815917351E-04 +-2.2927812545143E-05 + 1.1144019343705E-05 +-8.5886665862616E-06 +-3.1629851372231E-05 +-2.2868731854011E-05 +-2.2261123474754E-05 + 2.5090932668067E-05 +-2.3147926656418E-05 + 1.2034096155856E-05 + 2.8970667463319E-06 +-4.1066804996179E-06 + 1.3936375796162E-05 + 1.8641735909008E-06 + 5.7525347438656E-06 +-6.0116711682861E-06 + 1.4810807189423E-06 +-3.4845227218092E-06 +-2.3817805745033E-06 + 2.7577173082410E-06 +-3.7931365755077E-06 + 6.4726433665079E-07 +-9.9585395981901E-07 + 9.0279982407081E-07 + 7.5326072763476E-07 + 7.0687051355131E-07 + 9.7988065445680E-07 +-1.0498666025728E-06 + 7.1813895561400E-07 +-4.0209502555442E-07 +-1.7850762240788E-09 + 7.1542899436332E-08 +-3.6838960193669E-07 +-8.7365285259620E-08 +-2.8081989992206E-07 + 2.8678352590878E-07 +-2.6113389411662E-08 + 1.0608729631429E-07 + 1.0315096072060E-07 +-1.1586204022821E-07 + 7.1505345627148E-08 + 4.3469453149704E-09 + 3.8964300970042E-08 +-5.9732425040879E-08 +-8.9920715978171E-08 + 1.4972227752321E-08 +-6.0012607441493E-08 + 4.0207535559705E-08 +-3.3871979239529E-09 +-3.4912123978883E-09 + 1.5478300762981E-08 + 2.3294044716109E-08 + 1.0350776232970E-07 +-4.6249683065393E-08 + 1.7575462009411E-08 + 1.4248086463823E-09 + 3.2262939014950E-08 +-3.5881972619623E-08 +-1.2308058332006E-08 +-2.6908773047451E-08 +-7.8690494738344E-08 + 1.2490157777973E-08 + 2.8366219852287E-09 +-5.0778615562854E-09 +-6.2476771595596E-08 + 3.3576562247722E+00 + 0.0000000000000E+00 + 6.8409142724496E-02 + 0.0000000000000E+00 + 3.4379223278652E-01 + 2.1576742791502E-03 +-1.3497803138533E-02 + 4.1945784264918E-01 + 8.3478403522348E-03 + 1.6221695962999E-04 + 4.8996154367035E-04 +-5.6616427237562E-03 +-1.1227016350106E-02 +-1.6072870948711E-03 + 2.9248328280212E-03 +-1.3084108864765E-02 + 2.7583994038633E-03 + 1.5611025029226E-04 +-4.1876458406157E-04 + 3.7405846485036E-03 + 1.2868345655746E-03 + 6.0223892109253E-04 +-6.9834177579102E-04 + 1.2116357347071E-03 +-6.3898792171680E-04 +-1.7163080013538E-04 + 2.3122119254692E-04 +-7.9459443191825E-04 +-3.8896538946815E-05 +-1.1317473845046E-04 + 1.1765310982732E-04 +-9.0358214372124E-06 + 1.5712811729249E-04 + 7.3991756328073E-05 +-9.0659804247157E-05 + 1.7021384300516E-04 +-2.7213905076527E-05 + 1.1800840597621E-05 +-8.6559257925003E-06 +-3.7332652821697E-05 +-2.5293658722424E-05 +-2.4980452568736E-05 + 2.8363974501566E-05 +-2.5381492110587E-05 + 1.4143148514200E-05 + 3.5410773758162E-06 +-5.0593662669639E-06 + 1.6278872971868E-05 + 1.9238800864799E-06 + 6.5084883017035E-06 +-6.9106747875739E-06 + 1.3321117066200E-06 +-4.0837701197882E-06 +-2.8047229206956E-06 + 3.3697557158604E-06 +-4.3481459502183E-06 + 8.0823702199630E-07 +-1.0992130900788E-06 + 1.0832873424702E-06 + 1.0874187627762E-06 + 7.8592922729014E-07 + 1.1679793748664E-06 +-1.3467087538657E-06 + 7.5559801561810E-07 +-4.9209795583428E-07 +-1.4304750018080E-08 + 4.5906914812748E-08 +-5.8728644394088E-07 +-2.9051681151213E-08 +-3.6009775843354E-07 + 4.0956779945439E-07 + 6.3436450107679E-11 + 1.4367122719437E-07 + 1.0496018818068E-07 +-1.2676240038972E-07 + 2.0426655647975E-07 +-6.3409423854803E-08 + 8.6396618895531E-08 +-9.1634958197229E-08 +-6.0449688788452E-08 +-3.3840021473285E-08 +-5.1443391622292E-08 + 7.0356446874946E-08 +-7.3547255456887E-08 + 6.8232873014326E-08 +-2.4938935202880E-08 +-7.7287818425685E-10 +-4.9918823231678E-09 + 2.5839294824487E-08 + 1.6677291534491E-08 +-3.2399705396440E-08 + 2.4613958751452E-08 +-3.4466566576047E-08 + 1.1817339142927E-08 + 2.9007948316371E-08 + 6.5747221148494E-08 +-2.5141183265601E-08 +-1.1742391557251E-08 + 9.4013532926252E-09 + 7.3085116784075E-09 + 3.3536271910741E+00 + 0.0000000000000E+00 + 6.8846715174689E-02 + 0.0000000000000E+00 + 3.5702620376209E-01 + 2.1102420265127E-03 +-1.4032897045224E-02 + 4.3621868241723E-01 + 9.0727971027212E-03 + 1.5577662412588E-04 + 5.2950811533050E-04 +-6.1407204323238E-03 +-1.1713832650385E-02 +-1.6401843697810E-03 + 3.0946328439252E-03 +-1.3703790011755E-02 + 2.9853705506116E-03 + 1.6099816690720E-04 +-4.4997294924583E-04 + 4.0625913073047E-03 + 1.3751798613411E-03 + 6.5239387307022E-04 +-7.5509746046179E-04 + 1.2801143250303E-03 +-6.9454605258816E-04 +-1.8730820483940E-04 + 2.5206257353492E-04 +-8.7145761082591E-04 +-3.3966881166606E-05 +-1.2244764153623E-04 + 1.2710776749879E-04 + 1.8824975107180E-07 + 1.7574619011102E-04 + 8.1480945958556E-05 +-1.0058588566445E-04 + 1.8960629370372E-04 +-3.1927245150643E-05 + 1.2483323952564E-05 +-8.7543170640872E-06 +-4.3916982820709E-05 +-2.7935381519242E-05 +-2.8123331107005E-05 + 3.2009028575001E-05 +-2.7831343454493E-05 + 1.6594678298257E-05 + 4.3342905231340E-06 +-6.0618549524160E-06 + 1.9161609423869E-05 + 1.9514688626731E-06 + 7.4401049959257E-06 +-7.8219361514720E-06 + 1.1667942490880E-06 +-4.7474820133225E-06 +-3.3428743009557E-06 + 3.9505379635788E-06 +-5.1748089005757E-06 + 1.0809966593489E-06 +-1.2451119322218E-06 + 1.1500377376482E-06 + 1.4084262568796E-06 + 8.8904915625935E-07 + 1.4262436657341E-06 +-1.5368714019364E-06 + 9.9194667493539E-07 +-6.3486268949725E-07 +-3.2066137607421E-08 + 1.3453648276964E-07 +-7.1397488419065E-07 +-1.6959967492220E-08 +-4.5418719049127E-07 + 3.9729603271544E-07 +-1.1897544409015E-07 + 2.2241341132135E-07 + 1.3385642075695E-07 +-2.0536458815812E-07 + 2.0312258972211E-07 +-7.2606364014839E-08 + 1.0175633170105E-07 +-1.7979286903953E-08 + 5.1496813693404E-08 +-6.1301064836480E-08 +-7.9138305002016E-08 + 1.0799923465004E-07 +-7.8054980393474E-09 + 9.5267079006310E-09 +-6.7964397462032E-09 +-6.4312379100558E-08 +-7.6141988204757E-08 + 9.9253289907067E-09 + 3.6498180210453E-08 +-3.1322813203617E-08 +-4.1628819428279E-08 + 1.9521806883125E-08 +-2.1259323475631E-08 + 5.3599419876540E-08 + 6.8054501871657E-08 +-2.2150978552619E-08 +-1.7554810510238E-08 +-1.1227268659542E-08 + 6.1228886104831E-08 + 3.3494709921155E+00 + 0.0000000000000E+00 + 6.9322546263537E-02 + 0.0000000000000E+00 + 3.7018983678766E-01 + 2.0504592536314E-03 +-1.4582899600765E-02 + 4.5301559905740E-01 + 9.8460423181517E-03 + 1.4600343151760E-04 + 5.7185441062882E-04 +-6.6486479609459E-03 +-1.2209270341193E-02 +-1.6699646221982E-03 + 3.2746074884636E-03 +-1.4343210844246E-02 + 3.2235635485477E-03 + 1.6525875036811E-04 +-4.8291997092743E-04 + 4.4059291799291E-03 + 1.4703307523849E-03 + 7.0699804011129E-04 +-8.1662141717877E-04 + 1.3526950230702E-03 +-7.5413547563023E-04 +-2.0450385784813E-04 + 2.7449017131335E-04 +-9.5576701438790E-04 +-2.8172366709433E-05 +-1.3244382772492E-04 + 1.3750521224883E-04 + 1.0769009145388E-05 + 1.9683057513735E-04 + 8.9677745698656E-05 +-1.1149693800321E-04 + 2.1151294382397E-04 +-3.7241668592005E-05 + 1.3232701728891E-05 +-8.9566830366621E-06 +-5.1418424222296E-05 +-3.0865259280611E-05 +-3.1722021558097E-05 + 3.6074802188101E-05 +-3.0637789003427E-05 + 1.9418141517341E-05 + 5.2507202071466E-06 +-7.1164288854531E-06 + 2.2576642936674E-05 + 1.9376454940984E-06 + 8.5189153518475E-06 +-8.8028087964537E-06 + 1.0675293520385E-06 +-5.6209443500991E-06 +-3.9455809568299E-06 + 4.5646508696457E-06 +-6.1631611392772E-06 + 1.3802313328855E-06 +-1.3866307438976E-06 + 1.1924476780920E-06 + 1.6989738311650E-06 + 1.0346622637767E-06 + 1.6957040312229E-06 +-1.7460021069724E-06 + 1.2287717205454E-06 +-8.1876401697633E-07 +-8.3061933695083E-08 + 2.3038085526591E-07 +-7.8901610348158E-07 +-7.3720649969206E-08 +-5.1994995466342E-07 + 4.1665565194526E-07 +-1.6203695315162E-07 + 2.3942031754952E-07 + 1.8758963762855E-07 +-2.6333940535169E-07 + 1.6843135036861E-07 +-5.0046373374111E-08 + 7.9076843444380E-08 +-7.1642421262421E-09 + 2.8279952564650E-08 +-8.9679629062681E-08 +-1.0827288046755E-07 + 1.1814070520043E-07 + 5.8964546776280E-08 +-5.2689038895323E-08 + 2.8861602511406E-08 +-4.7186397524581E-08 + 2.7044846461377E-09 +-5.9095221171734E-08 + 4.2499017731354E-08 +-1.9503021164639E-08 +-8.4614361839685E-08 + 3.8390174511903E-08 +-4.5259601340259E-08 + 1.1913098852512E-08 +-5.7065829547570E-08 + 6.8462396985803E-09 +-7.0643749745189E-09 +-1.8190876604614E-08 + 4.7941716900195E-08 + 3.3451795580146E+00 + 0.0000000000000E+00 + 6.9842248051783E-02 + 0.0000000000000E+00 + 3.8326595772893E-01 + 1.9783848641234E-03 +-1.5151606556098E-02 + 4.6984283042961E-01 + 1.0671696732834E-02 + 1.3252964116267E-04 + 6.1747443989271E-04 +-7.1873914973210E-03 +-1.2713967702166E-02 +-1.6965972107130E-03 + 3.4659755643546E-03 +-1.5004368041777E-02 + 3.4732305830210E-03 + 1.6871095428268E-04 +-5.1798626409598E-04 + 4.7724217909945E-03 + 1.5730309851803E-03 + 7.6657370806091E-04 +-8.8334006409317E-04 + 1.4299334376956E-03 +-8.1829018968687E-04 +-2.2335551735167E-04 + 2.9889269905717E-04 +-1.0484430682373E-03 +-2.1433728824691E-05 +-1.4328093196303E-04 + 1.4885617472237E-04 + 2.2749354012197E-05 + 2.2074919959325E-04 + 9.8618952366029E-05 +-1.2373167256711E-04 + 2.3622604670578E-04 +-4.3245929172895E-05 + 1.4116469545124E-05 +-9.1260448535938E-06 +-5.9871761333212E-05 +-3.4202889518701E-05 +-3.5821033886157E-05 + 4.0814772232773E-05 +-3.3750829781139E-05 + 2.2736551341335E-05 + 6.2743382344784E-06 +-8.4215484161817E-06 + 2.6470061501972E-05 + 1.8735318622620E-06 + 9.7568281008664E-06 +-1.0020197061529E-05 + 9.1080163147447E-07 +-6.6768602648575E-06 +-4.6131296140418E-06 + 5.4128747291039E-06 +-7.2028285214829E-06 + 1.6782447141320E-06 +-1.5299042201387E-06 + 1.3128081361724E-06 + 2.0906922827782E-06 + 1.2420359753473E-06 + 1.9894221769230E-06 +-2.1456132821980E-06 + 1.3413133004495E-06 +-1.0187835740724E-06 +-1.5238874388183E-07 + 2.8549124564908E-07 +-9.6262582454357E-07 +-1.1632299019125E-07 +-5.9519040727825E-07 + 5.8422580406352E-07 +-3.9502040808635E-08 + 2.4005540860217E-07 + 2.4841629212526E-07 +-2.9944357186686E-07 + 2.1709213499047E-07 +-6.0117561634879E-08 + 7.3398354502708E-08 +-1.0233046796712E-07 +-1.4290380599151E-07 +-7.5484759054420E-08 +-1.3724777030124E-07 + 1.2496658954814E-07 + 2.0399911247865E-08 +-3.0851406552871E-08 + 3.6079925896535E-08 + 2.8202131347902E-08 + 1.5446069823851E-07 +-7.6045518251047E-08 + 4.5604015088258E-08 +-2.0257184243155E-08 +-4.8193675292003E-08 + 6.9603182825378E-10 +-3.5734931842472E-08 +-4.1223392076357E-08 +-1.7386338313701E-07 + 5.6034474269812E-08 +-5.6348592206142E-09 +-8.9411488099027E-09 +-1.8601316751507E-08 + 3.3407446121550E+00 + 0.0000000000000E+00 + 7.0411362086396E-02 + 0.0000000000000E+00 + 3.9623690646081E-01 + 1.8936242508249E-03 +-1.5742480243224E-02 + 4.8669347052338E-01 + 1.1554085802303E-02 + 1.1515232498664E-04 + 6.6703675540058E-04 +-7.7589210891146E-03 +-1.3228581413440E-02 +-1.7200087699351E-03 + 3.6699055725081E-03 +-1.5688995617207E-02 + 3.7346209843807E-03 + 1.7105533462942E-04 +-5.5577151637147E-04 + 5.1638648844634E-03 + 1.6841294539597E-03 + 8.3165704001197E-04 +-9.5562428675094E-04 + 1.5121851877773E-03 +-8.8753369384789E-04 +-2.4399858095724E-04 + 3.2585866075455E-04 +-1.1503893023799E-03 +-1.3639872705725E-05 +-1.5504718675572E-04 + 1.6112626973714E-04 + 3.6325024163309E-05 + 2.4800221280516E-04 + 1.0837428350939E-04 +-1.3776801578567E-04 + 2.6393039431066E-04 +-4.9966006005597E-05 + 1.5149474655121E-05 +-9.1162604627522E-06 +-6.9471259654474E-05 +-3.7919860959674E-05 +-4.0533861112536E-05 + 4.6536276871103E-05 +-3.7041223163286E-05 + 2.6665698322067E-05 + 7.4683029160252E-06 +-1.0124394893960E-05 + 3.0961101482560E-05 + 1.8222816228032E-06 + 1.1217209208027E-05 +-1.1620395655266E-05 + 5.2243817175264E-07 +-7.8743150787360E-06 +-5.4178122212591E-06 + 6.5810880644268E-06 +-8.3492538504869E-06 + 2.0987444320030E-06 +-1.7103612770885E-06 + 1.5597729323714E-06 + 2.7274991878210E-06 + 1.4569542472870E-06 + 2.3876951461864E-06 +-2.7396821973466E-06 + 1.4243767428971E-06 +-1.2398797561738E-06 +-2.1689318367472E-07 + 3.0362959069768E-07 +-1.3048801669900E-06 +-9.0169442346413E-08 +-7.4008794131823E-07 + 8.3119189292881E-07 + 1.0650191025206E-07 + 3.1337566317964E-07 + 3.0325274140551E-07 +-3.3963347757361E-07 + 3.6652242630631E-07 +-1.3414657262840E-07 + 1.1767051490410E-07 +-1.9813607238354E-07 +-2.7521144252916E-07 +-5.4383244802780E-08 +-1.6782748341498E-07 + 1.4961348536862E-07 +-7.6626234506917E-08 + 6.0608393238004E-08 + 7.9148267491422E-09 + 5.5614694241382E-08 + 1.9375650446787E-07 +-3.1556059454158E-08 + 5.0811610859239E-08 +-3.4701727016629E-08 + 1.2976208834100E-08 +-3.7143122720376E-08 +-1.4500161082053E-08 +-2.9168719313466E-08 +-1.3782954409558E-07 + 5.3573407863328E-08 +-6.4868967551147E-09 + 4.1855848509166E-09 +-4.5219982277109E-08 + 3.3361516336304E+00 + 0.0000000000000E+00 + 7.1038849792075E-02 + 0.0000000000000E+00 + 4.0910119553312E-01 + 1.7968216994392E-03 +-1.6361686956763E-02 + 5.0358175192016E-01 + 1.2499001722554E-02 + 9.3115597982115E-05 + 7.2107754527403E-04 +-8.3660065063053E-03 +-1.3754543493493E-02 +-1.7402502385476E-03 + 3.8881834152305E-03 +-1.6399452244353E-02 + 4.0081967978254E-03 + 1.7229758322243E-04 +-5.9654766952027E-04 + 5.5827164241389E-03 + 1.8045828394819E-03 + 9.0285324510049E-04 +-1.0341536229821E-03 + 1.5997257135228E-03 +-9.6242844555146E-04 +-2.6679028269197E-04 + 3.5556699605863E-04 +-1.2628622792982E-03 +-4.7348890585594E-06 +-1.6778140897246E-04 + 1.7453293786195E-04 + 5.1908213283824E-05 + 2.7913148082865E-04 + 1.1911634911690E-04 +-1.5368265995880E-04 + 2.9507260801931E-04 +-5.7516382536427E-05 + 1.6293570644694E-05 +-9.0544107131091E-06 +-8.0618380528422E-05 +-4.1979019342541E-05 +-4.6036245620897E-05 + 5.3191003661361E-05 +-4.0582027126724E-05 + 3.1295238224993E-05 + 8.9136830551793E-06 +-1.2095225484552E-05 + 3.6382307692167E-05 + 1.7424927628954E-06 + 1.2976504061404E-05 +-1.3458636108606E-05 +-2.1774365584705E-08 +-9.2805201827384E-06 +-6.4055750796052E-06 + 7.9213395083531E-06 +-9.8242724344167E-06 + 2.6745280404061E-06 +-1.9321252553908E-06 + 1.7852415893644E-06 + 3.5364133767224E-06 + 1.6887499816244E-06 + 2.9148977753894E-06 +-3.3740256925822E-06 + 1.6572901487045E-06 +-1.5640863227593E-06 +-2.8935728873692E-07 + 3.8915742001073E-07 +-1.6938049310534E-06 +-5.7655885934484E-08 +-9.3759084402823E-07 + 1.0234052384423E-06 + 1.4614581305359E-07 + 4.1933592801100E-07 + 3.7394511258855E-07 +-4.3943181863821E-07 + 4.9287452629553E-07 +-2.0941821858583E-07 + 1.5907063027907E-07 +-2.2031273459074E-07 +-3.0941093843208E-07 +-7.3349820040536E-08 +-2.1781481100993E-07 + 2.0393577662870E-07 +-1.1126009234698E-07 + 1.0927514134298E-07 +-5.0611975872732E-09 + 2.9405591544839E-08 + 1.6644355131808E-07 +-1.1109915614507E-08 + 6.4120077918339E-08 +-5.1395590289764E-08 + 1.1955728972066E-08 +-3.7557581749338E-08 +-1.7485832102546E-08 + 7.0905610875759E-09 +-8.1970346854366E-08 + 3.2782386771275E-08 +-7.8234537626298E-09 + 7.9773825105184E-09 +-1.6082212881484E-08 + 3.3313850462320E+00 + 0.0000000000000E+00 + 7.1735279803961E-02 + 0.0000000000000E+00 + 4.2185487987578E-01 + 1.6887935661951E-03 +-1.7016257650526E-02 + 5.2052002176892E-01 + 1.3512730603217E-02 + 6.5552488257159E-05 + 7.8023208273512E-04 +-9.0115617238277E-03 +-1.4293147833211E-02 +-1.7574161298535E-03 + 4.1227913212632E-03 +-1.7138146067918E-02 + 4.2942697813245E-03 + 1.7240076469564E-04 +-6.4067804783993E-04 + 6.0316698589915E-03 + 1.9353456632054E-03 + 9.8084961199125E-04 +-1.1196485275462E-03 + 1.6929504092339E-03 +-1.0436645145819E-03 +-2.9206174913946E-04 + 3.8832467474555E-04 +-1.3872788778870E-03 + 5.3874199140971E-06 +-1.8157157490467E-04 + 1.8925266324874E-04 + 6.9803394145690E-05 + 3.1470394969881E-04 + 1.3096106534525E-04 +-1.7172166842077E-04 + 3.3017318175223E-04 +-6.6085705122425E-05 + 1.7572336049840E-05 +-8.9553032136776E-06 +-9.3573121308271E-05 +-4.6451857468089E-05 +-5.2455346564599E-05 + 6.0922256623653E-05 +-4.4428299284535E-05 + 3.6772851645260E-05 + 1.0628202737548E-05 +-1.4384917790293E-05 + 4.2874978318841E-05 + 1.5897629799159E-06 + 1.5061186995381E-05 +-1.5585972371046E-05 +-7.1872387352841E-07 +-1.0991661876706E-05 +-7.5665087097859E-06 + 9.5192320248265E-06 +-1.1617913919570E-05 + 3.3891760711763E-06 +-2.1700098869676E-06 + 2.0207363963609E-06 + 4.5288720148043E-06 + 1.9819868712622E-06 + 3.5582349243987E-06 +-4.1516951732806E-06 + 1.9364135030894E-06 +-1.9846717449881E-06 +-3.8998648694652E-07 + 5.0652487441461E-07 +-2.1578737851502E-06 +-3.8144909297572E-08 +-1.1695427567534E-06 + 1.2672778042524E-06 + 2.2615566807720E-07 + 5.3186022483615E-07 + 4.6970156493430E-07 +-5.6953844137636E-07 + 6.3309655967839E-07 +-2.8784956552756E-07 + 1.8961554670963E-07 +-2.6975003501258E-07 +-4.0560965100078E-07 +-1.0516430597833E-07 +-2.8768706975168E-07 + 2.7210226286088E-07 +-1.3674313676379E-07 + 1.4561338903052E-07 +-9.6257909325764E-09 + 2.9057034926844E-08 + 2.1084124156103E-07 +-2.2772650747405E-08 + 7.8754265935292E-08 +-7.2798565258909E-08 + 5.7204685607295E-09 +-5.6408372335117E-08 +-2.4510317811248E-08 + 2.1682150314394E-08 +-9.2898725815184E-08 + 2.6666086484823E-08 +-8.0370000312704E-09 + 1.8639345118322E-08 +-4.9762486249894E-09 + 3.3264281055663E+00 + 0.0000000000000E+00 + 7.2512226568654E-02 + 0.0000000000000E+00 + 4.3449211248601E-01 + 1.5700096274949E-03 +-1.7713679830622E-02 + 5.3751956339393E-01 + 1.4602389433198E-02 + 3.1705200537536E-05 + 8.4542299921509E-04 +-9.6988105469366E-03 +-1.4845645737514E-02 +-1.7715923472962E-03 + 4.3758761471660E-03 +-1.7907523662575E-02 + 4.5931224302386E-03 + 1.7116536710675E-04 +-6.8885016454931E-04 + 6.5137038930932E-03 + 2.0774954459668E-03 + 1.0664226230118E-03 +-1.2128412261626E-03 + 1.7922620144350E-03 +-1.1320466808302E-03 +-3.2012692532395E-04 + 4.2476724178337E-04 +-1.5251744974572E-03 + 1.6824359934616E-05 +-1.9652709080146E-04 + 2.0539931084497E-04 + 9.0374633554387E-05 + 3.5539539896760E-04 + 1.4406117470461E-04 +-1.9238949629624E-04 + 3.6972137904189E-04 +-7.5858980168814E-05 + 1.9015795872490E-05 +-8.7386407870468E-06 +-1.0867173217958E-04 +-5.1400231893180E-05 +-5.9981778495324E-05 + 7.0024414585246E-05 +-4.8543628149090E-05 + 4.3267325674053E-05 + 1.2671515673177E-05 +-1.7128107111730E-05 + 5.0639836279832E-05 + 1.3208276663649E-06 + 1.7542914696855E-05 +-1.8113507269859E-05 +-1.6633312300206E-06 +-1.3049727110622E-05 +-8.9597581784592E-06 + 1.1485021194523E-05 +-1.3788528929356E-05 + 4.2777924573204E-06 +-2.4430657429074E-06 + 2.2920685355953E-06 + 5.7938100212945E-06 + 2.3284167744853E-06 + 4.3781919283714E-06 +-5.1235842491629E-06 + 2.2827384583165E-06 +-2.5502050029372E-06 +-5.0968606052933E-07 + 6.6616006724174E-07 +-2.7454035598229E-06 + 1.5701515288250E-09 +-1.4774555231640E-06 + 1.5553130240960E-06 + 3.1651630072005E-07 + 6.5842931456944E-07 + 5.9198663948727E-07 +-7.5149241235628E-07 + 8.1093673309370E-07 +-4.2745001996756E-07 + 2.4094658748808E-07 +-3.0021013764869E-07 +-4.8594371388679E-07 +-1.6756025235839E-07 +-3.7975713089092E-07 + 3.6985340773582E-07 +-1.6793985844996E-07 + 1.8605207707640E-07 +-2.2059506340567E-08 +-1.0671778908665E-08 + 2.0705438718682E-07 +-3.8111578482097E-08 + 9.6569367196203E-08 +-1.0553653504996E-07 +-1.0926146637489E-08 +-9.7895684652722E-08 +-3.7269588253805E-08 + 7.3464707359980E-08 +-4.3207971062931E-08 + 2.3240944258444E-08 +-1.4588379301436E-08 + 3.0182678832897E-08 + 5.9759624412667E-09 + 3.3212705299798E+00 + 0.0000000000000E+00 + 7.3383373138771E-02 + 0.0000000000000E+00 + 4.4698721907605E-01 + 1.4422487829119E-03 +-1.8463023726915E-02 + 5.5456675937822E-01 + 1.5774299093106E-02 +-9.5461818826542E-06 + 9.1749914038874E-04 +-1.0430237865279E-02 +-1.5412407341492E-02 +-1.7829743090965E-03 + 4.6497528773106E-03 +-1.8708967390103E-02 + 4.9043682633407E-03 + 1.6856488543410E-04 +-7.4160125063133E-04 + 7.0314800000646E-03 + 2.2319929289859E-03 + 1.1602655198160E-03 +-1.3145870856106E-03 + 1.8979227744078E-03 +-1.2283303236662E-03 +-3.5139849732589E-04 + 4.6535810338161E-04 +-1.6781970223497E-03 + 2.9590220057314E-05 +-2.1271083086898E-04 + 2.2326490669359E-04 + 1.1407518919481E-04 + 4.0190367570311E-04 + 1.5864756174266E-04 +-2.1602601655863E-04 + 4.1433149824575E-04 +-8.7060844431198E-05 + 2.0633836444180E-05 +-8.5018482608560E-06 +-1.2639631259051E-04 +-5.6850909334601E-05 +-6.8854234713977E-05 + 8.0636964229933E-05 +-5.3015243942301E-05 + 5.0969154803119E-05 + 1.5114914617001E-05 +-2.0302283131805E-05 + 6.0011954506702E-05 + 9.1463633035075E-07 + 2.0499175932851E-05 +-2.1028731353870E-05 +-2.8510495014174E-06 +-1.5552159415975E-05 +-1.0640931892795E-05 + 1.3800867623259E-05 +-1.6493492515524E-05 + 5.4072928662109E-06 +-2.7550215831294E-06 + 2.5470982090561E-06 + 7.3392678247796E-06 + 2.7346926050789E-06 + 5.4113765188085E-06 +-6.2509053883655E-06 + 2.7830256442283E-06 +-3.2784567440048E-06 +-6.6059218587157E-07 + 9.1350101610980E-07 +-3.4385132880402E-06 + 1.4780481134371E-08 +-1.8531919655454E-06 + 1.8457370190613E-06 + 3.7731806089427E-07 + 8.1254335781096E-07 + 7.6241768507709E-07 +-1.0110166675537E-06 + 9.9645263281415E-07 +-6.0024914260144E-07 + 2.8181961265315E-07 +-2.9857496231365E-07 +-5.6196870154163E-07 +-2.3748433523096E-07 +-5.0925737491714E-07 + 4.9946057176973E-07 +-1.8391172084673E-07 + 1.9872521081457E-07 +-1.3865312492199E-08 +-7.2187315804291E-08 + 1.9997380417657E-07 +-5.4613199224489E-08 + 1.1481161013424E-07 +-1.4640769750878E-07 +-5.8734004789772E-08 +-9.3772278430747E-08 +-8.2329304870386E-08 + 1.2178878073946E-07 +-3.5929107244408E-08 + 3.3971333791007E-08 +-2.3942347597804E-08 + 4.6286563983998E-08 + 4.2363819006251E-08 + 3.3158870938128E+00 + 0.0000000000000E+00 + 7.4366821069501E-02 + 0.0000000000000E+00 + 4.5934771124267E-01 + 1.3066929675434E-03 +-1.9276411411244E-02 + 5.7169562596135E-01 + 1.7038925915133E-02 +-5.9400569959577E-05 + 9.9783562597874E-04 +-1.1210603323227E-02 +-1.5995356378794E-02 +-1.7918136798358E-03 + 4.9477827544489E-03 +-1.9546256410506E-02 + 5.2283597642428E-03 + 1.6439979177832E-04 +-7.9997227412737E-04 + 7.5893558969743E-03 + 2.4003821145664E-03 + 1.2634493125635E-03 +-1.4260656092972E-03 + 2.0105383808827E-03 +-1.3335957783736E-03 +-3.8633048725492E-04 + 5.1105295106249E-04 +-1.8485901985476E-03 + 4.3714041018212E-05 +-2.3031139309429E-04 + 2.4308539239200E-04 + 1.4145294495336E-04 + 4.5526182823800E-04 + 1.7497071854214E-04 +-2.4338394759880E-04 + 4.6472785006822E-04 +-9.9988572330909E-05 + 2.2499393137946E-05 +-8.1314480959849E-06 +-1.4730305207417E-04 +-6.2853601995668E-05 +-7.9338589501052E-05 + 9.3203997029126E-05 +-5.7815415674761E-05 + 6.0190556740974E-05 + 1.8009668043371E-05 +-2.4157704376185E-05 + 7.1285079976268E-05 + 3.9088025289041E-07 + 2.4009960688394E-05 +-2.4519277229884E-05 +-4.4375061764432E-06 +-1.8606926441681E-05 +-1.2647977669469E-05 + 1.6737300259178E-05 +-1.9746713609791E-05 + 6.8484914186221E-06 +-3.0993628051113E-06 + 2.8580838416945E-06 + 9.3401586910246E-06 + 3.2702811401298E-06 + 6.7055825922517E-06 +-7.7569275450709E-06 + 3.3119069812123E-06 +-4.2032917812980E-06 +-8.5899732504326E-07 + 1.2251767115039E-06 +-4.3467973914578E-06 + 3.4859723114533E-08 +-2.3152542263518E-06 + 2.2974181808481E-06 + 5.8485551985586E-07 + 9.9713438901142E-07 + 1.0003879936910E-06 +-1.3512540190925E-06 + 1.2561601626168E-06 +-8.1222175190362E-07 + 3.1772978348028E-07 +-3.7948772833155E-07 +-8.0071955826265E-07 +-3.1680274097606E-07 +-6.9279187639964E-07 + 6.6729515267588E-07 +-2.1909551033841E-07 + 2.3719688815874E-07 +-7.7095821834562E-09 +-8.7326210771385E-08 + 3.2330448289714E-07 +-8.6064805896186E-08 + 1.3506690942577E-07 +-2.0293932700778E-07 +-1.1422626753298E-07 +-1.1297002878067E-07 +-1.3763218027493E-07 + 1.4438843658979E-07 +-1.2782954542968E-07 + 6.6685943566807E-08 +-4.3631750131244E-08 + 7.3453085178945E-08 + 8.0555960199187E-08 + 3.3102664967054E+00 + 0.0000000000000E+00 + 7.5481253567533E-02 + 0.0000000000000E+00 + 4.7154324934941E-01 + 1.1656544140758E-03 +-2.0166495035427E-02 + 5.8889124329975E-01 + 1.8404378439697E-02 +-1.1901888845983E-04 + 1.0879566418679E-03 +-1.2042805355041E-02 +-1.6594730592549E-02 +-1.7984300527690E-03 + 5.2731371923167E-03 +-2.0420968119263E-02 + 5.5642652056038E-03 + 1.5846999920663E-04 +-8.6517963637016E-04 + 8.1905437987432E-03 + 2.5839490468865E-03 + 1.3768922106546E-03 +-1.5483770946105E-03 + 2.1304005647463E-03 +-1.4487667166143E-03 +-4.2537070192149E-04 + 5.6295261947857E-04 +-2.0383994998891E-03 + 5.9147828261533E-05 +-2.4950950175983E-04 + 2.6510211130868E-04 + 1.7311789444445E-04 + 5.1644423146728E-04 + 1.9334062606092E-04 +-2.7532606090220E-04 + 5.2161006803602E-04 +-1.1495510972550E-04 + 2.4641645275157E-05 +-7.5244930242843E-06 +-1.7205010233060E-04 +-6.9460711080435E-05 +-9.1785667267481E-05 + 1.0821036461734E-04 +-6.2917970332179E-05 + 7.1225883903378E-05 + 2.1479780816860E-05 +-2.8896400051919E-05 + 8.4882172781078E-05 +-3.1371191128223E-07 + 2.8217360229682E-05 +-2.8748585175034E-05 +-6.5527864042755E-06 +-2.2343859698197E-05 +-1.5098122196985E-05 + 2.0465506301793E-05 +-2.3691776985427E-05 + 8.7061731768466E-06 +-3.4979441587769E-06 + 3.2461358409357E-06 + 1.1920883593725E-05 + 3.9275401087243E-06 + 8.3849710055635E-06 +-9.7090562731455E-06 + 3.9121181835325E-06 +-5.3996937287738E-06 +-1.1101657066759E-06 + 1.6214423664092E-06 +-5.5224526150610E-06 + 1.0159912042588E-07 +-2.9344496190655E-06 + 2.8750754177955E-06 + 9.0002677153053E-07 + 1.2343122667386E-06 + 1.3233686525967E-06 +-1.7959398541911E-06 + 1.6049083381692E-06 +-1.1370429223138E-06 + 3.7756394605799E-07 +-4.6085778135681E-07 +-1.1072892086994E-06 +-4.2615117432536E-07 +-9.4610070502434E-07 + 8.7498959762190E-07 +-2.7158790361439E-07 + 3.0622097520412E-07 +-1.6864392858176E-08 +-1.4944843799932E-07 + 4.4601680082736E-07 +-1.4382354977772E-07 + 1.5507027539929E-07 +-2.6174108032590E-07 +-1.6816472661561E-07 +-1.7273330815911E-07 +-2.0922146351586E-07 + 2.1829658032069E-07 +-1.8055423981561E-07 + 1.0493227275260E-07 +-7.6604964000303E-08 + 9.0504851125774E-08 + 9.5166405595808E-08 + 3.3043890445854E+00 + 0.0000000000000E+00 + 7.6752080202651E-02 + 0.0000000000000E+00 + 4.8355874517650E-01 + 1.0219989477702E-03 +-2.1150436955547E-02 + 6.0616278608649E-01 + 1.9881855223756E-02 +-1.9018389842414E-04 + 1.1897164982458E-03 +-1.2931199098693E-02 +-1.7211515788815E-02 +-1.8032377432586E-03 + 5.6302869016667E-03 +-2.1335858283502E-02 + 5.9113391499573E-03 + 1.5072430769522E-04 +-9.3860675134421E-04 + 8.8395269548947E-03 + 2.7844187456478E-03 + 1.5017530987218E-03 +-1.6831816651753E-03 + 2.2578642802470E-03 +-1.5750098239326E-03 +-4.6914460750193E-04 + 6.2227677297364E-04 +-2.2502702629880E-03 + 7.5725495265175E-05 +-2.7055654043401E-04 + 2.8978417794447E-04 + 2.0998143974552E-04 + 5.8667039289879E-04 + 2.1420215817387E-04 +-3.1278275889775E-04 + 5.8589330543299E-04 +-1.3235966100741E-04 + 2.7086926844895E-05 +-6.6705050194245E-06 +-2.0163942748966E-04 +-7.6739134139888E-05 +-1.0664376864519E-04 + 1.2613528999536E-04 +-6.8319736175327E-05 + 8.4465639766554E-05 + 2.5669237159931E-05 +-3.4688482612775E-05 + 1.0147401592153E-04 +-1.2680345036802E-06 + 3.3283281063492E-05 +-3.3831655468098E-05 +-9.3579481781553E-06 +-2.6961657988053E-05 +-1.8111552067511E-05 + 2.5160689224268E-05 +-2.8599895380726E-05 + 1.1087250096546E-05 +-3.9626496463323E-06 + 3.6755430786318E-06 + 1.5261952893675E-05 + 4.7631133290423E-06 + 1.0564170620485E-05 +-1.2200305897531E-05 + 4.6484961179859E-06 +-6.9578528666131E-06 +-1.4416595427381E-06 + 2.1753874222277E-06 +-7.0685010903227E-06 + 2.1504790737119E-07 +-3.7322313672435E-06 + 3.5999702098161E-06 + 1.3430775259509E-06 + 1.5227122861926E-06 + 1.7774744358429E-06 +-2.4114162997937E-06 + 2.0905261942642E-06 +-1.5690089223672E-06 + 4.4626475695165E-07 +-5.4739886367156E-07 +-1.5346538721738E-06 +-5.9290087110949E-07 +-1.2822632272713E-06 + 1.1693896391983E-06 +-3.4917377632496E-07 + 3.6086424569358E-07 +-7.8095818956596E-09 +-2.4721732599993E-07 + 6.5657870997577E-07 +-2.5108335932184E-07 + 1.8237738921408E-07 +-3.6187125007209E-07 +-2.4268537080267E-07 +-2.7602389808897E-07 +-3.2303590111110E-07 + 3.1694838782064E-07 +-3.0492352239562E-07 + 1.3378543171738E-07 +-1.3278828642829E-07 + 1.2298055193790E-07 + 1.2493303786221E-07 + 3.2982242361014E+00 + 0.0000000000000E+00 + 7.8211905372354E-02 + 0.0000000000000E+00 + 4.9539420700616E-01 + 8.7889616223080E-04 +-2.2250872685177E-02 + 6.2354609591935E-01 + 2.1486856840558E-02 +-2.7490997517008E-04 + 1.3058121796748E-03 +-1.3882139601059E-02 +-1.7847454125348E-02 +-1.8067405098253E-03 + 6.0252606936982E-03 +-2.2295305930945E-02 + 6.2689457783877E-03 + 1.4092388449657E-04 +-1.0224509435795E-03 + 9.5425037123269E-03 + 3.0041193989067E-03 + 1.6396059966667E-03 +-1.8326610141829E-03 + 2.3935445516487E-03 +-1.7139183472816E-03 +-5.1832324108882E-04 + 6.9103342329512E-04 +-2.4875596705593E-03 + 9.3165095781495E-05 +-2.9386807764651E-04 + 3.1760663924701E-04 + 2.5317159496829E-04 + 6.6751103850903E-04 + 2.3813305808864E-04 +-3.5731314755312E-04 + 6.5863300076903E-04 +-1.5273720942926E-04 + 2.9915222735790E-05 +-5.3308692579717E-06 +-2.3731223273804E-04 +-8.4765684749488E-05 +-1.2446625925475E-04 + 1.4786214941479E-04 +-7.3916314292353E-05 + 1.0047222540835E-04 + 3.0727055339671E-05 +-4.2029570562806E-05 + 1.2179660544458E-04 +-2.5280506815129E-06 + 3.9392109822185E-05 +-4.0126545735965E-05 +-1.3171609100425E-05 +-3.2736593938075E-05 +-2.1889674128662E-05 + 3.1301487527379E-05 +-3.4636353612798E-05 + 1.4208242622220E-05 +-4.5218781629973E-06 + 4.2467443241489E-06 + 1.9672773390106E-05 + 5.8183262360006E-06 + 1.3421544345411E-05 +-1.5534145089566E-05 + 5.4288007432334E-06 +-8.9884997110756E-06 +-1.8934798152772E-06 + 2.8951098917323E-06 +-9.1397618995696E-06 + 4.2523756053605E-07 +-4.7911486733440E-06 + 4.6172832625693E-06 + 2.0752067336653E-06 + 1.9372033342005E-06 + 2.4213777882789E-06 +-3.2226151643112E-06 + 2.7562861713807E-06 +-2.1818086418149E-06 + 5.4807973605966E-07 +-6.9448459111693E-07 +-2.1993610985660E-06 +-8.0674320768962E-07 +-1.7314355900621E-06 + 1.5541806974010E-06 +-4.3538714066175E-07 + 4.8338011367060E-07 + 8.6469647700306E-09 +-3.7071057210200E-07 + 9.9289263892679E-07 +-3.9578886740943E-07 + 2.2841513392178E-07 +-4.9155446585373E-07 +-3.5696698428095E-07 +-4.6865681989919E-07 +-4.7722297210623E-07 + 4.4003046289794E-07 +-4.5782988064067E-07 + 1.8712190217786E-07 +-2.2827681937120E-07 + 1.3739654572281E-07 + 1.6825497492633E-07 + 3.2917476266594E+00 + 0.0000000000000E+00 + 7.9900632434880E-02 + 0.0000000000000E+00 + 5.0702883181603E-01 + 7.4025835679646E-04 +-2.3494382929055E-02 + 6.4105349249943E-01 + 2.3235484414913E-02 +-3.7592793917864E-04 + 1.4393873454251E-03 +-1.4901607077130E-02 +-1.8503106230450E-02 +-1.8095067485243E-03 + 6.4650994127387E-03 +-2.3302665947133E-02 + 6.6353614355795E-03 + 1.2890582200915E-04 +-1.1192669725611E-03 + 1.0305782503459E-02 + 3.2453490871517E-03 + 1.7919724666936E-03 +-1.9995025376744E-03 + 2.5379650207825E-03 +-1.8669955238646E-03 +-5.7369898468446E-04 + 7.7159875931979E-04 +-2.7540388595995E-03 + 1.1091258360221E-04 +-3.1987039010840E-04 + 3.4938952451737E-04 + 3.0402951294321E-04 + 7.6064421576608E-04 + 2.6598898519856E-04 +-4.1072049590902E-04 + 7.4118989521602E-04 +-1.7675053521485E-04 + 3.3173193175487E-05 +-3.4731186862804E-06 +-2.8066569756762E-04 +-9.3611469007584E-05 +-1.4600170189881E-04 + 1.7434360078700E-04 +-7.9783561392756E-05 + 1.1989983132970E-04 + 3.6895454538264E-05 +-5.1278804424055E-05 + 1.4687609903126E-04 +-4.1827664661987E-06 + 4.6825390348533E-05 +-4.7968450354955E-05 +-1.8238137966898E-05 +-3.9944043611545E-05 +-2.6750362887560E-05 + 3.9218660465711E-05 +-4.2228640074720E-05 + 1.8330918100662E-05 +-5.2483410818691E-06 + 4.9995237883039E-06 + 2.5442427328162E-05 + 7.1274103251881E-06 + 1.7253694822145E-05 +-1.9803812929569E-05 + 6.4213312796172E-06 +-1.1689379527594E-05 +-2.4690591202257E-06 + 3.8745597810236E-06 +-1.1865194554292E-05 + 8.3569748607276E-07 +-6.1973834168487E-06 + 5.8498372437732E-06 + 2.9874976471877E-06 + 2.4878325770755E-06 + 3.3100641084995E-06 +-4.3482165268413E-06 + 3.6502587602942E-06 +-3.0222199626488E-06 + 6.9600714747869E-07 +-7.8142496623258E-07 +-2.9642166586052E-06 +-1.1131298013850E-06 +-2.3138296699170E-06 + 2.1103117379059E-06 +-5.4492989284429E-07 + 6.8190666023600E-07 + 5.3161266621950E-08 +-6.4066863040798E-07 + 1.3096172099877E-06 +-6.0995329496713E-07 + 2.8045258183904E-07 +-7.2050771699642E-07 +-5.0384274445676E-07 +-7.4127185865802E-07 +-7.2510455671156E-07 + 6.6003682640791E-07 +-5.0715315671091E-07 + 2.3338126006969E-07 +-3.7674662626197E-07 + 1.8379105868146E-07 + 2.2502649498417E-07 + 3.2849327015438E+00 + 0.0000000000000E+00 + 8.1868871645651E-02 + 0.0000000000000E+00 + 5.1843837952384E-01 + 6.1226670116488E-04 +-2.4915893217846E-02 + 6.5869770057482E-01 + 2.5146486398418E-02 +-4.9654796839339E-04 + 1.5945723649742E-03 +-1.5996213580451E-02 +-1.9178656531033E-02 +-1.8123540627413E-03 + 6.9587553167294E-03 +-2.4361067611012E-02 + 7.0080028538325E-03 + 1.1449941572689E-04 +-1.2325630637512E-03 + 1.1136432506848E-02 + 3.5109184825088E-03 + 1.9606142996511E-03 +-2.1870665130761E-03 + 2.6912988488129E-03 +-2.0358028494028E-03 +-6.3617905490039E-04 + 8.6720101276514E-04 +-3.0539961640229E-03 + 1.2828841700129E-04 +-3.4921153984245E-04 + 3.8605111779112E-04 + 3.6441457710424E-04 + 8.6801679382811E-04 + 2.9889203365518E-04 +-4.7541274909258E-04 + 8.3510037350664E-04 +-2.0521660176053E-04 + 3.6985938323385E-05 +-8.2051348139542E-07 +-3.3372643155932E-04 +-1.0351880337015E-04 +-1.7218447002938E-04 + 2.0682668345104E-04 +-8.5850332365966E-05 + 1.4363360643832E-04 + 4.4401829673185E-05 +-6.3194293040091E-05 + 1.7791105768418E-04 +-6.2813476357633E-06 + 5.5967381278825E-05 +-5.7733036109029E-05 +-2.5116232722709E-05 +-4.9012203928959E-05 +-3.3028333510822E-05 + 4.9676877338558E-05 +-5.1702212576540E-05 + 2.3794845906765E-05 +-6.2020830652041E-06 + 5.8623685837872E-06 + 3.3144181272991E-05 + 8.7999828746372E-06 + 2.2387794570395E-05 +-2.5463242678605E-05 + 7.4940426463520E-06 +-1.5240499664253E-05 +-3.2019120933990E-06 + 5.3918534500133E-06 +-1.5556494585156E-05 + 1.4667685453414E-06 +-8.0185367128110E-06 + 7.4842663474392E-06 + 4.4156049657444E-06 + 3.2488851681750E-06 + 4.5637272709242E-06 +-6.1110064913799E-06 + 4.8758115264451E-06 +-4.1396220589750E-06 + 8.4332657750985E-07 +-8.9593140949679E-07 +-4.1882182000258E-06 +-1.4984370431446E-06 +-3.1404122292380E-06 + 3.0596653025864E-06 +-6.3638542769140E-07 + 9.4054891879440E-07 + 1.6178415395265E-07 +-1.0287765454810E-06 + 1.9481438275475E-06 +-9.1155848747018E-07 + 4.0457870032012E-07 +-1.1660040469790E-06 +-7.9416550295618E-07 +-1.1402194737200E-06 +-1.1419445359515E-06 + 9.5534761975175E-07 +-7.3277045429499E-07 + 2.8974340927841E-07 +-6.5793295685518E-07 + 2.7255162448872E-07 + 4.5481157777332E-07 + 3.2777382163221E+00 + 0.0000000000000E+00 + 8.4184359760230E-02 + 0.0000000000000E+00 + 5.2961230790408E-01 + 5.0235219477785E-04 +-2.6562276355248E-02 + 6.7652218250193E-01 + 2.7245333788059E-02 +-6.4085446045169E-04 + 1.7773307118243E-03 +-1.7175133869677E-02 +-1.9875005944873E-02 +-1.8161094097262E-03 + 7.5185016837536E-03 +-2.5475330843016E-02 + 7.3836617959166E-03 + 9.7331463130707E-05 +-1.3675929069388E-03 + 1.2043882465181E-02 + 3.8044869037443E-03 + 2.1478482446508E-03 +-2.3999810880246E-03 + 2.8537099612481E-03 +-2.2219849542529E-03 +-7.0685734949476E-04 + 9.8266218835390E-04 +-3.3930395666111E-03 + 1.4442574467127E-04 +-3.8290779389948E-04 + 4.2870582615517E-04 + 4.3675813119595E-04 + 9.9209472398946E-04 + 3.3834332288162E-04 +-5.5503306097651E-04 + 9.4250664546825E-04 +-2.3936912211138E-04 + 4.1443251512177E-05 + 3.1987291326490E-06 +-3.9895940824281E-04 +-1.1484445750540E-04 +-2.0424292350177E-04 + 2.4735304007226E-04 +-9.2075420101492E-05 + 1.7270197116821E-04 + 5.3654948242834E-05 +-7.8920808507015E-05 + 2.1632748129049E-04 +-8.9947691706284E-06 + 6.7420014489629E-05 +-7.0194564826809E-05 +-3.4485258139054E-05 +-6.0596613048906E-05 +-4.1290415525003E-05 + 6.3748026844651E-05 +-6.3379235276921E-05 + 3.1039424660697E-05 +-7.4831210592858E-06 + 6.9086942743517E-06 + 4.3476552557486E-05 + 1.0825455854654E-05 + 2.9371908888330E-05 +-3.3116611402933E-05 + 8.4290588435506E-06 +-2.0001681353548E-05 +-4.2438104521998E-06 + 7.6177311346821E-06 +-2.0566919072253E-05 + 2.4672039132163E-06 +-1.0468262371641E-05 + 9.6977120156583E-06 + 6.6976043883143E-06 + 4.2200182510757E-06 + 6.3684507767894E-06 +-8.6845247571141E-06 + 6.5628443613915E-06 +-5.7506048064608E-06 + 1.0432409104643E-06 +-1.0085761551837E-06 +-6.1036172659612E-06 +-2.0158024230084E-06 +-4.3732472666302E-06 + 4.4453018894530E-06 +-7.4125848095568E-07 + 1.4284526622510E-06 + 3.4030800909852E-07 +-1.6390196633135E-06 + 2.9552649214832E-06 +-1.4352619110917E-06 + 7.0215115092132E-07 +-1.7307536580510E-06 +-1.1837029201806E-06 +-1.7957444981701E-06 +-1.7408241627998E-06 + 1.4354810168958E-06 +-1.0215445787081E-06 + 3.7462428713556E-07 +-1.0635671897012E-06 + 2.4367820661223E-07 + 7.4537728046026E-07 + 3.2701285918775E+00 + 0.0000000000000E+00 + 8.6935456071219E-02 + 0.0000000000000E+00 + 5.4051773363227E-01 + 4.2182322493125E-04 +-2.8494787169124E-02 + 6.9454619300860E-01 + 2.9559082515188E-02 +-8.1481076329742E-04 + 1.9950884449325E-03 +-1.8446687243278E-02 +-2.0591612214691E-02 +-1.8217038951380E-03 + 8.1601615693693E-03 +-2.6647911373440E-02 + 7.7567351182733E-03 + 7.7583930104837E-05 +-1.5307586065680E-03 + 1.3037403718559E-02 + 4.1300371413306E-03 + 2.3560284487834E-03 +-2.6444409989013E-03 + 3.0241023942166E-03 +-2.4266418103478E-03 +-7.8716883830050E-04 + 1.1237123078828E-03 +-3.7771725708516E-03 + 1.5790862658947E-04 +-4.2223953969421E-04 + 4.7909919959352E-04 + 5.2471121335824E-04 + 1.1355601473307E-03 + 3.8642491931167E-04 +-6.5379797655939E-04 + 1.0657043892361E-03 +-2.8043725051757E-04 + 4.6567261408226E-05 + 9.0766041874149E-06 +-4.8011322478684E-04 +-1.2805881315571E-04 +-2.4375934130547E-04 + 2.9814841157397E-04 +-9.8183978354401E-05 + 2.0837947208571E-04 + 6.5237866606019E-05 +-9.9710902454425E-05 + 2.6455156043115E-04 +-1.2512944794176E-05 + 8.2060913018174E-05 +-8.5987906438626E-05 +-4.7512079561678E-05 +-7.5476989354749E-05 +-5.2379801929888E-05 + 8.2551347329758E-05 +-7.8207135033486E-05 + 4.0644904607670E-05 +-9.3331161719188E-06 + 7.7667680599220E-06 + 5.7656914540690E-05 + 1.3270976986059E-05 + 3.8809848304330E-05 +-4.3336768973014E-05 + 9.3179399180394E-06 +-2.6334045663785E-05 +-5.8304758617090E-06 + 1.1259870672412E-05 +-2.7716465581513E-05 + 3.9635831298363E-06 +-1.3828673960775E-05 + 1.2555706743107E-05 + 1.0074581103122E-05 + 5.5562228474129E-06 + 8.9729164629038E-06 +-1.2714033043018E-05 + 9.1401961218666E-06 +-8.0400434854734E-06 + 1.3331669063988E-06 +-8.4361481723545E-07 +-8.9755815285078E-06 +-2.6669624268624E-06 +-6.1581131536836E-06 + 6.7524269921081E-06 +-1.0331752380554E-06 + 2.2668957579002E-06 + 7.1433349541324E-07 +-2.8395173280432E-06 + 4.4663580940905E-06 +-2.1470979467985E-06 + 1.3227463510395E-06 +-2.6709541422250E-06 +-1.6857194057945E-06 +-2.6524013406128E-06 +-2.6177536516185E-06 + 2.4664103929279E-06 +-1.4465825639975E-06 + 5.4607518646570E-07 +-1.5021122776137E-06 + 2.1851462729862E-07 + 1.2043276612288E-06 + 3.2620795492802E+00 + 0.0000000000000E+00 + 9.0231431595377E-02 + 0.0000000000000E+00 + 5.5109841061484E-01 + 3.8384722562573E-04 +-3.0788417874609E-02 + 7.1275893729233E-01 + 3.2115565311047E-02 +-1.0259978041623E-03 + 2.2575645601018E-03 +-1.9817498605360E-02 +-2.1326019148571E-02 +-1.8298865112193E-03 + 8.9031103218227E-03 +-2.7877500236634E-02 + 8.1191388510027E-03 + 5.5482429285039E-05 +-1.7305405908548E-03 + 1.4125017360426E-02 + 4.4913157369301E-03 + 2.5874224487953E-03 +-2.9279068355061E-03 + 3.1998434853689E-03 +-2.6499906499326E-03 +-8.7826559566923E-04 + 1.2980753510060E-03 +-4.2117567112203E-03 + 1.6628816691640E-04 +-4.6898312039793E-04 + 5.3903120987008E-04 + 6.3310302207602E-04 + 1.3012747288945E-03 + 4.4572039856072E-04 +-7.7745789512915E-04 + 1.2062772032809E-03 +-3.2975900563628E-04 + 5.2444159084790E-05 + 1.8061571159072E-05 +-5.8211411861790E-04 +-1.4342090309055E-04 +-2.9251725603581E-04 + 3.6232372820595E-04 +-1.0316527467091E-04 + 2.5233070209998E-04 + 7.9825387566752E-05 +-1.2791606293676E-04 + 3.2557690850830E-04 +-1.7084083575878E-05 + 1.0087246005643E-04 +-1.0618722804286E-04 +-6.6125347913234E-05 +-9.4688961294437E-05 +-6.7537359122217E-05 + 1.0819364235778E-04 +-9.7113539235034E-05 + 5.3723433728929E-05 +-1.1959240722141E-05 + 8.1304381762554E-06 + 7.7414691088583E-05 + 1.6293113975144E-05 + 5.1507778652202E-05 +-5.7408153031965E-05 + 9.8503022661737E-06 +-3.4866126397159E-05 +-8.4455748451927E-06 + 1.7111828508575E-05 +-3.7937070285449E-05 + 6.3432269605419E-06 +-1.8489005925534E-05 + 1.6635756757827E-05 + 1.5248797393269E-05 + 7.5737203522035E-06 + 1.2918306232115E-05 +-1.8825497845341E-05 + 1.2884850612698E-05 +-1.1304964205130E-05 + 1.8324897246410E-06 +-4.5829832276078E-07 +-1.3366607519246E-05 +-3.6294969667589E-06 +-8.9775687594064E-06 + 1.0233036860375E-05 +-1.3094028480519E-06 + 3.8696195793291E-06 + 1.5245567689494E-06 +-4.6986160925568E-06 + 6.7065556595327E-06 +-3.1493253474749E-06 + 2.5429500941946E-06 +-3.8645281543648E-06 +-2.6945553055899E-06 +-3.7139855194166E-06 +-3.9807952422770E-06 + 4.0151623461900E-06 +-2.0067315241185E-06 + 1.0394324602924E-06 +-1.9089013931941E-06 +-4.0768073903277E-08 + 2.0938925616617E-06 + 3.2535023075909E+00 + 0.0000000000000E+00 + 9.4247246677380E-02 + 0.0000000000000E+00 + 5.6136526390734E-01 + 4.0416512833188E-04 +-3.3562566727003E-02 + 7.3128511806848E-01 + 3.4969701360386E-02 +-1.2870826455465E-03 + 2.5807859236829E-03 +-2.1306005618902E-02 +-2.2078257038445E-02 +-1.8408332583679E-03 + 9.7798854331785E-03 +-2.9170636509598E-02 + 8.4622832642311E-03 + 3.1093094570335E-05 +-1.9807919598534E-03 + 1.5324517501120E-02 + 4.8950478394559E-03 + 2.8461214268107E-03 +-3.2630583649929E-03 + 3.3790513792785E-03 +-2.8931679255124E-03 +-9.8186808525703E-04 + 1.5185369716380E-03 +-4.7061185555163E-03 + 1.6625680975052E-04 +-5.2579610479871E-04 + 6.1159421543393E-04 + 7.6855283513805E-04 + 1.4930273388101E-03 + 5.2001714749673E-04 +-9.3574692346900E-04 + 1.3670737731789E-03 +-3.8889874406911E-04 + 5.9190595101168E-05 + 3.1951405268640E-05 +-7.1194183204343E-04 +-1.6129421769716E-04 +-3.5327498149983E-04 + 4.4542488409994E-04 +-1.0594097567834E-04 + 3.0714397529372E-04 + 9.8360909612798E-05 +-1.6724424473793E-04 + 4.0363566751429E-04 +-2.3331013489644E-05 + 1.2536930451129E-04 +-1.3304590335386E-04 +-9.2778449205830E-05 +-1.1959903720136E-04 +-8.8675103666762E-05 + 1.4418385788779E-04 +-1.2133688875337E-04 + 7.1980100713862E-05 +-1.5717766404759E-05 + 8.0788059048386E-06 + 1.0490804509460E-04 + 2.0096791204079E-05 + 6.9070880893251E-05 +-7.7394389156678E-05 + 9.5388907383376E-06 +-4.6632295847680E-05 +-1.2522322415355E-05 + 2.6127247256035E-05 +-5.2247420531252E-05 + 1.0366703603133E-05 +-2.5126008221492E-05 + 2.2717105258071E-05 + 2.3173393368698E-05 + 1.0751931711145E-05 + 1.8900813002761E-05 +-2.8017682862279E-05 + 1.7873596785208E-05 +-1.6140172397789E-05 + 2.8112028947799E-06 + 2.0466885742489E-07 +-1.9839333857757E-05 +-4.9819411922147E-06 +-1.3450858115591E-05 + 1.5373846580191E-05 +-1.0192680511618E-06 + 6.5947477553291E-06 + 2.8853709581509E-06 +-7.7117645471730E-06 + 9.7885424515330E-06 +-4.6625555793881E-06 + 4.5364122691686E-06 +-5.3506305264687E-06 +-4.9110172457613E-06 +-5.0073033866719E-06 +-6.1726429799578E-06 + 6.5688125029732E-06 +-2.5152447371127E-06 + 2.2427162500107E-06 +-2.0259194083016E-06 +-6.1955098259651E-07 + 3.8563486506121E-06 + 3.2443489257133E+00 + 0.0000000000000E+00 + 9.9196232090126E-02 + 0.0000000000000E+00 + 5.7124850458675E-01 + 5.0183104235685E-04 +-3.6960369916819E-02 + 7.5013509056036E-01 + 3.8171686059035E-02 +-1.6140106753160E-03 + 2.9862327416794E-03 +-2.2924064903480E-02 +-2.2839427393118E-02 +-1.8532996169880E-03 + 1.0828738350811E-02 +-3.0523322455120E-02 + 8.7706141002539E-03 + 3.9956064176156E-06 +-2.3005907200730E-03 + 1.6648486197055E-02 + 5.3465419504976E-03 + 3.1348404558356E-03 +-3.6645034573608E-03 + 3.5569899396037E-03 +-3.1541775139066E-03 +-1.0987002461150E-03 + 1.8027764127969E-03 +-5.2671846316160E-03 + 1.5306564776022E-04 +-5.9617086573417E-04 + 6.9967945428635E-04 + 9.3890273005989E-04 + 1.7136175800318E-03 + 6.1366828454992E-04 +-1.1421495312314E-03 + 1.5495078798054E-03 +-4.5892546337859E-04 + 6.7094109485133E-05 + 5.4348944464199E-05 +-8.7749989482625E-04 +-1.8225565584093E-04 +-4.2942545620454E-04 + 5.5504382687315E-04 +-1.0399786273319E-04 + 3.7540556959473E-04 + 1.2152379470533E-04 +-2.2393823181392E-04 + 5.0322162233033E-04 +-3.1887666771057E-05 + 1.5808383160062E-04 +-1.6906176287136E-04 +-1.3159856051518E-04 +-1.5185279588424E-04 +-1.1832866465593E-04 + 1.9648072752678E-04 +-1.5151452407504E-04 + 9.7361963099737E-05 +-2.1157940449631E-05 + 6.6541339071198E-06 + 1.4373214493011E-04 + 2.4571067330461E-05 + 9.4011038967017E-05 +-1.0670600376829E-04 + 6.7279183348703E-06 +-6.2746811545227E-05 +-1.8414147770903E-05 + 4.1055026086463E-05 +-7.2578355863873E-05 + 1.6975063114566E-05 +-3.4656730804359E-05 + 3.1852616577156E-05 + 3.6133446278180E-05 + 1.5782473338343E-05 + 2.8141001802995E-05 +-4.3215070526115E-05 + 2.4376710864036E-05 +-2.3702619477611E-05 + 4.3963632754967E-06 + 1.4853288823183E-06 +-3.0063205472869E-05 +-6.4691839767496E-06 +-2.0795525800187E-05 + 2.4021385971127E-05 + 7.4227713445230E-07 + 1.0862889120385E-05 + 5.4300552328754E-06 +-1.2924599705176E-05 + 1.4642620675041E-05 +-7.6055717669624E-06 + 7.5534654824977E-06 +-8.0637611495237E-06 +-9.3723217659324E-06 +-6.4007664079885E-06 +-1.0142521652574E-05 + 1.1010386552395E-05 +-3.4278492222969E-06 + 4.5799721026049E-06 +-1.7200674863507E-06 +-1.0929972267310E-06 + 7.2251453523055E-06 + 3.2344932543494E+00 + 0.0000000000000E+00 + 1.0542331147418E-01 + 0.0000000000000E+00 + 5.8072225881678E-01 + 7.1160750864809E-04 +-4.1221391549570E-02 + 7.6944587621662E-01 + 4.1809872858619E-02 +-2.0325917352698E-03 + 3.5101073447660E-03 +-2.4696760030262E-02 +-2.3598143234087E-02 +-1.8646516045920E-03 + 1.2113053190448E-02 +-3.1935068153487E-02 + 9.0224109472880E-03 +-2.5862727397383E-05 +-2.7220885526965E-03 + 1.8120265944552E-02 + 5.8538462991140E-03 + 3.4578531098306E-03 +-4.1560081769655E-03 + 3.7266831629788E-03 +-3.4277039512648E-03 +-1.2300261086138E-03 + 2.1797465012724E-03 +-5.9066257097927E-03 + 1.1989600837933E-04 +-6.8557976861971E-04 + 8.0742648350309E-04 + 1.1559235656027E-03 + 1.9671292343546E-03 + 7.3340645402669E-04 +-1.4183080055043E-03 + 1.7562328150541E-03 +-5.4107464336486E-04 + 7.6464702982471E-05 + 9.1494819746489E-05 +-1.0897186634670E-03 +-2.0731715140373E-04 +-5.2620765330890E-04 + 7.0317472040009E-04 +-9.3329607016147E-05 + 4.6045314035383E-04 + 1.5061937172461E-04 +-3.0804734395505E-04 + 6.3009649638506E-04 +-4.3757299121307E-05 + 2.0310877935295E-04 +-2.1786223000530E-04 +-1.8903411307356E-04 +-1.9322494495803E-04 +-1.6048936364918E-04 + 2.7443696523786E-04 +-1.8777363517251E-04 + 1.3213354445479E-04 +-2.8975301923146E-05 + 1.8407073773903E-06 + 1.9968879880012E-04 + 2.9012371630035E-05 + 1.3010272877430E-04 +-1.5077775639663E-04 +-1.5707321417836E-06 +-8.4877912690180E-05 +-2.7128650071852E-05 + 6.6525095291493E-05 +-1.0222958980580E-04 + 2.7862869551698E-05 +-4.8777165997029E-05 + 4.5671469938656E-05 + 5.7902312188199E-05 + 2.3397934172774E-05 + 4.3237099709682E-05 +-6.8918329235238E-05 + 3.3056436593118E-05 +-3.6235961309089E-05 + 6.5824821677311E-06 + 4.0717208013577E-06 +-4.6811433872836E-05 +-7.0399238232915E-06 +-3.3431622139494E-05 + 3.8683354420599E-05 + 4.8396405900870E-06 + 1.7482297206089E-05 + 1.0677195332355E-05 +-2.1875292843941E-05 + 2.2783822614168E-05 +-1.3788584929401E-05 + 1.2170923276138E-05 +-1.2834871336752E-05 +-1.6795790630866E-05 +-7.9380083323846E-06 +-1.7329542661063E-05 + 1.8443666500197E-05 +-5.2938152050370E-06 + 8.5438758239639E-06 +-1.0019207147838E-06 +-1.6423782910947E-06 + 1.2403238388377E-05 + 3.2238349040068E+00 + 0.0000000000000E+00 + 1.1341827100789E-01 + 0.0000000000000E+00 + 5.8967027416305E-01 + 1.1258495153020E-03 +-4.6728699680765E-02 + 7.8922652887723E-01 + 4.5979612025828E-02 +-2.5797855061669E-03 + 4.2064686349653E-03 +-2.6639717179719E-02 +-2.4334486184294E-02 +-1.8745614837858E-03 + 1.3724268601793E-02 +-3.3376455173757E-02 + 9.1818926435354E-03 +-5.1359980301802E-05 +-3.2930765232229E-03 + 1.9753403721572E-02 + 6.4214970537141E-03 + 3.8172060648259E-03 +-4.7697331590393E-03 + 3.8646107992609E-03 +-3.6986503721975E-03 +-1.3781251147807E-03 + 2.6884737150486E-03 +-6.6281957647028E-03 + 5.5380100132491E-05 +-8.0074574966354E-04 + 9.3908587016550E-04 + 1.4411355523379E-03 + 2.2557110754302E-03 + 8.9006460194303E-04 +-1.7902043212450E-03 + 1.9824633947297E-03 +-6.3451537870919E-04 + 8.6979645971020E-05 + 1.5338434118326E-04 +-1.3652752766338E-03 +-2.3917291943923E-04 +-6.5007130108935E-04 + 9.0101781455986E-04 +-6.1623062536361E-05 + 5.6517366574594E-04 + 1.8792798998754E-04 +-4.3343524976709E-04 + 7.9216049847943E-04 +-5.9268727448616E-05 + 2.6678155760948E-04 +-2.7870524240256E-04 +-2.7981415438176E-04 +-2.4684732576973E-04 +-2.2169186513597E-04 + 3.8875432185645E-04 +-2.2874244487281E-04 + 1.7973876127321E-04 +-4.0070517614946E-05 +-1.5419726571093E-05 + 2.8492620281686E-04 + 3.1031296922098E-05 + 1.8142747279987E-04 +-2.1424055622077E-04 +-2.1087610121615E-05 +-1.1687674300853E-04 +-4.1979101602366E-05 + 1.1356045232761E-04 +-1.4719476577053E-04 + 4.6188333230782E-05 +-7.0257652404887E-05 + 6.2835426550340E-05 + 9.4367515607253E-05 + 3.4083952000197E-05 + 6.8194176144574E-05 +-1.1375058380835E-04 + 4.4348373015299E-05 +-5.7069513671215E-05 + 8.4096814400635E-06 + 1.3305121173100E-05 +-7.3890471098037E-05 +-5.0693803437953E-06 +-5.5107340156688E-05 + 6.3875893865147E-05 + 1.3188537899452E-05 + 2.8342502625140E-05 + 2.1081656106310E-05 +-4.0517894130078E-05 + 3.4743208728871E-05 +-2.4882226155853E-05 + 1.8936831122338E-05 +-2.0253698126597E-05 +-2.9324713881535E-05 +-9.2687730570030E-06 +-3.0234005040522E-05 + 3.3476815417905E-05 +-6.1027977272270E-06 + 1.5081875850614E-05 +-3.7416624850994E-07 +-4.2543301626663E-06 + 2.0508254461251E-05 + 3.2121238725277E+00 + 0.0000000000000E+00 + 1.2406247032022E-01 + 0.0000000000000E+00 + 5.9802624923744E-01 + 1.8321145966192E-03 +-5.4093563428340E-02 + 8.0971789110356E-01 + 5.0873826861873E-02 +-3.3325925387960E-03 + 5.1774118307494E-03 +-2.8792932380554E-02 +-2.5020716531158E-02 +-1.8651714738206E-03 + 1.5819892149330E-02 +-3.4807687494274E-02 + 9.1889512644509E-03 +-6.7531204356176E-05 +-4.1008022136943E-03 + 2.1578317314855E-02 + 7.0599702925625E-03 + 4.2098642385864E-03 +-5.5604409585221E-03 + 3.9297468583811E-03 +-3.9395771957752E-03 +-1.5393509753589E-03 + 3.4038533726654E-03 +-7.4353598327156E-03 +-5.9920135906076E-05 +-9.5058942982218E-04 + 1.0990541827155E-03 + 1.8328849959393E-03 + 2.5759787141161E-03 + 1.0939284465927E-03 +-2.3115311780495E-03 + 2.2160249117910E-03 +-7.3495756305791E-04 + 9.8957305864921E-05 + 2.6208277563457E-04 +-1.7318625927225E-03 +-2.7868210611231E-04 +-8.0815687078524E-04 + 1.1760433010173E-03 + 1.2841147861192E-05 + 6.9352680220551E-04 + 2.3409846616316E-04 +-6.3153925822324E-04 + 9.9991755123707E-04 +-8.2495476097569E-05 + 3.5715997676852E-04 +-3.5726488910674E-04 +-4.2719261814988E-04 +-3.1395381298893E-04 +-3.1204342946033E-04 + 5.6692747221994E-04 +-2.7031715949956E-04 + 2.4947980549398E-04 +-5.4884191027266E-05 +-5.4447760745961E-05 + 4.1420399017368E-04 + 2.7571451705820E-05 + 2.5682935241141E-04 +-3.1249098096955E-04 +-6.3760582881140E-05 +-1.6375201831543E-04 +-6.8128330234732E-05 + 1.9737493770923E-04 +-2.1115084491263E-04 + 7.9580789359307E-05 +-1.0265678804724E-04 + 8.7691766143372E-05 + 1.5758845113431E-04 + 4.8614890422967E-05 + 1.1212194797935E-04 +-1.8977069508109E-04 + 5.3290240405449E-05 +-9.2336328276322E-05 + 9.4181098240072E-06 + 3.2496348551126E-05 +-1.1764719559495E-04 + 2.9481806587528E-06 +-9.1016819447154E-05 + 1.0465199544224E-04 + 3.5384815328994E-05 + 4.3790953315391E-05 + 4.2192244631393E-05 +-7.4558880284588E-05 + 5.1428240592477E-05 +-4.4757699015964E-05 + 2.8900908475862E-05 +-2.9416754589935E-05 +-5.5709988862373E-05 +-1.0690657295566E-05 +-5.0098668460785E-05 + 6.0134736056642E-05 +-2.1191957541653E-06 + 2.5041455890548E-05 + 9.1077934153919E-07 +-1.3990175460775E-05 + 3.7138402807266E-05 + 3.1989078153240E+00 + 0.0000000000000E+00 + 1.3902422334939E-01 + 0.0000000000000E+00 + 6.0562819855515E-01 + 2.9133453104911E-03 +-6.4359191766873E-02 + 8.3130652087933E-01 + 5.6848430327750E-02 +-4.4647686653825E-03 + 6.6238155099275E-03 +-3.1220101335427E-02 +-2.5590966155638E-02 +-1.7785411854177E-03 + 1.8673374529460E-02 +-3.6140863808198E-02 + 8.9200020031225E-03 +-6.7059054274413E-05 +-5.3041467963240E-03 + 2.3632848027210E-02 + 7.7941382089569E-03 + 4.6107632677610E-03 +-6.6155029317463E-03 + 3.8380343067630E-03 +-4.0853755751032E-03 +-1.6927504329384E-03 + 4.4583201483687E-03 +-8.3162676193875E-03 +-2.6934426816462E-04 +-1.1507365341652E-03 + 1.2831960778237E-03 + 2.4020322734126E-03 + 2.9206950805035E-03 + 1.3513680781505E-03 +-3.0722234835559E-03 + 2.4174771463600E-03 +-8.2205416277715E-04 + 1.1733595030716E-04 + 4.6887577633020E-04 +-2.2328114201251E-03 +-3.3288868969222E-04 +-1.0091577110721E-03 + 1.5668196402372E-03 + 1.8495753132009E-04 + 8.4805086750549E-04 + 2.8703974860750E-04 +-9.6404424204301E-04 + 1.2622496950182E-03 +-1.1852946198526E-04 + 4.9085224861503E-04 +-4.4699933267843E-04 +-6.8156089406934E-04 +-3.9516538049615E-04 +-4.4593027364392E-04 + 8.5700356125372E-04 +-2.9162779551735E-04 + 3.5151947190887E-04 +-7.2416095784664E-05 +-1.4923464366876E-04 + 6.1670735819077E-04 + 1.0944700909588E-05 + 3.6953666411382E-04 +-4.6660523263010E-04 +-1.6218134867470E-04 +-2.3387191382712E-04 +-1.1485643760187E-04 + 3.5695424686491E-04 +-2.9722459299747E-04 + 1.4020213955837E-04 +-1.5263254267785E-04 + 1.1461320812252E-04 + 2.7585174136330E-04 + 6.5702222129281E-05 + 1.8806759717252E-04 +-3.2578441586521E-04 + 4.2480654027367E-05 +-1.5201049464915E-04 + 5.9465417606566E-06 + 8.3110568940093E-05 +-1.9249208093655E-04 + 2.7751970284597E-05 +-1.4851338060638E-04 + 1.7205112864612E-04 + 9.4925204049041E-05 + 6.5398661315118E-05 + 8.0118571490782E-05 +-1.4936238863656E-04 + 7.0900282478169E-05 +-8.0854707842290E-05 + 4.3747080198917E-05 +-3.5115310105402E-05 +-1.1552651719525E-04 +-9.0388240964913E-06 +-8.3556855820734E-05 + 1.1798632311219E-04 + 2.0246989781672E-05 + 4.4382387345907E-05 + 5.1875106595188E-06 +-4.5826856332408E-05 + 7.3235848305314E-05 + 3.1826248307333E+00 + 0.0000000000000E+00 + 1.6318867819500E-01 + 0.0000000000000E+00 + 6.1211940442275E-01 + 4.9236894515971E-03 +-8.1045803248883E-02 + 8.5546743641316E-01 + 6.5069829701108E-02 +-6.4734427560546E-03 + 9.2305414391617E-03 +-3.4123488805902E-02 +-2.5831079427311E-02 +-1.4287160165094E-03 + 2.3114140960689E-02 +-3.7089914112031E-02 + 7.9664304559349E-03 +-2.1139786352555E-05 +-7.4540174624229E-03 + 2.6022126835359E-02 + 8.7019418082500E-03 + 4.9108448627156E-03 +-8.1580200865143E-03 + 3.3242471375811E-03 +-3.9221167096406E-03 +-1.7390843827003E-03 + 6.2822921575066E-03 +-9.1972578661978E-03 +-7.2005201314649E-04 +-1.4244096526706E-03 + 1.4336264442916E-03 + 3.3446597800921E-03 + 3.2567314842801E-03 + 1.6379348413783E-03 +-4.3452112131583E-03 + 2.4274568773744E-03 +-8.1204045259875E-04 + 1.7105399883359E-04 + 9.6086513247660E-04 +-2.9545273967887E-03 +-4.2681865200273E-04 +-1.2482433491967E-03 + 2.1737853538421E-03 + 6.3759016390434E-04 + 1.0250593372040E-03 + 3.2141178478579E-04 +-1.6331259544745E-03 + 1.5468505280689E-03 +-1.6863563662553E-04 + 6.9076171250572E-04 +-5.1599952026594E-04 +-1.1845073295335E-03 +-4.8449811626545E-04 +-6.3920094526078E-04 + 1.3989628647916E-03 +-1.7435423456269E-04 + 4.9980056562997E-04 +-9.6086825511818E-05 +-4.0570506972164E-04 + 9.4778497324860E-04 +-3.4634884255164E-05 + 5.3509271433616E-04 +-7.2447413608324E-04 +-4.5579320982709E-04 +-3.3545455318955E-04 +-2.0162327535675E-04 + 7.0391603257012E-04 +-3.7129018161470E-04 + 2.5418910600849E-04 +-2.2443211902269E-04 + 1.1221935377769E-04 + 5.5821269580775E-04 + 7.1861579504433E-05 + 3.1624504631212E-04 +-5.8897005264362E-04 +-8.1111008864325E-05 +-2.5377646241237E-04 +-1.5707505275075E-05 + 2.4015079430725E-04 +-3.4587847261361E-04 + 1.0017490496090E-04 +-2.3429848181988E-04 + 2.7404724551763E-04 + 2.9737254841485E-04 + 9.0507471395055E-05 + 1.5227891914452E-04 +-3.3966839776176E-04 + 7.8228631216966E-05 +-1.5646684436958E-04 + 6.1825262837638E-05 + 7.5290386778561E-06 +-2.8904761783276E-04 + 1.2166880502305E-05 +-1.5087507640962E-04 + 2.4993063995471E-04 + 1.1619728674835E-04 + 9.7291661042914E-05 + 3.5914413642092E-05 +-1.6923652341268E-04 + 1.5992980803729E-04 + 3.1617786400000E+00 + 0.0000000000000E+00 + 2.0940083200000E-01 + 0.0000000000000E+00 + 6.1390667900000E-01 + 9.6034055800000E-03 +-1.1349748100000E-01 + 8.8079330900000E-01 + 7.8158910700000E-02 +-1.1377888400000E-02 + 1.5504212700000E-02 +-3.7178699600000E-02 +-2.4440384600000E-02 + 2.6479109600000E-04 + 3.0802274900000E-02 +-3.5768792500000E-02 + 4.4505141900000E-03 + 3.0660618000000E-04 +-1.2263693500000E-02 + 2.8019606600000E-02 + 9.9443117600000E-03 + 4.0318407900000E-03 +-1.0188401100000E-02 + 1.3399165900000E-03 +-2.2646038200000E-03 +-9.4354243000000E-04 + 9.8916817300000E-03 +-9.0720208400000E-03 +-2.2239269900000E-03 +-1.5372286700000E-03 + 9.6198681900000E-04 + 5.0335040300000E-03 + 3.2579697100000E-03 + 1.2970078500000E-03 +-6.4966903800000E-03 + 1.2990229500000E-03 + 4.7000043800000E-05 + 4.6209292600000E-04 + 2.4323524600000E-03 +-3.7394192800000E-03 +-8.4507435800000E-04 +-1.1155084100000E-03 + 2.8267750600000E-03 + 2.0572785100000E-03 + 9.2227145000000E-04 +-6.1800967800000E-05 +-3.1107761400000E-03 + 1.3536365400000E-03 + 1.1747506400000E-04 + 8.7006189500000E-04 +-1.0458583300000E-04 +-2.2501730800000E-03 +-5.3840869200000E-04 +-5.3766602800000E-04 + 2.2987003500000E-03 + 6.8859784900000E-04 + 3.9218516100000E-04 +-2.5369140900000E-04 +-1.3021142500000E-03 + 1.3285921900000E-03 + 6.0046786800000E-05 + 5.3699315200000E-04 +-8.6712409000000E-04 +-1.4216830300000E-03 +-3.4237450200000E-04 +-1.0052131500000E-04 + 1.5350926200000E-03 +-8.3701113500000E-05 + 2.1603256200000E-04 +-2.7516877300000E-04 +-3.1697296600000E-04 + 1.2158431500000E-03 + 9.3450708100000E-05 + 2.8696034400000E-04 +-9.9890450800000E-04 +-7.5563341900000E-04 +-2.4751405600000E-04 + 2.7743171800000E-05 + 8.9266041800000E-04 +-4.9396054500000E-04 + 1.0174075900000E-04 +-2.1460308400000E-04 + 1.8410038800000E-04 + 9.8639935300000E-04 + 8.1335623900000E-05 + 1.1286211900000E-04 +-8.7216247000000E-04 +-2.3034721200000E-04 +-1.6563206400000E-04 + 6.0487485600000E-05 + 4.5351291800000E-04 +-6.9212487600000E-04 + 3.5238716200000E-05 +-1.3254671000000E-04 + 4.3727044500000E-04 + 6.5746061200000E-04 + 8.8069972200000E-05 + 6.2527609700000E-05 +-7.0586041400000E-04 + 1.5208615600000E-04 diff --git a/xgyro/tools/input/reg01/reg04/out.cgyro.prec b/xgyro/tools/input/reg01/reg04/out.cgyro.prec new file mode 100644 index 000000000..f2808435d --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/out.cgyro.prec @@ -0,0 +1,4 @@ +8.723019189894E-01 +3.922565014552E+00 +4.221614198459E+00 +4.491679856947E+00 diff --git a/xgyro/tools/input/reg01/reg04/out.cgyro.prec.1 b/xgyro/tools/input/reg01/reg04/out.cgyro.prec.1 new file mode 100644 index 000000000..20c4d349b --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +8.723019189894E-01 +3.922565014553E+00 +4.221614198458E+00 +4.491679856946E+00 +4.473821806778E+00 +4.470422978528E+00 +4.379870852232E+00 +4.317550367044E+00 diff --git a/xgyro/tools/input/reg01/reg04/out.cgyro.prec.2 b/xgyro/tools/input/reg01/reg04/out.cgyro.prec.2 new file mode 100644 index 000000000..f5d55e5e9 --- /dev/null +++ b/xgyro/tools/input/reg01/reg04/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +8.723019189894E-01 +3.922565014553E+00 +4.221614198458E+00 +4.491679856946E+00 +4.473821806778E+00 +4.470422978528E+00 +4.379870852232E+00 +4.317550367044E+00 +4.277701338439E+00 +4.245213280151E+00 +4.222512341360E+00 +4.207953623964E+00 diff --git a/xgyro/tools/input/reg02/input.xgyro b/xgyro/tools/input/reg02/input.xgyro new file mode 100644 index 000000000..f44917920 --- /dev/null +++ b/xgyro/tools/input/reg02/input.xgyro @@ -0,0 +1,7 @@ +N_DIRS = 3 +MIN_MPI_1 = 1 +DIR_1 = reg04 +MIN_MPI_2 = 2 +DIR_2 = reg05 +MIN_MPI_3 = 1 +DIR_3 = reg17 diff --git a/xgyro/tools/input/reg02/reg04/input.cgyro b/xgyro/tools/input/reg02/reg04/input.cgyro new file mode 100644 index 000000000..68918fe35 --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/input.cgyro @@ -0,0 +1,35 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=6 + +DELTA_T=0.008 +PRINT_STEP=125 +MAX_TIME=4.0 + +KY=0.3 + +# Fields +N_FIELD=2 + +# Geometry +EQUILIBRIUM_MODEL=3 +RMIN=0.6 + +# Collisions +COLLISION_MODEL=4 +GPU_BIGMEM_FLAG=4 + +# Profiles +PROFILE_MODEL=2 + +GAMMA_E_SCALE=0.0 +GAMMA_P_SCALE=1.0 +MACH_SCALE=1.0 + +N_SPECIES=3 + + diff --git a/xgyro/tools/input/reg02/reg04/input.gacode b/xgyro/tools/input/reg02/reg04/input.gacode new file mode 100644 index 000000000..d39b5adc5 --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/input.gacode @@ -0,0 +1,2219 @@ +# *original : Sun Oct 9 16:31:25 PDT 2022 +# *statefile : iterdb_kinefit_128913.01500 +# *gfile : g128913.01500 08/02/2006 65 65 +# *cerfile : dplasma_cer_format.128913.1500 +# *vgen : null +# *tgyro : null +# +# nexp +51 +# nion +2 +# shot +128913 +# time +1500 +# name +D C +# type +[therm] [therm] +# masse + 5.4488741E-04 +# mass + 2.0000000E+00 1.2000000E+01 +# ze +-1.0000000E+00 +# z + 1.0000000E+00 6.0000000E+00 +# torfluxa | Wb/radian + 6.1675847E-01 +# rcentr | m + 1.6955000E+00 +# bcentr | T + 2.0657085E+00 +# current | MA +-9.9208954E-01 +# rho | - + 1 0.0000000E+00 + 2 2.0161417E-02 + 3 4.0104877E-02 + 4 6.0167863E-02 + 5 8.0252297E-02 + 6 1.0023702E-01 + 7 1.2027119E-01 + 8 1.4032579E-01 + 9 1.6029670E-01 + 10 1.8030973E-01 + 11 2.0030091E-01 + 12 2.2033687E-01 + 13 2.4036378E-01 + 14 2.6037541E-01 + 15 2.8041178E-01 + 16 3.0043335E-01 + 17 3.2046175E-01 + 18 3.4045292E-01 + 19 3.6045101E-01 + 20 3.8043739E-01 + 21 4.0043359E-01 + 22 4.2042663E-01 + 23 4.4043922E-01 + 24 4.6043064E-01 + 25 4.8040286E-01 + 26 5.0039297E-01 + 27 5.2038208E-01 + 28 5.4038514E-01 + 29 5.6038932E-01 + 30 5.8038039E-01 + 31 6.0036945E-01 + 32 6.2036496E-01 + 33 6.4037358E-01 + 34 6.6037108E-01 + 35 6.8038783E-01 + 36 7.0039538E-01 + 37 7.2039161E-01 + 38 7.4040169E-01 + 39 7.6042063E-01 + 40 7.8044060E-01 + 41 8.0048212E-01 + 42 8.2053495E-01 + 43 8.4054654E-01 + 44 8.6060313E-01 + 45 8.8065319E-01 + 46 9.0075459E-01 + 47 9.2081290E-01 + 48 9.4091860E-01 + 49 9.6105357E-01 + 50 9.8226658E-01 + 51 1.0000000E+00 +# rmin | m + 1 0.0000000E+00 + 2 1.3677544E-02 + 3 2.7210331E-02 + 4 4.0827339E-02 + 5 5.4454411E-02 + 6 6.7988780E-02 + 7 8.1528278E-02 + 8 9.5041023E-02 + 9 1.0848014E-01 + 10 1.2191544E-01 + 11 1.3532016E-01 + 12 1.4872668E-01 + 13 1.6209625E-01 + 14 1.7543715E-01 + 15 1.8877435E-01 + 16 2.0209486E-01 + 17 2.1539871E-01 + 18 2.2865667E-01 + 19 2.4189308E-01 + 20 2.5508541E-01 + 21 2.6824539E-01 + 22 2.8136431E-01 + 23 2.9444818E-01 + 24 3.0746116E-01 + 25 3.2040923E-01 + 26 3.3330036E-01 + 27 3.4612223E-01 + 28 3.5886908E-01 + 29 3.7153206E-01 + 30 3.8408660E-01 + 31 3.9653172E-01 + 32 4.0887072E-01 + 33 4.2108598E-01 + 34 4.3316089E-01 + 35 4.4509905E-01 + 36 4.5687649E-01 + 37 4.6847990E-01 + 38 4.7989570E-01 + 39 4.9111945E-01 + 40 5.0213082E-01 + 41 5.1291499E-01 + 42 5.2344522E-01 + 43 5.3366916E-01 + 44 5.4361939E-01 + 45 5.5322066E-01 + 46 5.6249148E-01 + 47 5.7133750E-01 + 48 5.7974475E-01 + 49 5.8763057E-01 + 50 5.9528283E-01 + 51 6.0030608E-01 +# polflux | Wb/radian + 1 -0.0000000E+00 + 2 -1.7981728E-04 + 3 -7.0927929E-04 + 4 -1.5883860E-03 + 5 -2.8071476E-03 + 6 -4.3455844E-03 + 7 -6.2036963E-03 + 8 -8.3714936E-03 + 9 -1.0828996E-02 + 10 -1.3586195E-02 + 11 -1.6633099E-02 + 12 -1.9979698E-02 + 13 -2.3616003E-02 + 14 -2.7542014E-02 + 15 -3.1767720E-02 + 16 -3.6283132E-02 + 17 -4.1088249E-02 + 18 -4.6163093E-02 + 19 -5.1507662E-02 + 20 -5.7101978E-02 + 21 -6.2936049E-02 + 22 -6.8989898E-02 + 23 -7.5253533E-02 + 24 -8.1696986E-02 + 25 -8.8300276E-02 + 26 -9.5053414E-02 + 27 -1.0192643E-01 + 28 -1.0889935E-01 + 29 -1.1594219E-01 + 30 -1.2302499E-01 + 31 -1.3012777E-01 + 32 -1.3723056E-01 + 33 -1.4431336E-01 + 34 -1.5134621E-01 + 35 -1.5831913E-01 + 36 -1.6520213E-01 + 37 -1.7197525E-01 + 38 -1.7862849E-01 + 39 -1.8514187E-01 + 40 -1.9149542E-01 + 41 -1.9767913E-01 + 42 -2.0367304E-01 + 43 -2.0944718E-01 + 44 -2.1501152E-01 + 45 -2.2033611E-01 + 46 -2.2542095E-01 + 47 -2.3022606E-01 + 48 -2.3475146E-01 + 49 -2.3897717E-01 + 50 -2.4291917E-01 + 51 -2.4554450E-01 +# q | - + 1 -1.3926996E+00 + 2 -1.3957446E+00 + 3 -1.4044980E+00 + 4 -1.4183315E+00 + 5 -1.4360633E+00 + 6 -1.4560464E+00 + 7 -1.4766771E+00 + 8 -1.4971245E+00 + 9 -1.5163698E+00 + 10 -1.5332316E+00 + 11 -1.5471666E+00 + 12 -1.5592594E+00 + 13 -1.5705469E+00 + 14 -1.5778350E+00 + 15 -1.5851084E+00 + 16 -1.5918073E+00 + 17 -1.6005049E+00 + 18 -1.6109832E+00 + 19 -1.6240552E+00 + 20 -1.6409590E+00 + 21 -1.6604554E+00 + 22 -1.6835085E+00 + 23 -1.7092844E+00 + 24 -1.7384366E+00 + 25 -1.7716986E+00 + 26 -1.8095402E+00 + 27 -1.8524848E+00 + 28 -1.9011103E+00 + 29 -1.9555934E+00 + 30 -2.0160825E+00 + 31 -2.0828142E+00 + 32 -2.1562532E+00 + 33 -2.2369583E+00 + 34 -2.3253152E+00 + 35 -2.4222939E+00 + 36 -2.5286328E+00 + 37 -2.6454505E+00 + 38 -2.7739335E+00 + 39 -2.9160257E+00 + 40 -3.0729974E+00 + 41 -3.2472920E+00 + 42 -3.4422794E+00 + 43 -3.6589184E+00 + 44 -3.9047304E+00 + 45 -4.1832010E+00 + 46 -4.5035673E+00 + 47 -4.8759590E+00 + 48 -5.3269691E+00 + 49 -5.8523394E+00 + 50 -7.0473590E+00 + 51 -9.4688035E+00 +# w0 | rad/s + 1 -6.1503400E+04 + 2 -6.1589418E+04 + 3 -6.1562335E+04 + 4 -6.1412661E+04 + 5 -6.1148098E+04 + 6 -6.0779755E+04 + 7 -6.0313668E+04 + 8 -5.9755319E+04 + 9 -5.9112749E+04 + 10 -5.8387783E+04 + 11 -5.7585858E+04 + 12 -5.6703181E+04 + 13 -5.5742431E+04 + 14 -5.4712064E+04 + 15 -5.3604630E+04 + 16 -5.2425990E+04 + 17 -5.1173645E+04 + 18 -4.9854463E+04 + 19 -4.8468122E+04 + 20 -4.7010476E+04 + 21 -4.5469829E+04 + 22 -4.3863258E+04 + 23 -4.2207779E+04 + 24 -4.0524138E+04 + 25 -3.8829087E+04 + 26 -3.7136264E+04 + 27 -3.5463620E+04 + 28 -3.3826323E+04 + 29 -3.2241224E+04 + 30 -3.0716836E+04 + 31 -2.9249992E+04 + 32 -2.7837289E+04 + 33 -2.6475332E+04 + 34 -2.5164741E+04 + 35 -2.3902595E+04 + 36 -2.2687215E+04 + 37 -2.1514365E+04 + 38 -2.0373696E+04 + 39 -1.9261089E+04 + 40 -1.8172992E+04 + 41 -1.7104290E+04 + 42 -1.6050450E+04 + 43 -1.5009560E+04 + 44 -1.3971126E+04 + 45 -1.2935646E+04 + 46 -1.1891885E+04 + 47 -1.0833720E+04 + 48 -9.7492532E+03 + 49 -8.6374286E+03 + 50 -7.3970696E+03 + 51 -6.3495800E+03 +# rmaj | m + 1 1.7104031E+00 + 2 1.7103439E+00 + 3 1.7101738E+00 + 4 1.7098907E+00 + 5 1.7094833E+00 + 6 1.7089799E+00 + 7 1.7083581E+00 + 8 1.7076625E+00 + 9 1.7068949E+00 + 10 1.7060653E+00 + 11 1.7051817E+00 + 12 1.7042522E+00 + 13 1.7032905E+00 + 14 1.7022998E+00 + 15 1.7012832E+00 + 16 1.7002501E+00 + 17 1.6991974E+00 + 18 1.6981378E+00 + 19 1.6970684E+00 + 20 1.6959916E+00 + 21 1.6949116E+00 + 22 1.6938286E+00 + 23 1.6927457E+00 + 24 1.6916556E+00 + 25 1.6905628E+00 + 26 1.6894718E+00 + 27 1.6883664E+00 + 28 1.6872609E+00 + 29 1.6861491E+00 + 30 1.6850370E+00 + 31 1.6839069E+00 + 32 1.6827821E+00 + 33 1.6816390E+00 + 34 1.6804918E+00 + 35 1.6793282E+00 + 36 1.6781602E+00 + 37 1.6769866E+00 + 38 1.6757879E+00 + 39 1.6745900E+00 + 40 1.6733894E+00 + 41 1.6721811E+00 + 42 1.6709619E+00 + 43 1.6697451E+00 + 44 1.6685388E+00 + 45 1.6673338E+00 + 46 1.6661489E+00 + 47 1.6649888E+00 + 48 1.6638508E+00 + 49 1.6627539E+00 + 50 1.6616715E+00 + 51 1.6609396E+00 +# zmag | m + 1 3.1447635E-02 + 2 3.1528225E-02 + 3 3.1607500E-02 + 4 3.1686805E-02 + 5 3.1748977E-02 + 6 3.1778199E-02 + 7 3.1809009E-02 + 8 3.1875313E-02 + 9 3.1961121E-02 + 10 3.2035678E-02 + 11 3.2105413E-02 + 12 3.2218355E-02 + 13 3.2320873E-02 + 14 3.2430967E-02 + 15 3.2541825E-02 + 16 3.2672055E-02 + 17 3.2803833E-02 + 18 3.2937677E-02 + 19 3.3099205E-02 + 20 3.3263580E-02 + 21 3.3419084E-02 + 22 3.3606700E-02 + 23 3.3800497E-02 + 24 3.3994094E-02 + 25 3.4237494E-02 + 26 3.4475636E-02 + 27 3.4725116E-02 + 28 3.5037534E-02 + 29 3.5352697E-02 + 30 3.5693856E-02 + 31 3.6103668E-02 + 32 3.6525349E-02 + 33 3.7014883E-02 + 34 3.7579852E-02 + 35 3.8190631E-02 + 36 3.8909404E-02 + 37 3.9722241E-02 + 38 4.0645642E-02 + 39 4.1734667E-02 + 40 4.2991526E-02 + 41 4.4473324E-02 + 42 4.6252507E-02 + 43 4.8376929E-02 + 44 5.0978810E-02 + 45 5.4199686E-02 + 46 5.8286251E-02 + 47 6.3557996E-02 + 48 7.0709855E-02 + 49 8.0867217E-02 + 50 9.8223285E-02 + 51 1.2759037E-01 +# kappa | - + 1 1.2743830E+00 + 2 1.2739714E+00 + 3 1.2735666E+00 + 4 1.2731616E+00 + 5 1.2741058E+00 + 6 1.2759273E+00 + 7 1.2776704E+00 + 8 1.2794202E+00 + 9 1.2814330E+00 + 10 1.2831852E+00 + 11 1.2846004E+00 + 12 1.2860299E+00 + 13 1.2872704E+00 + 14 1.2883229E+00 + 15 1.2892544E+00 + 16 1.2901038E+00 + 17 1.2909682E+00 + 18 1.2918057E+00 + 19 1.2927050E+00 + 20 1.2938132E+00 + 21 1.2950511E+00 + 22 1.2964253E+00 + 23 1.2980328E+00 + 24 1.2997663E+00 + 25 1.3017152E+00 + 26 1.3039576E+00 + 27 1.3064059E+00 + 28 1.3091583E+00 + 29 1.3122470E+00 + 30 1.3156689E+00 + 31 1.3194691E+00 + 32 1.3236631E+00 + 33 1.3283050E+00 + 34 1.3333863E+00 + 35 1.3389966E+00 + 36 1.3451282E+00 + 37 1.3518295E+00 + 38 1.3592387E+00 + 39 1.3673767E+00 + 40 1.3762999E+00 + 41 1.3861948E+00 + 42 1.3971521E+00 + 43 1.4093226E+00 + 44 1.4229410E+00 + 45 1.4382647E+00 + 46 1.4556840E+00 + 47 1.4756904E+00 + 48 1.4992268E+00 + 49 1.5278274E+00 + 50 1.5689925E+00 + 51 1.6266386E+00 +# delta | - + 1 0.0000000E+00 + 2 3.0784812E-03 + 3 7.3091851E-03 + 4 1.2754761E-02 + 5 1.7945757E-02 + 6 2.2982162E-02 + 7 2.7447578E-02 + 8 3.2243476E-02 + 9 3.6963257E-02 + 10 4.1657769E-02 + 11 4.6218628E-02 + 12 5.0753077E-02 + 13 5.5216827E-02 + 14 5.9579222E-02 + 15 6.3866212E-02 + 16 6.8124349E-02 + 17 7.2302068E-02 + 18 7.6503719E-02 + 19 8.0712513E-02 + 20 8.4949465E-02 + 21 8.9233495E-02 + 22 9.3618194E-02 + 23 9.8107045E-02 + 24 1.0264591E-01 + 25 1.0732553E-01 + 26 1.1221299E-01 + 27 1.1721110E-01 + 28 1.2245205E-01 + 29 1.2791963E-01 + 30 1.3368258E-01 + 31 1.3965748E-01 + 32 1.4603765E-01 + 33 1.5272367E-01 + 34 1.5980530E-01 + 35 1.6729242E-01 + 36 1.7528203E-01 + 37 1.8375841E-01 + 38 1.9282186E-01 + 39 2.0253259E-01 + 40 2.1298909E-01 + 41 2.2428870E-01 + 42 2.3648961E-01 + 43 2.4974352E-01 + 44 2.6428853E-01 + 45 2.8023283E-01 + 46 2.9797714E-01 + 47 3.1781208E-01 + 48 3.4036402E-01 + 49 3.6659956E-01 + 50 4.0159491E-01 + 51 4.4340194E-01 +# zeta | - + 1 -0.0000000E+00 + 2 -1.1885924E-03 + 3 -1.2651641E-03 + 4 -2.3914960E-04 + 5 -1.9777538E-04 + 6 -7.7037709E-04 + 7 -8.6483541E-04 + 8 -5.0184769E-04 + 9 -9.4586354E-04 + 10 -1.0156158E-03 + 11 -1.0135341E-03 + 12 -1.1111166E-03 + 13 -1.1935783E-03 + 14 -1.3105814E-03 + 15 -1.3313918E-03 + 16 -1.4790320E-03 + 17 -1.6542257E-03 + 18 -1.8076600E-03 + 19 -1.9873417E-03 + 20 -2.2704231E-03 + 21 -2.5654369E-03 + 22 -2.9101748E-03 + 23 -3.3605840E-03 + 24 -3.6967714E-03 + 25 -4.1524032E-03 + 26 -4.6689186E-03 + 27 -5.2034970E-03 + 28 -5.7591621E-03 + 29 -6.4381800E-03 + 30 -7.1324318E-03 + 31 -7.8894358E-03 + 32 -8.7492495E-03 + 33 -9.6516857E-03 + 34 -1.0622292E-02 + 35 -1.1704064E-02 + 36 -1.2876266E-02 + 37 -1.4155217E-02 + 38 -1.5549908E-02 + 39 -1.7097030E-02 + 40 -1.8805298E-02 + 41 -2.0730984E-02 + 42 -2.2891321E-02 + 43 -2.5335607E-02 + 44 -2.8207614E-02 + 45 -3.1536138E-02 + 46 -3.5616958E-02 + 47 -4.0697687E-02 + 48 -4.7221509E-02 + 49 -5.6259661E-02 + 50 -7.2426549E-02 + 51 -1.0390449E-01 +# shape_cos0 | - + 1 2.8267051E-02 + 2 2.8320039E-02 + 3 2.8472348E-02 + 4 2.8725816E-02 + 5 2.8926064E-02 + 6 2.9103717E-02 + 7 2.9342866E-02 + 8 2.9623929E-02 + 9 2.9848290E-02 + 10 3.0127061E-02 + 11 3.0363751E-02 + 12 3.0607767E-02 + 13 3.0821961E-02 + 14 3.1030479E-02 + 15 3.1235765E-02 + 16 3.1432316E-02 + 17 3.1627225E-02 + 18 3.1837984E-02 + 19 3.2047457E-02 + 20 3.2286626E-02 + 21 3.2510229E-02 + 22 3.2781953E-02 + 23 3.3072208E-02 + 24 3.3370819E-02 + 25 3.3696253E-02 + 26 3.4064623E-02 + 27 3.4448768E-02 + 28 3.4908986E-02 + 29 3.5378639E-02 + 30 3.5913761E-02 + 31 3.6512015E-02 + 32 3.7151340E-02 + 33 3.7851709E-02 + 34 3.8636110E-02 + 35 3.9506363E-02 + 36 4.0482649E-02 + 37 4.1560837E-02 + 38 4.2772881E-02 + 39 4.4144760E-02 + 40 4.5690247E-02 + 41 4.7475547E-02 + 42 4.9563307E-02 + 43 5.2006507E-02 + 44 5.4915432E-02 + 45 5.8455804E-02 + 46 6.2822845E-02 + 47 6.8339556E-02 + 48 7.5590489E-02 + 49 8.5532809E-02 + 50 1.0180158E-01 + 51 1.2712541E-01 +# shape_cos1 | - + 1 0.0000000E+00 + 2 -3.5689407E-03 + 3 -4.0723241E-03 + 4 -1.5410820E-03 + 5 1.2275548E-04 + 6 -3.4887136E-04 + 7 -6.8700071E-04 + 8 -4.8164014E-04 + 9 -3.4720922E-04 + 10 -4.1490761E-04 + 11 -5.8520578E-04 + 12 -4.3476271E-04 + 13 -4.4044890E-04 + 14 -4.0061165E-04 + 15 -3.7387974E-04 + 16 -2.9655779E-04 + 17 -2.2679755E-04 + 18 -1.3243019E-04 + 19 4.7174758E-05 + 20 2.1621795E-04 + 21 3.4621595E-04 + 22 5.5524166E-04 + 23 7.5395577E-04 + 24 9.4509089E-04 + 25 1.2890194E-03 + 26 1.5830049E-03 + 27 1.8224954E-03 + 28 2.3035073E-03 + 29 2.6893341E-03 + 30 3.1275917E-03 + 31 3.7497811E-03 + 32 4.3057912E-03 + 33 4.9595310E-03 + 34 5.7839131E-03 + 35 6.6187970E-03 + 36 7.6667729E-03 + 37 8.8034179E-03 + 38 1.0063522E-02 + 39 1.1568512E-02 + 40 1.3315475E-02 + 41 1.5359407E-02 + 42 1.7799673E-02 + 43 2.0706775E-02 + 44 2.4225014E-02 + 45 2.8601568E-02 + 46 3.4141880E-02 + 47 4.1300123E-02 + 48 5.1145731E-02 + 49 6.5417181E-02 + 50 9.0640115E-02 + 51 1.3686841E-01 +# shape_cos2 | - + 1 0.0000000E+00 + 2 -9.7369771E-05 + 3 -1.2250642E-04 + 4 -7.6362372E-05 + 5 -4.9942944E-05 + 6 -2.2412064E-04 + 7 -3.9758871E-04 + 8 -5.0687814E-04 + 9 -7.5975614E-04 + 10 -9.0958336E-04 + 11 -1.1053359E-03 + 12 -1.3140727E-03 + 13 -1.5643161E-03 + 14 -1.7800941E-03 + 15 -2.0571125E-03 + 16 -2.3227894E-03 + 17 -2.6138196E-03 + 18 -2.9553796E-03 + 19 -3.3210691E-03 + 20 -3.6837066E-03 + 21 -4.0899794E-03 + 22 -4.4957794E-03 + 23 -4.9603121E-03 + 24 -5.4483079E-03 + 25 -5.9936162E-03 + 26 -6.5233068E-03 + 27 -7.1339865E-03 + 28 -7.7804097E-03 + 29 -8.4314162E-03 + 30 -9.1584548E-03 + 31 -9.9177078E-03 + 32 -1.0765185E-02 + 33 -1.1679786E-02 + 34 -1.2652505E-02 + 35 -1.3680930E-02 + 36 -1.4785555E-02 + 37 -1.6000244E-02 + 38 -1.7322660E-02 + 39 -1.8799478E-02 + 40 -2.0389262E-02 + 41 -2.2203997E-02 + 42 -2.4242751E-02 + 43 -2.6503979E-02 + 44 -2.9141580E-02 + 45 -3.2202875E-02 + 46 -3.5914537E-02 + 47 -4.0441672E-02 + 48 -4.6050096E-02 + 49 -5.3388285E-02 + 50 -6.4781978E-02 + 51 -8.0587768E-02 +# shape_cos3 | - + 1 0.0000000E+00 + 2 1.9207165E-03 + 3 1.7452863E-03 + 4 -5.1389219E-04 + 5 -8.9396241E-04 + 6 -2.8665595E-04 + 7 -1.0125334E-04 + 8 -1.1002306E-04 + 9 -2.0703483E-04 + 10 -1.0022760E-04 + 11 6.4247912E-05 + 12 -9.4790160E-05 + 13 -4.8149113E-05 + 14 -4.8350603E-05 + 15 4.5655774E-05 + 16 -8.6685299E-06 + 17 1.9827924E-05 + 18 6.6825240E-05 + 19 -2.9091662E-05 + 20 -1.8841558E-05 + 21 7.5344057E-05 + 22 1.6686940E-05 + 23 2.5110917E-05 + 24 9.0267209E-05 + 25 5.6833814E-06 + 26 8.1580762E-05 + 27 9.1110451E-05 + 28 4.2185431E-05 + 29 7.5300113E-05 + 30 1.2317227E-04 + 31 1.1839211E-04 + 32 2.1862467E-04 + 33 2.1500844E-04 + 34 2.4509322E-04 + 35 3.4255939E-04 + 36 4.0164539E-04 + 37 4.8560265E-04 + 38 5.7909320E-04 + 39 6.4244522E-04 + 40 7.8773641E-04 + 41 9.2895875E-04 + 42 1.0154362E-03 + 43 1.1253219E-03 + 44 1.1533710E-03 + 45 1.1220870E-03 + 46 8.9086438E-04 + 47 3.4809691E-04 + 48 -9.3252385E-04 + 49 -3.5287110E-03 + 50 -9.9906494E-03 + 51 -2.7124211E-02 +# shape_cos4 | - + 1 0.0000000E+00 + 2 -1.8469588E-04 + 3 -2.2882542E-04 + 4 -1.3416144E-04 + 5 -7.4790643E-05 + 6 -7.5933970E-05 + 7 -5.2994415E-06 + 8 -4.0219718E-05 + 9 -7.5934842E-06 + 10 1.1828454E-05 + 11 9.0019645E-07 + 12 1.4031810E-05 + 13 -3.2473427E-06 + 14 -2.0546467E-05 + 15 -2.8481065E-05 + 16 -3.2860376E-05 + 17 -6.0266993E-05 + 18 -5.1123673E-05 + 19 -7.9270995E-05 + 20 -7.5132347E-05 + 21 -1.3161736E-04 + 22 -1.4360794E-04 + 23 -1.6561584E-04 + 24 -2.2277352E-04 + 25 -2.9725280E-04 + 26 -3.4854382E-04 + 27 -4.3933261E-04 + 28 -4.8794230E-04 + 29 -6.0451267E-04 + 30 -6.9864919E-04 + 31 -8.0414669E-04 + 32 -9.4819975E-04 + 33 -1.1341064E-03 + 34 -1.3303840E-03 + 35 -1.5367070E-03 + 36 -1.7622812E-03 + 37 -2.0289202E-03 + 38 -2.3211917E-03 + 39 -2.6485230E-03 + 40 -3.0261979E-03 + 41 -3.4202707E-03 + 42 -3.8204219E-03 + 43 -4.2347679E-03 + 44 -4.6668493E-03 + 45 -5.0416694E-03 + 46 -5.3841796E-03 + 47 -5.5799885E-03 + 48 -5.5376336E-03 + 49 -5.1067142E-03 + 50 -3.8164655E-03 + 51 -1.9206381E-03 +# shape_cos5 | - + 1 0.0000000E+00 + 2 -1.6686076E-03 + 3 -1.7291179E-03 + 4 -1.9432833E-04 + 5 -1.5723742E-04 + 6 -2.1293488E-04 + 7 -7.4876437E-05 + 8 2.9057202E-05 + 9 6.4880923E-05 + 10 8.6340152E-05 + 11 -4.2005052E-06 + 12 7.2638545E-05 + 13 1.7172884E-05 + 14 4.7115133E-05 + 15 3.0570066E-05 + 16 2.9045823E-05 + 17 -1.8440793E-05 + 18 2.3033191E-05 + 19 6.4178284E-05 + 20 6.1991091E-05 + 21 7.4889448E-05 + 22 1.1644231E-04 + 23 1.0976907E-04 + 24 1.2894826E-04 + 25 2.1329801E-04 + 26 2.3173939E-04 + 27 2.1931419E-04 + 28 3.4684805E-04 + 29 3.5928270E-04 + 30 4.2427146E-04 + 31 5.6437167E-04 + 32 6.1752428E-04 + 33 7.0951684E-04 + 34 8.6114613E-04 + 35 9.6813433E-04 + 36 1.1767030E-03 + 37 1.3409832E-03 + 38 1.5058966E-03 + 39 1.7253360E-03 + 40 1.9822392E-03 + 41 2.2783998E-03 + 42 2.6235948E-03 + 43 3.0218773E-03 + 44 3.4673249E-03 + 45 4.0177157E-03 + 46 4.6866813E-03 + 47 5.5055763E-03 + 48 6.6880253E-03 + 49 8.4605355E-03 + 50 1.1802598E-02 + 51 1.9623607E-02 +# shape_sin3 | - + 1 0.0000000E+00 + 2 -8.6174101E-04 + 3 -1.0121704E-03 + 4 -4.5903173E-04 + 5 -6.3115686E-05 + 6 1.8068944E-04 + 7 3.1460599E-06 + 8 -7.0396528E-06 + 9 2.2185279E-05 + 10 5.3193396E-05 + 11 7.4032006E-05 + 12 1.1408441E-04 + 13 1.7175761E-04 + 14 2.3175854E-04 + 15 2.9155998E-04 + 16 3.7030448E-04 + 17 4.1961370E-04 + 18 4.9557390E-04 + 19 5.5989864E-04 + 20 6.2493275E-04 + 21 7.0533546E-04 + 22 7.6946780E-04 + 23 8.5383728E-04 + 24 9.2470654E-04 + 25 9.6475890E-04 + 26 1.0426836E-03 + 27 1.0661877E-03 + 28 1.1118927E-03 + 29 1.1555423E-03 + 30 1.1907524E-03 + 31 1.1797284E-03 + 32 1.1875101E-03 + 33 1.1470858E-03 + 34 1.1036803E-03 + 35 1.0032067E-03 + 36 8.7051876E-04 + 37 7.4058418E-04 + 38 4.3713863E-04 + 39 1.4705411E-04 + 40 -2.3997909E-04 + 41 -7.5752281E-04 + 42 -1.4406252E-03 + 43 -2.3325247E-03 + 44 -3.4425964E-03 + 45 -4.8903361E-03 + 46 -6.7487060E-03 + 47 -9.1590902E-03 + 48 -1.2264045E-02 + 49 -1.6336579E-02 + 50 -2.2407966E-02 + 51 -2.9662811E-02 +# shape_sin4 | - + 1 0.0000000E+00 + 2 -1.2772357E-03 + 3 -1.7675920E-03 + 4 -1.4850910E-03 + 5 -1.2911004E-03 + 6 -3.1936954E-04 + 7 -1.2481510E-04 + 8 1.0973850E-05 + 9 -1.8172394E-04 + 10 -1.1877783E-04 + 11 9.9407715E-05 + 12 3.2539887E-05 + 13 2.2680471E-05 + 14 6.4983447E-05 + 15 8.0930971E-05 + 16 9.4996451E-05 + 17 8.6618189E-05 + 18 1.4105954E-04 + 19 1.8543707E-04 + 20 1.4832549E-04 + 21 1.6125162E-04 + 22 1.9178624E-04 + 23 1.8695766E-04 + 24 2.7287772E-04 + 25 3.4490734E-04 + 26 3.4975902E-04 + 27 4.3960223E-04 + 28 4.9435114E-04 + 29 5.6648854E-04 + 30 6.3742052E-04 + 31 7.1663703E-04 + 32 8.1408943E-04 + 33 8.9452887E-04 + 34 1.0103125E-03 + 35 1.0940340E-03 + 36 1.2220224E-03 + 37 1.3810620E-03 + 38 1.4949321E-03 + 39 1.6330969E-03 + 40 1.8138950E-03 + 41 1.9759347E-03 + 42 2.1543208E-03 + 43 2.3037424E-03 + 44 2.4585387E-03 + 45 2.5519276E-03 + 46 2.5795906E-03 + 47 2.4011944E-03 + 48 1.8529624E-03 + 49 5.4254208E-04 + 50 -3.5496245E-03 + 51 -1.5705378E-02 +# shape_sin5 | - + 1 0.0000000E+00 + 2 -9.5555924E-04 + 3 -1.2169631E-03 + 4 -7.9369855E-04 + 5 -2.8603214E-04 + 6 -2.2195911E-05 + 7 -1.4681529E-04 + 8 -1.1159945E-04 + 9 -5.1310794E-05 + 10 -3.3284329E-05 + 11 -4.4319232E-05 + 12 -2.0160162E-05 + 13 1.1393679E-06 + 14 7.7251307E-06 + 15 6.6351734E-06 + 16 3.6664932E-05 + 17 1.1003065E-05 + 18 4.3235705E-05 + 19 5.3916531E-05 + 20 8.0163187E-05 + 21 7.2006299E-05 + 22 1.1566116E-04 + 23 1.5384457E-04 + 24 1.6129417E-04 + 25 1.7838742E-04 + 26 2.5404915E-04 + 27 2.7685764E-04 + 28 3.2798892E-04 + 29 3.8724239E-04 + 30 4.8251740E-04 + 31 5.0951520E-04 + 32 6.2652294E-04 + 33 7.0850348E-04 + 34 8.0627703E-04 + 35 8.8579029E-04 + 36 1.0113191E-03 + 37 1.1206844E-03 + 38 1.2438311E-03 + 39 1.3746703E-03 + 40 1.5390022E-03 + 41 1.7256754E-03 + 42 1.8979798E-03 + 43 2.1067988E-03 + 44 2.3917325E-03 + 45 2.6976850E-03 + 46 3.1371136E-03 + 47 3.7456554E-03 + 48 4.5363368E-03 + 49 5.6171022E-03 + 50 7.4212128E-03 + 51 9.0051530E-03 +# ne | 10^19/m^3 + 1 3.4117000E+00 + 2 3.4074000E+00 + 3 3.3949000E+00 + 4 3.3746000E+00 + 5 3.3472000E+00 + 6 3.3132000E+00 + 7 3.2732000E+00 + 8 3.2277000E+00 + 9 3.1773000E+00 + 10 3.1226000E+00 + 11 3.0641000E+00 + 12 3.0023000E+00 + 13 2.9378000E+00 + 14 2.8713000E+00 + 15 2.8031000E+00 + 16 2.7340000E+00 + 17 2.6644000E+00 + 18 2.5949000E+00 + 19 2.5261000E+00 + 20 2.4585000E+00 + 21 2.3927000E+00 + 22 2.3292000E+00 + 23 2.2686000E+00 + 24 2.2115000E+00 + 25 2.1577000E+00 + 26 2.1071000E+00 + 27 2.0595000E+00 + 28 2.0144000E+00 + 29 1.9718000E+00 + 30 1.9312000E+00 + 31 1.8925000E+00 + 32 1.8553000E+00 + 33 1.8195000E+00 + 34 1.7846000E+00 + 35 1.7505000E+00 + 36 1.7169000E+00 + 37 1.6836000E+00 + 38 1.6502000E+00 + 39 1.6164000E+00 + 40 1.5821000E+00 + 41 1.5470000E+00 + 42 1.5107000E+00 + 43 1.4731000E+00 + 44 1.4338000E+00 + 45 1.3926000E+00 + 46 1.3492000E+00 + 47 1.3033000E+00 + 48 1.2500000E+00 + 49 1.1659000E+00 + 50 1.0230000E+00 + 51 8.1842000E-01 +# ni | 10^19/m^3 + 1 2.6675000E+00 2.5989000E-02 + 2 2.6642000E+00 2.5985000E-02 + 3 2.6517000E+00 2.5972000E-02 + 4 2.6414000E+00 2.5948000E-02 + 5 2.6291000E+00 2.5915000E-02 + 6 2.6154000E+00 2.5872000E-02 + 7 2.5992000E+00 2.5819000E-02 + 8 2.5800000E+00 2.5756000E-02 + 9 2.5574000E+00 2.5683000E-02 + 10 2.5311000E+00 2.5599000E-02 + 11 2.5009000E+00 2.5505000E-02 + 12 2.4668000E+00 2.5400000E-02 + 13 2.4288000E+00 2.5284000E-02 + 14 2.3872000E+00 2.5157000E-02 + 15 2.3425000E+00 2.5019000E-02 + 16 2.2955000E+00 2.4869000E-02 + 17 2.2467000E+00 2.4708000E-02 + 18 2.1971000E+00 2.4535000E-02 + 19 2.1474000E+00 2.4350000E-02 + 20 2.0985000E+00 2.4153000E-02 + 21 2.0508000E+00 2.3944000E-02 + 22 2.0050000E+00 2.3723000E-02 + 23 1.9616000E+00 2.3489000E-02 + 24 1.9210000E+00 2.3242000E-02 + 25 1.8830000E+00 2.2982000E-02 + 26 1.8473000E+00 2.2710000E-02 + 27 1.8135000E+00 2.2425000E-02 + 28 1.7813000E+00 2.2126000E-02 + 29 1.7504000E+00 2.1814000E-02 + 30 1.7208000E+00 2.1488000E-02 + 31 1.6923000E+00 2.1148000E-02 + 32 1.6647000E+00 2.0794000E-02 + 33 1.6380000E+00 2.0427000E-02 + 34 1.6119000E+00 2.0045000E-02 + 35 1.5863000E+00 1.9648000E-02 + 36 1.5610000E+00 1.9237000E-02 + 37 1.5357000E+00 1.8811000E-02 + 38 1.5102000E+00 1.8365000E-02 + 39 1.4841000E+00 1.7887000E-02 + 40 1.4574000E+00 1.7369000E-02 + 41 1.4296000E+00 1.6800000E-02 + 42 1.4007000E+00 1.6168000E-02 + 43 1.3703000E+00 1.5465000E-02 + 44 1.3382000E+00 1.4680000E-02 + 45 1.3036000E+00 1.4062000E-02 + 46 1.2674000E+00 1.3206000E-02 + 47 1.2270000E+00 1.2845000E-02 + 48 1.1777000E+00 1.3073000E-02 + 49 1.0952000E+00 1.4217000E-02 + 50 9.5124000E-01 1.6607000E-02 + 51 7.5384000E-01 1.6014000E-02 +# te | keV + 1 2.6092000E+00 + 2 2.6032000E+00 + 3 2.5859000E+00 + 4 2.5581000E+00 + 5 2.5206000E+00 + 6 2.4743000E+00 + 7 2.4202000E+00 + 8 2.3589000E+00 + 9 2.2915000E+00 + 10 2.2187000E+00 + 11 2.1414000E+00 + 12 2.0604000E+00 + 13 1.9768000E+00 + 14 1.8911000E+00 + 15 1.8045000E+00 + 16 1.7176000E+00 + 17 1.6314000E+00 + 18 1.5468000E+00 + 19 1.4645000E+00 + 20 1.3854000E+00 + 21 1.3104000E+00 + 22 1.2396000E+00 + 23 1.1727000E+00 + 24 1.1094000E+00 + 25 1.0493000E+00 + 26 9.9217000E-01 + 27 9.3766000E-01 + 28 8.8544000E-01 + 29 8.3520000E-01 + 30 7.8661000E-01 + 31 7.3936000E-01 + 32 6.9312000E-01 + 33 6.4763000E-01 + 34 6.0288000E-01 + 35 5.5898000E-01 + 36 5.1602000E-01 + 37 4.7410000E-01 + 38 4.3334000E-01 + 39 3.9381000E-01 + 40 3.5564000E-01 + 41 3.1890000E-01 + 42 2.8372000E-01 + 43 2.5018000E-01 + 44 2.1839000E-01 + 45 1.8836000E-01 + 46 1.5987000E-01 + 47 1.3267000E-01 + 48 1.0650000E-01 + 49 8.1105000E-02 + 50 5.6222000E-02 + 51 3.1597000E-02 +# ti | keV + 1 1.9414000E+00 1.9414000E+00 + 2 1.9368000E+00 1.9368000E+00 + 3 1.9234000E+00 1.9234000E+00 + 4 1.9020000E+00 1.9020000E+00 + 5 1.8732000E+00 1.8732000E+00 + 6 1.8379000E+00 1.8379000E+00 + 7 1.7967000E+00 1.7967000E+00 + 8 1.7504000E+00 1.7504000E+00 + 9 1.6997000E+00 1.6997000E+00 + 10 1.6453000E+00 1.6453000E+00 + 11 1.5880000E+00 1.5880000E+00 + 12 1.5284000E+00 1.5284000E+00 + 13 1.4674000E+00 1.4674000E+00 + 14 1.4057000E+00 1.4057000E+00 + 15 1.3439000E+00 1.3439000E+00 + 16 1.2828000E+00 1.2828000E+00 + 17 1.2232000E+00 1.2232000E+00 + 18 1.1657000E+00 1.1657000E+00 + 19 1.1112000E+00 1.1112000E+00 + 20 1.0601000E+00 1.0601000E+00 + 21 1.0128000E+00 1.0128000E+00 + 22 9.6878000E-01 9.6878000E-01 + 23 9.2789000E-01 9.2789000E-01 + 24 8.8985000E-01 8.8985000E-01 + 25 8.5439000E-01 8.5439000E-01 + 26 8.2124000E-01 8.2124000E-01 + 27 7.9013000E-01 7.9013000E-01 + 28 7.6081000E-01 7.6081000E-01 + 29 7.3300000E-01 7.3300000E-01 + 30 7.0644000E-01 7.0644000E-01 + 31 6.8087000E-01 6.8087000E-01 + 32 6.5601000E-01 6.5601000E-01 + 33 6.3160000E-01 6.3160000E-01 + 34 6.0741000E-01 6.0741000E-01 + 35 5.8331000E-01 5.8331000E-01 + 36 5.5921000E-01 5.5921000E-01 + 37 5.3503000E-01 5.3503000E-01 + 38 5.1069000E-01 5.1069000E-01 + 39 4.8609000E-01 4.8609000E-01 + 40 4.6115000E-01 4.6115000E-01 + 41 4.3579000E-01 4.3579000E-01 + 42 4.0991000E-01 4.0991000E-01 + 43 3.8344000E-01 3.8344000E-01 + 44 3.5628000E-01 3.5628000E-01 + 45 3.2845000E-01 3.2845000E-01 + 46 3.0004000E-01 3.0004000E-01 + 47 2.7114000E-01 2.7114000E-01 + 48 2.4186000E-01 2.4186000E-01 + 49 2.1228000E-01 2.1228000E-01 + 50 1.8251000E-01 1.8251000E-01 + 51 1.5264000E-01 1.5264000E-01 +# ptot | Pa + 1 4.3033480E+04 + 2 4.2861074E+04 + 3 4.2359998E+04 + 4 4.1549665E+04 + 5 4.0470939E+04 + 6 3.9183409E+04 + 7 3.7737019E+04 + 8 3.6169367E+04 + 9 3.4525587E+04 + 10 3.2821182E+04 + 11 3.1083542E+04 + 12 2.9322421E+04 + 13 2.7555441E+04 + 14 2.5793819E+04 + 15 2.4045198E+04 + 16 2.2326971E+04 + 17 2.0653279E+04 + 18 1.9045375E+04 + 19 1.7516731E+04 + 20 1.6082782E+04 + 21 1.4746031E+04 + 22 1.3499101E+04 + 23 1.2331193E+04 + 24 1.1241847E+04 + 25 1.0232020E+04 + 26 9.3020777E+03 + 27 8.4547616E+03 + 28 7.6898798E+03 + 29 7.0039082E+03 + 30 6.3858962E+03 + 31 5.8237062E+03 + 32 5.3099023E+03 + 33 4.8383923E+03 + 34 4.4029176E+03 + 35 3.9976233E+03 + 36 3.6203514E+03 + 37 3.2694678E+03 + 38 2.9431280E+03 + 39 2.6397924E+03 + 40 2.3578522E+03 + 41 2.0956702E+03 + 42 1.8522457E+03 + 43 1.6268256E+03 + 44 1.4168086E+03 + 45 1.2206975E+03 + 46 1.0353152E+03 + 47 8.5821121E+02 + 48 6.8600722E+02 + 49 5.1845035E+02 + 50 3.4947481E+02 + 51 2.1623875E+02 +# fpol | T-m + 1 -3.5653184E+00 + 2 -3.5653417E+00 + 3 -3.5654056E+00 + 4 -3.5654958E+00 + 5 -3.5655881E+00 + 6 -3.5656502E+00 + 7 -3.5656451E+00 + 8 -3.5655412E+00 + 9 -3.5653062E+00 + 10 -3.5649106E+00 + 11 -3.5643284E+00 + 12 -3.5635349E+00 + 13 -3.5625156E+00 + 14 -3.5612590E+00 + 15 -3.5597555E+00 + 16 -3.5580072E+00 + 17 -3.5560183E+00 + 18 -3.5538070E+00 + 19 -3.5513868E+00 + 20 -3.5487843E+00 + 21 -3.5460260E+00 + 22 -3.5431455E+00 + 23 -3.5401763E+00 + 24 -3.5371645E+00 + 25 -3.5341510E+00 + 26 -3.5311691E+00 + 27 -3.5282572E+00 + 28 -3.5254447E+00 + 29 -3.5227609E+00 + 30 -3.5202297E+00 + 31 -3.5178671E+00 + 32 -3.5156853E+00 + 33 -3.5136926E+00 + 34 -3.5118964E+00 + 35 -3.5102954E+00 + 36 -3.5088900E+00 + 37 -3.5076745E+00 + 38 -3.5066392E+00 + 39 -3.5057735E+00 + 40 -3.5050644E+00 + 41 -3.5044953E+00 + 42 -3.5040491E+00 + 43 -3.5037073E+00 + 44 -3.5034481E+00 + 45 -3.5032517E+00 + 46 -3.5030973E+00 + 47 -3.5029660E+00 + 48 -3.5028400E+00 + 49 -3.5027052E+00 + 50 -3.5025491E+00 + 51 -3.5024217E+00 +# johm | MA/m^2 + 1 -1.1953000E+00 + 2 -1.1570000E+00 + 3 -1.0442000E+00 + 4 -9.4245000E-01 + 5 -8.6780000E-01 + 6 -8.1456000E-01 + 7 -7.7295000E-01 + 8 -7.5090000E-01 + 9 -7.5010000E-01 + 10 -7.6263000E-01 + 11 -7.8536000E-01 + 12 -8.1480000E-01 + 13 -8.4755000E-01 + 14 -8.7975000E-01 + 15 -9.0920000E-01 + 16 -9.3379000E-01 + 17 -9.5255000E-01 + 18 -9.6398000E-01 + 19 -9.6869000E-01 + 20 -9.6762000E-01 + 21 -9.6259000E-01 + 22 -9.5436000E-01 + 23 -9.4037000E-01 + 24 -9.1966000E-01 + 25 -8.9107000E-01 + 26 -8.5618000E-01 + 27 -8.1493000E-01 + 28 -7.6997000E-01 + 29 -7.2289000E-01 + 30 -6.7533000E-01 + 31 -6.2767000E-01 + 32 -5.7849000E-01 + 33 -5.3018000E-01 + 34 -4.8274000E-01 + 35 -4.3626000E-01 + 36 -3.9110000E-01 + 37 -3.4755000E-01 + 38 -3.0593000E-01 + 39 -2.6672000E-01 + 40 -2.3051000E-01 + 41 -1.9769000E-01 + 42 -1.6870000E-01 + 43 -1.4435000E-01 + 44 -1.2565000E-01 + 45 -1.1347000E-01 + 46 -1.0885000E-01 + 47 -1.1275000E-01 + 48 -1.2520000E-01 + 49 -1.4779000E-01 + 50 -1.7991000E-01 + 51 -2.2482000E-01 +# jbs | MA/m^2 + 1 -0.0000000E+00 + 2 -1.0825000E-02 + 3 -4.1698000E-02 + 4 -8.0059000E-02 + 5 -1.0950000E-01 + 6 -1.3077000E-01 + 7 -1.5058000E-01 + 8 -1.6272000E-01 + 9 -1.6433000E-01 + 10 -1.6221000E-01 + 11 -1.5784000E-01 + 12 -1.5170000E-01 + 13 -1.4444000E-01 + 14 -1.3656000E-01 + 15 -1.2831000E-01 + 16 -1.1985000E-01 + 17 -1.1133000E-01 + 18 -1.0280000E-01 + 19 -9.4286000E-02 + 20 -8.5843000E-02 + 21 -7.7659000E-02 + 22 -6.9959000E-02 + 23 -6.2835000E-02 + 24 -5.6400000E-02 + 25 -5.0791000E-02 + 26 -4.6000000E-02 + 27 -4.1936000E-02 + 28 -3.8510000E-02 + 29 -3.5648000E-02 + 30 -3.3282000E-02 + 31 -3.1345000E-02 + 32 -2.9777000E-02 + 33 -2.8483000E-02 + 34 -2.7349000E-02 + 35 -2.6319000E-02 + 36 -2.5362000E-02 + 37 -2.4442000E-02 + 38 -2.3522000E-02 + 39 -2.2565000E-02 + 40 -2.1526000E-02 + 41 -2.0361000E-02 + 42 -1.9021000E-02 + 43 -1.7461000E-02 + 44 -1.5656000E-02 + 45 -1.3616000E-02 + 46 -1.1374000E-02 + 47 -8.9815000E-03 + 48 -6.5934000E-03 + 49 -4.2982000E-03 + 50 -2.1572000E-03 + 51 -1.3647000E-04 +# jnb | MA/m^2 + 1 -2.2175000E-01 + 2 -2.4491000E-01 + 3 -3.1440000E-01 + 4 -3.5838000E-01 + 5 -3.7967000E-01 + 6 -3.8778000E-01 + 7 -3.8989000E-01 + 8 -3.8581000E-01 + 9 -3.7658000E-01 + 10 -3.6337000E-01 + 11 -3.4683000E-01 + 12 -3.2824000E-01 + 13 -3.0827000E-01 + 14 -2.8812000E-01 + 15 -2.6772000E-01 + 16 -2.4735000E-01 + 17 -2.2670000E-01 + 18 -2.0671000E-01 + 19 -1.8715000E-01 + 20 -1.6863000E-01 + 21 -1.5147000E-01 + 22 -1.3536000E-01 + 23 -1.2102000E-01 + 24 -1.0758000E-01 + 25 -9.5907000E-02 + 26 -8.5157000E-02 + 27 -7.6504000E-02 + 28 -6.8780000E-02 + 29 -6.2344000E-02 + 30 -5.6834000E-02 + 31 -5.1929000E-02 + 32 -4.8861000E-02 + 33 -4.5633000E-02 + 34 -4.2601000E-02 + 35 -3.9633000E-02 + 36 -3.6376000E-02 + 37 -3.2813000E-02 + 38 -2.9085000E-02 + 39 -2.5278000E-02 + 40 -2.1351000E-02 + 41 -1.7504000E-02 + 42 -1.4009000E-02 + 43 -1.0910000E-02 + 44 -8.1329000E-03 + 45 -5.8331000E-03 + 46 -4.0408000E-03 + 47 -2.7144000E-03 + 48 -1.8134000E-03 + 49 -1.2186000E-03 + 50 -8.7869000E-04 + 51 -5.2280000E-04 +# z_eff | - + 1 1.2285000E+00 + 2 1.2288000E+00 + 3 1.2295000E+00 + 4 1.2307000E+00 + 5 1.2323000E+00 + 6 1.2343000E+00 + 7 1.2366000E+00 + 8 1.2394000E+00 + 9 1.2425000E+00 + 10 1.2459000E+00 + 11 1.2497000E+00 + 12 1.2538000E+00 + 13 1.2582000E+00 + 14 1.2629000E+00 + 15 1.2678000E+00 + 16 1.2729000E+00 + 17 1.2782000E+00 + 18 1.2836000E+00 + 19 1.2892000E+00 + 20 1.2947000E+00 + 21 1.3002000E+00 + 22 1.3056000E+00 + 23 1.3106000E+00 + 24 1.3153000E+00 + 25 1.3195000E+00 + 26 1.3233000E+00 + 27 1.3267000E+00 + 28 1.3295000E+00 + 29 1.3319000E+00 + 30 1.3338000E+00 + 31 1.3352000E+00 + 32 1.3362000E+00 + 33 1.3368000E+00 + 34 1.3370000E+00 + 35 1.3367000E+00 + 36 1.3361000E+00 + 37 1.3352000E+00 + 38 1.3339000E+00 + 39 1.3320000E+00 + 40 1.3294000E+00 + 41 1.3258000E+00 + 42 1.3211000E+00 + 43 1.3150000E+00 + 44 1.3072000E+00 + 45 1.2974000E+00 + 46 1.2851000E+00 + 47 1.2700000E+00 + 48 1.2524000E+00 + 49 1.2368000E+00 + 50 1.2293000E+00 + 51 1.2348000E+00 +# vpol | m/s + 1 0.0000000E+00 -0.0000000E+00 + 2 0.0000000E+00 -3.9335675E-03 + 3 0.0000000E+00 -2.0279879E-02 + 4 0.0000000E+00 -3.2799789E-02 + 5 0.0000000E+00 3.3232792E-03 + 6 0.0000000E+00 1.5748218E-01 + 7 0.0000000E+00 5.3778947E-01 + 8 0.0000000E+00 1.2538282E+00 + 9 0.0000000E+00 2.4418203E+00 + 10 0.0000000E+00 4.3065198E+00 + 11 0.0000000E+00 7.0018802E+00 + 12 0.0000000E+00 1.0746270E+01 + 13 0.0000000E+00 1.5795700E+01 + 14 0.0000000E+00 2.2418803E+01 + 15 0.0000000E+00 3.0854404E+01 + 16 0.0000000E+00 4.1356389E+01 + 17 0.0000000E+00 5.4221264E+01 + 18 0.0000000E+00 6.9758190E+01 + 19 0.0000000E+00 8.8141364E+01 + 20 0.0000000E+00 1.0955362E+02 + 21 0.0000000E+00 1.3423835E+02 + 22 0.0000000E+00 1.6245482E+02 + 23 0.0000000E+00 1.9450518E+02 + 24 0.0000000E+00 2.3035641E+02 + 25 0.0000000E+00 2.7010299E+02 + 26 0.0000000E+00 3.1385945E+02 + 27 0.0000000E+00 3.6158851E+02 + 28 0.0000000E+00 4.1331291E+02 + 29 0.0000000E+00 4.6873262E+02 + 30 0.0000000E+00 5.2645502E+02 + 31 0.0000000E+00 5.8487948E+02 + 32 0.0000000E+00 6.4238438E+02 + 33 0.0000000E+00 6.9733635E+02 + 34 0.0000000E+00 7.4803684E+02 + 35 0.0000000E+00 7.9300178E+02 + 36 0.0000000E+00 8.3068400E+02 + 37 0.0000000E+00 8.5968975E+02 + 38 0.0000000E+00 8.7830079E+02 + 39 0.0000000E+00 8.8555357E+02 + 40 0.0000000E+00 8.8048358E+02 + 41 0.0000000E+00 8.6232598E+02 + 42 0.0000000E+00 8.2977267E+02 + 43 0.0000000E+00 7.8240777E+02 + 44 0.0000000E+00 7.2303670E+02 + 45 0.0000000E+00 6.5264081E+02 + 46 0.0000000E+00 5.7460605E+02 + 47 0.0000000E+00 4.9037853E+02 + 48 0.0000000E+00 4.0185182E+02 + 49 0.0000000E+00 3.0990991E+02 + 50 0.0000000E+00 2.1086693E+02 + 51 0.0000000E+00 1.2769000E+02 +# vtor | m/s + 1 0.0000000E+00 -1.1338900E+05 + 2 0.0000000E+00 -1.1415743E+05 + 3 0.0000000E+00 -1.1477751E+05 + 4 0.0000000E+00 -1.1515934E+05 + 5 0.0000000E+00 -1.1534305E+05 + 6 0.0000000E+00 -1.1532557E+05 + 7 0.0000000E+00 -1.1510271E+05 + 8 0.0000000E+00 -1.1468976E+05 + 9 0.0000000E+00 -1.1408863E+05 + 10 0.0000000E+00 -1.1329229E+05 + 11 0.0000000E+00 -1.1231498E+05 + 12 0.0000000E+00 -1.1115708E+05 + 13 0.0000000E+00 -1.0982108E+05 + 14 0.0000000E+00 -1.0830911E+05 + 15 0.0000000E+00 -1.0662877E+05 + 16 0.0000000E+00 -1.0478643E+05 + 17 0.0000000E+00 -1.0278089E+05 + 18 0.0000000E+00 -1.0061830E+05 + 19 0.0000000E+00 -9.8301927E+04 + 20 0.0000000E+00 -9.5839156E+04 + 21 0.0000000E+00 -9.3236876E+04 + 22 0.0000000E+00 -9.0520507E+04 + 23 0.0000000E+00 -8.7715253E+04 + 24 0.0000000E+00 -8.4859632E+04 + 25 0.0000000E+00 -8.1983558E+04 + 26 0.0000000E+00 -7.9112536E+04 + 27 0.0000000E+00 -7.6281155E+04 + 28 0.0000000E+00 -7.3520121E+04 + 29 0.0000000E+00 -7.0864049E+04 + 30 0.0000000E+00 -6.8324267E+04 + 31 0.0000000E+00 -6.5887008E+04 + 32 0.0000000E+00 -6.3539492E+04 + 33 0.0000000E+00 -6.1269163E+04 + 34 0.0000000E+00 -5.9067074E+04 + 35 0.0000000E+00 -5.6918113E+04 + 36 0.0000000E+00 -5.4813355E+04 + 37 0.0000000E+00 -5.2741457E+04 + 38 0.0000000E+00 -5.0688294E+04 + 39 0.0000000E+00 -4.8641386E+04 + 40 0.0000000E+00 -4.6589718E+04 + 41 0.0000000E+00 -4.4519943E+04 + 42 0.0000000E+00 -4.2420481E+04 + 43 0.0000000E+00 -4.0287812E+04 + 44 0.0000000E+00 -3.8118302E+04 + 45 0.0000000E+00 -3.5917240E+04 + 46 0.0000000E+00 -3.3685249E+04 + 47 0.0000000E+00 -3.1432216E+04 + 48 0.0000000E+00 -2.9153974E+04 + 49 0.0000000E+00 -2.6853532E+04 + 50 0.0000000E+00 -2.4409287E+04 + 51 0.0000000E+00 -2.2354400E+04 +# qohme | MW/m^3 + 1 1.1036000E-02 + 2 1.0482000E-02 + 3 9.4228000E-03 + 4 8.6589000E-03 + 5 8.1249000E-03 + 6 7.7427000E-03 + 7 7.5330000E-03 + 8 7.6961000E-03 + 9 8.3161000E-03 + 10 9.3282000E-03 + 11 1.0761000E-02 + 12 1.2634000E-02 + 13 1.4948000E-02 + 14 1.7670000E-02 + 15 2.0764000E-02 + 16 2.4158000E-02 + 17 2.7774000E-02 + 18 3.1490000E-02 + 19 3.5228000E-02 + 20 3.8947000E-02 + 21 4.2682000E-02 + 22 4.6389000E-02 + 23 4.9748000E-02 + 24 5.2454000E-02 + 25 5.4231000E-02 + 26 5.5035000E-02 + 27 5.4778000E-02 + 28 5.3641000E-02 + 29 5.1830000E-02 + 30 4.9553000E-02 + 31 4.6845000E-02 + 32 4.3605000E-02 + 33 4.0107000E-02 + 34 3.6426000E-02 + 35 3.2597000E-02 + 36 2.8690000E-02 + 37 2.4794000E-02 + 38 2.1005000E-02 + 39 1.7439000E-02 + 40 1.4208000E-02 + 41 1.1389000E-02 + 42 9.0453000E-03 + 43 7.2423000E-03 + 44 6.0351000E-03 + 45 5.4773000E-03 + 46 5.7264000E-03 + 47 7.2188000E-03 + 48 1.1061000E-02 + 49 2.1145000E-02 + 50 5.1036000E-02 + 51 1.0974000E-01 +# qbeame | MW/m^3 + 1 2.1897000E-01 + 2 2.1896000E-01 + 3 2.2006000E-01 + 4 2.1816000E-01 + 5 2.1491000E-01 + 6 2.1012000E-01 + 7 2.0435000E-01 + 8 1.9784000E-01 + 9 1.9092000E-01 + 10 1.8382000E-01 + 11 1.7674000E-01 + 12 1.6989000E-01 + 13 1.6346000E-01 + 14 1.5750000E-01 + 15 1.5201000E-01 + 16 1.4692000E-01 + 17 1.4208000E-01 + 18 1.3735000E-01 + 19 1.3254000E-01 + 20 1.2751000E-01 + 21 1.2215000E-01 + 22 1.1648000E-01 + 23 1.1060000E-01 + 24 1.0463000E-01 + 25 9.8722000E-02 + 26 9.3017000E-02 + 27 8.7614000E-02 + 28 8.2588000E-02 + 29 7.7951000E-02 + 30 7.3735000E-02 + 31 6.9880000E-02 + 32 6.6323000E-02 + 33 6.2984000E-02 + 34 5.9764000E-02 + 35 5.6562000E-02 + 36 5.3290000E-02 + 37 4.9882000E-02 + 38 4.6303000E-02 + 39 4.2549000E-02 + 40 3.8661000E-02 + 41 3.4688000E-02 + 42 3.0688000E-02 + 43 2.6719000E-02 + 44 2.2846000E-02 + 45 1.9167000E-02 + 46 1.5858000E-02 + 47 1.3099000E-02 + 48 1.1199000E-02 + 49 1.0088000E-02 + 50 1.0439000E-02 + 51 1.0832000E-02 +# qbeami | MW/m^3 + 1 4.1709000E-01 + 2 4.1566000E-01 + 3 4.1334000E-01 + 4 4.0409000E-01 + 5 3.9117000E-01 + 6 3.7457000E-01 + 7 3.5551000E-01 + 8 3.3480000E-01 + 9 3.1329000E-01 + 10 2.9166000E-01 + 11 2.7048000E-01 + 12 2.5010000E-01 + 13 2.3075000E-01 + 14 2.1254000E-01 + 15 1.9554000E-01 + 16 1.7970000E-01 + 17 1.6492000E-01 + 18 1.5108000E-01 + 19 1.3804000E-01 + 20 1.2572000E-01 + 21 1.1408000E-01 + 22 1.0310000E-01 + 23 9.2812000E-02 + 24 8.3248000E-02 + 25 7.4454000E-02 + 26 6.6459000E-02 + 27 5.9271000E-02 + 28 5.2854000E-02 + 29 4.7174000E-02 + 30 4.2111000E-02 + 31 3.7595000E-02 + 32 3.3531000E-02 + 33 2.9824000E-02 + 34 2.6402000E-02 + 35 2.3211000E-02 + 36 2.0217000E-02 + 37 1.7406000E-02 + 38 1.4779000E-02 + 39 1.2354000E-02 + 40 1.0142000E-02 + 41 8.1611000E-03 + 42 6.4228000E-03 + 43 4.9247000E-03 + 44 3.6659000E-03 + 45 2.6376000E-03 + 46 1.8367000E-03 + 47 1.2425000E-03 + 48 8.3562000E-04 + 49 5.5438000E-04 + 50 3.7937000E-04 + 51 2.0085000E-04 +# qbrem | MW/m^3 + 1 -1.1832000E-03 + 2 -1.1796400E-03 + 3 -1.1687600E-03 + 4 -1.1535800E-03 + 5 -1.1334900E-03 + 6 -1.1092400E-03 + 7 -1.0810100E-03 + 8 -1.0491800E-03 + 9 -1.0144200E-03 + 10 -9.7711300E-04 + 11 -9.3791800E-04 + 12 -8.9738900E-04 + 13 -8.5593300E-04 + 14 -8.1398100E-04 + 15 -7.7228200E-04 + 16 -7.3131100E-04 + 17 -6.9153400E-04 + 18 -6.5335300E-04 + 19 -6.1713900E-04 + 20 -5.8319000E-04 + 21 -5.5173900E-04 + 22 -5.2286200E-04 + 23 -4.9655500E-04 + 24 -4.7281600E-04 + 25 -4.5142900E-04 + 26 -4.3214000E-04 + 27 -4.1475400E-04 + 28 -3.9907200E-04 + 29 -3.8496800E-04 + 30 -3.7236100E-04 + 31 -3.6118700E-04 + 32 -3.5149400E-04 + 33 -3.4335500E-04 + 34 -3.3690600E-04 + 35 -3.3235400E-04 + 36 -3.2997100E-04 + 37 -3.3015900E-04 + 38 -3.3338800E-04 + 39 -3.4030600E-04 + 40 -3.5177900E-04 + 41 -3.6914600E-04 + 42 -3.9434500E-04 + 43 -4.3034000E-04 + 44 -4.8165000E-04 + 45 -5.5588000E-04 + 46 -6.2287000E-04 + 47 -8.8692000E-04 + 48 -1.1927000E-03 + 49 -1.0072400E-03 + 50 -2.4594000E-04 + 51 1.3598000E-04 +# qei | MW/m^3 + 1 2.9832000E-02 + 2 2.9801000E-02 + 3 2.9677000E-02 + 4 2.9567000E-02 + 5 2.9426000E-02 + 6 2.9259000E-02 + 7 2.9051000E-02 + 8 2.8799000E-02 + 9 2.8497000E-02 + 10 2.8145000E-02 + 11 2.7738000E-02 + 12 2.7275000E-02 + 13 2.6751000E-02 + 14 2.6160000E-02 + 15 2.5499000E-02 + 16 2.4762000E-02 + 17 2.3945000E-02 + 18 2.3040000E-02 + 19 2.2044000E-02 + 20 2.0950000E-02 + 21 1.9791000E-02 + 22 1.8598000E-02 + 23 1.7378000E-02 + 24 1.6135000E-02 + 25 1.4864000E-02 + 26 1.3551000E-02 + 27 1.2185000E-02 + 28 1.0750000E-02 + 29 9.2308000E-03 + 30 7.6057000E-03 + 31 5.8497000E-03 + 32 3.9297000E-03 + 33 1.8059000E-03 + 34 -5.4601000E-04 + 35 -3.1575000E-03 + 36 -6.0686000E-03 + 37 -9.3259000E-03 + 38 -1.2982000E-02 + 39 -1.7099000E-02 + 40 -2.1746000E-02 + 41 -2.7003000E-02 + 42 -3.2963000E-02 + 43 -3.9730000E-02 + 44 -4.7425000E-02 + 45 -5.6264000E-02 + 46 -6.6921000E-02 + 47 -8.0566000E-02 + 48 -9.9043000E-02 + 49 -1.2285000E-01 + 50 -1.5279000E-01 + 51 -2.1316000E-01 +# qione | MW/m^3 + 1 -1.1050000E-04 + 2 -1.1026000E-04 + 3 -1.0964000E-04 + 4 -1.0892000E-04 + 5 -1.0791000E-04 + 6 -1.0666000E-04 + 7 -1.0519000E-04 + 8 -1.0352000E-04 + 9 -1.0168000E-04 + 10 -9.9687000E-05 + 11 -9.7582000E-05 + 12 -9.5391000E-05 + 13 -9.3137000E-05 + 14 -9.0839000E-05 + 15 -8.8518000E-05 + 16 -8.6189000E-05 + 17 -8.3866000E-05 + 18 -8.1567000E-05 + 19 -7.9301000E-05 + 20 -7.7080000E-05 + 21 -7.4911000E-05 + 22 -7.2828000E-05 + 23 -7.0875000E-05 + 24 -6.9094000E-05 + 25 -6.7501000E-05 + 26 -6.6100000E-05 + 27 -6.4896000E-05 + 28 -6.3898000E-05 + 29 -6.3112000E-05 + 30 -6.2549000E-05 + 31 -6.2223000E-05 + 32 -6.2156000E-05 + 33 -6.2375000E-05 + 34 -6.2914000E-05 + 35 -6.3816000E-05 + 36 -6.5139000E-05 + 37 -6.6981000E-05 + 38 -6.9472000E-05 + 39 -7.2794000E-05 + 40 -7.7231000E-05 + 41 -8.3204000E-05 + 42 -9.1315000E-05 + 43 -1.0255000E-04 + 44 -1.1846000E-04 + 45 -1.4145000E-04 + 46 -1.7536000E-04 + 47 -2.2628000E-04 + 48 -3.0460000E-04 + 49 -4.1866000E-04 + 50 -5.3520000E-04 + 51 -6.2468000E-04 +# qioni | MW/m^3 + 1 8.8186000E-03 + 2 8.8308000E-03 + 3 8.7304000E-03 + 4 8.6071000E-03 + 5 8.4217000E-03 + 6 8.1876000E-03 + 7 7.9188000E-03 + 8 7.6216000E-03 + 9 7.3020000E-03 + 10 6.9676000E-03 + 11 6.6253000E-03 + 12 6.2815000E-03 + 13 5.9410000E-03 + 14 5.6080000E-03 + 15 5.2858000E-03 + 16 4.9766000E-03 + 17 4.6821000E-03 + 18 4.4034000E-03 + 19 4.1405000E-03 + 20 3.8930000E-03 + 21 3.6606000E-03 + 22 3.4437000E-03 + 23 3.2432000E-03 + 24 3.0597000E-03 + 25 2.8929000E-03 + 26 2.7422000E-03 + 27 2.6071000E-03 + 28 2.4869000E-03 + 29 2.3809000E-03 + 30 2.2884000E-03 + 31 2.2086000E-03 + 32 2.1411000E-03 + 33 2.0855000E-03 + 34 2.0414000E-03 + 35 2.0086000E-03 + 36 1.9872000E-03 + 37 1.9775000E-03 + 38 1.9801000E-03 + 39 1.9957000E-03 + 40 2.0256000E-03 + 41 2.0712000E-03 + 42 2.1340000E-03 + 43 2.2156000E-03 + 44 2.3173000E-03 + 45 2.4399000E-03 + 46 2.5839000E-03 + 47 2.7460000E-03 + 48 2.8945000E-03 + 49 2.9183000E-03 + 50 2.6210000E-03 + 51 1.6946000E-03 +# qcxi | MW/m^3 + 1 -2.2892000E-02 + 2 -2.2477000E-02 + 3 -2.2168000E-02 + 4 -2.1410000E-02 + 5 -2.0436000E-02 + 6 -1.9258000E-02 + 7 -1.7924000E-02 + 8 -1.6491000E-02 + 9 -1.5015000E-02 + 10 -1.3540000E-02 + 11 -1.2100000E-02 + 12 -1.0726000E-02 + 13 -9.4382000E-03 + 14 -8.2532000E-03 + 15 -7.1792000E-03 + 16 -6.2183000E-03 + 17 -5.3677000E-03 + 18 -4.6238000E-03 + 19 -3.9797000E-03 + 20 -3.4283000E-03 + 21 -2.9539000E-03 + 22 -2.5399000E-03 + 23 -2.1654000E-03 + 24 -1.8472000E-03 + 25 -1.5765000E-03 + 26 -1.3512000E-03 + 27 -1.1826000E-03 + 28 -1.0490000E-03 + 29 -9.4411000E-04 + 30 -8.6403000E-04 + 31 -8.0447000E-04 + 32 -7.6168000E-04 + 33 -7.3263000E-04 + 34 -7.1519000E-04 + 35 -7.0899000E-04 + 36 -7.1509000E-04 + 37 -7.3686000E-04 + 38 -7.7865000E-04 + 39 -8.4606000E-04 + 40 -9.4906000E-04 + 41 -1.1008000E-03 + 42 -1.3176000E-03 + 43 -1.6278000E-03 + 44 -2.0716000E-03 + 45 -2.7030000E-03 + 46 -3.5986000E-03 + 47 -4.8611000E-03 + 48 -6.7027000E-03 + 49 -9.2590000E-03 + 50 -1.1662000E-02 + 51 -1.5583000E-02 +# qpar_beam | 1/m^3/s + 1 3.3046000E+19 + 2 3.2965000E+19 + 3 3.2892000E+19 + 4 3.2298000E+19 + 5 3.1429000E+19 + 6 3.0278000E+19 + 7 2.8946000E+19 + 8 2.7489000E+19 + 9 2.5974000E+19 + 10 2.4446000E+19 + 11 2.2949000E+19 + 12 2.1511000E+19 + 13 2.0155000E+19 + 14 1.8889000E+19 + 15 1.7719000E+19 + 16 1.6634000E+19 + 17 1.5627000E+19 + 18 1.4679000E+19 + 19 1.3774000E+19 + 20 1.2903000E+19 + 21 1.2063000E+19 + 22 1.1265000E+19 + 23 1.0570000E+19 + 24 9.8877000E+18 + 25 9.2405000E+18 + 26 8.6253000E+18 + 27 7.9684000E+18 + 28 7.3589000E+18 + 29 6.8075000E+18 + 30 6.3109000E+18 + 31 5.8640000E+18 + 32 5.4584000E+18 + 33 5.0836000E+18 + 34 4.7303000E+18 + 35 4.3898000E+18 + 36 4.0553000E+18 + 37 3.7220000E+18 + 38 3.3885000E+18 + 39 3.0555000E+18 + 40 2.7250000E+18 + 41 2.4008000E+18 + 42 2.0880000E+18 + 43 1.7893000E+18 + 44 1.5077000E+18 + 45 1.2486000E+18 + 46 1.0219000E+18 + 47 8.3672000E+17 + 48 7.1069000E+17 + 49 6.3781000E+17 + 50 6.5576000E+17 + 51 6.7349000E+17 +# qpar_wall | 1/m^3/s + 1 2.3195000E+19 + 2 2.3130000E+19 + 3 2.2998000E+19 + 4 2.2829000E+19 + 5 2.2569000E+19 + 6 2.2234000E+19 + 7 2.1844000E+19 + 8 2.1407000E+19 + 9 2.0933000E+19 + 10 2.0434000E+19 + 11 1.9920000E+19 + 12 1.9400000E+19 + 13 1.8882000E+19 + 14 1.8372000E+19 + 15 1.7876000E+19 + 16 1.7395000E+19 + 17 1.6931000E+19 + 18 1.6484000E+19 + 19 1.6052000E+19 + 20 1.5634000E+19 + 21 1.5227000E+19 + 22 1.4835000E+19 + 23 1.4470000E+19 + 24 1.4141000E+19 + 25 1.3855000E+19 + 26 1.3617000E+19 + 27 1.3435000E+19 + 28 1.3315000E+19 + 29 1.3263000E+19 + 30 1.3286000E+19 + 31 1.3393000E+19 + 32 1.3593000E+19 + 33 1.3900000E+19 + 34 1.4333000E+19 + 35 1.4913000E+19 + 36 1.5671000E+19 + 37 1.6654000E+19 + 38 1.7925000E+19 + 39 1.9569000E+19 + 40 2.1718000E+19 + 41 2.4565000E+19 + 42 2.8383000E+19 + 43 3.3619000E+19 + 44 4.0969000E+19 + 45 5.1519000E+19 + 46 6.6969000E+19 + 47 9.0067000E+19 + 48 1.2552000E+20 + 49 1.7744000E+20 + 50 2.3138000E+20 + 51 2.7384000E+20 +# qmom | Nm + 1 -6.0014000E-01 + 2 -5.9862000E-01 + 3 -5.9568000E-01 + 4 -5.8408000E-01 + 5 -5.6967000E-01 + 6 -5.5033000E-01 + 7 -5.2758000E-01 + 8 -5.0234000E-01 + 9 -4.7561000E-01 + 10 -4.4860000E-01 + 11 -4.2204000E-01 + 12 -3.9617000E-01 + 13 -3.7136000E-01 + 14 -3.4851000E-01 + 15 -3.2777000E-01 + 16 -3.0838000E-01 + 17 -2.9011000E-01 + 18 -2.7274000E-01 + 19 -2.5591000E-01 + 20 -2.3970000E-01 + 21 -2.2402000E-01 + 22 -2.0866000E-01 + 23 -1.9370000E-01 + 24 -1.7926000E-01 + 25 -1.6543000E-01 + 26 -1.5251000E-01 + 27 -1.4085000E-01 + 28 -1.3025000E-01 + 29 -1.2058000E-01 + 30 -1.1179000E-01 + 31 -1.0387000E-01 + 32 -9.6717000E-02 + 33 -9.0075000E-02 + 34 -8.3745000E-02 + 35 -7.7585000E-02 + 36 -7.1519000E-02 + 37 -6.5412000E-02 + 38 -5.9285000E-02 + 39 -5.3193000E-02 + 40 -4.7189000E-02 + 41 -4.1336000E-02 + 42 -3.5704000E-02 + 43 -3.0341000E-02 + 44 -2.5316000E-02 + 45 -2.0710000E-02 + 46 -1.6691000E-02 + 47 -1.3411000E-02 + 48 -1.1130000E-02 + 49 -9.7016000E-03 + 50 -9.7191000E-03 + 51 -9.7779000E-03 diff --git a/xgyro/tools/input/reg02/reg04/input.gacode.geo b/xgyro/tools/input/reg02/reg04/input.gacode.geo new file mode 100644 index 000000000..13c6400ae --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/input.gacode.geo @@ -0,0 +1,5110 @@ +# input.gacode.geo +# +# File format: +#------------------- +# nfourier +# a[4,0:nfourier,nx] +#------------------- +# +# NOTE: nx=EXPRO_n_exp is defined in input.gacode + 24 + 3.4209251825000E+00 + 0.0000000000000E+00 + 6.3387350525000E-02 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 0.0000000000000E+00 + 3.4207547947584E+00 + 0.0000000000000E+00 + 6.3368974701745E-02 + 0.0000000000000E+00 + 1.4119927227507E-02 + 1.6940602140694E-04 +-5.6567246493881E-04 + 1.6925176547355E-02 + 1.1717931307867E-05 + 3.7303423953376E-06 + 2.9542073975241E-06 +-8.1078569882665E-06 +-4.2889906201572E-04 +-7.7987734432479E-05 + 9.4907567304290E-05 +-4.8178860218021E-04 + 4.2195666610494E-06 + 1.4281022357965E-06 +-2.1612055737196E-06 + 5.0957437546912E-06 + 3.7051891187218E-05 + 1.3406178164794E-05 +-1.5155514458153E-05 + 4.0333908812262E-05 +-7.9776446125978E-07 +-5.0864470815872E-07 + 6.1392482125029E-07 +-8.2612396111459E-07 +-4.1982542332697E-06 +-2.3741088434175E-06 + 2.6013398501339E-06 +-4.4425074442854E-06 + 1.1370780109078E-07 + 1.3724609966451E-07 +-1.4858408076851E-07 + 1.2272695653270E-07 + 5.1099803190563E-07 + 4.2849059476525E-07 +-4.6050244853665E-07 + 5.2863859345202E-07 +-1.5854551824470E-08 +-3.3224512725421E-08 + 3.3096561629323E-08 +-2.6836404929082E-08 +-6.1787050507596E-08 +-7.6031584747592E-08 + 8.2290992114282E-08 +-6.3104257076101E-08 + 1.0998822193466E-09 + 8.0896360721386E-09 +-7.7031534019438E-09 + 1.1851400470303E-08 + 8.2149758134544E-10 + 1.4291361315761E-08 +-1.4882404209601E-08 + 9.1811782618637E-09 +-9.6987980182991E-09 +-2.0855131831740E-09 + 2.5613102439685E-09 +-4.9660267364214E-09 +-7.0990633694864E-09 +-3.0365108355861E-09 + 2.7922457838724E-09 +-3.4445677599027E-09 +-6.3195038427727E-09 +-7.5196970694179E-10 +-1.0466792978800E-09 + 8.0270720554009E-10 +-9.4354358495414E-09 +-3.3189811108186E-09 +-1.2899222043374E-09 + 2.3937068400631E-09 +-1.2439594954804E-08 +-6.1566189601563E-09 +-3.6652550706606E-10 + 8.7455142660337E-10 +-1.4034990106225E-08 +-8.6705154715353E-09 + 2.6168912883963E-10 +-1.1573827063101E-09 +-1.3525465460425E-08 +-1.1097665258356E-08 + 3.9907152493142E-11 +-1.4720432575200E-09 +-1.3167014613290E-08 +-1.4072571138558E-08 +-2.8948070959970E-10 +-5.0007825934403E-10 +-1.3668219904003E-08 +-1.8258001329782E-08 +-5.1705253075479E-10 + 4.2828402425777E-10 +-1.4451625824570E-08 +-2.2982058286920E-08 +-4.8516297924846E-10 + 2.1085556439361E-10 +-1.3957050434436E-08 +-2.7813513754363E-08 +-1.8760205815664E-10 +-5.9171468898954E-10 + 3.4202816591159E+00 + 0.0000000000000E+00 + 6.3341279936889E-02 + 0.0000000000000E+00 + 2.8083740636664E-02 + 3.2141831362921E-04 +-1.1076768909443E-03 + 3.3644476956441E-02 + 5.2869627523801E-05 + 9.3537428007229E-06 + 8.1667848231459E-06 +-3.6739559204812E-05 +-8.5157196542707E-04 +-1.5366531066992E-04 + 1.8737090368456E-04 +-9.5445043439488E-04 + 1.8270062032199E-05 + 5.3500363958658E-06 +-5.2837078499650E-06 + 2.3774695314712E-05 + 7.2131076564659E-05 + 2.6403255355720E-05 +-2.9986098545078E-05 + 7.9749177289339E-05 +-4.1354286565654E-06 +-1.1278155548787E-06 + 1.0956856831472E-06 +-4.2974132924484E-06 +-8.4915082291394E-06 +-4.7076666209157E-06 + 5.1768453337425E-06 +-9.1389048374178E-06 + 7.1756593534925E-07 + 1.5940022592916E-07 +-3.1471060662032E-07 + 5.6094617502646E-07 + 1.1103458345794E-06 + 8.6374776877386E-07 +-9.2755487547508E-07 + 1.1299807832570E-06 +-6.9729276666757E-08 +-1.1041181798690E-07 + 1.2064435668460E-07 +-5.2030170114731E-09 +-1.3794160142043E-07 +-1.5246420765040E-07 + 1.6903067213570E-07 +-1.2371854666897E-07 +-2.1562198762821E-08 + 3.8617733097972E-08 +-1.4088592708481E-08 +-2.3453275172672E-08 + 2.8400961861106E-08 + 3.6197232808688E-08 +-2.7303259561707E-08 +-7.3750228828213E-09 + 1.0482183987725E-09 + 5.3582307407318E-09 +-6.5850072017373E-09 + 5.0302706779125E-09 +-6.2758647465046E-09 +-4.8964302835471E-09 +-2.5403398955855E-09 + 2.5968265614871E-08 +-1.4232818782935E-08 +-3.8212490187431E-09 + 1.1528091586443E-09 + 1.8836980967182E-09 +-2.4181985597839E-08 +-7.7555659089450E-09 + 2.8628717652181E-09 +-1.3112200973066E-08 +-1.4118585361106E-08 +-3.9504795853026E-09 + 8.8626019776559E-10 +-2.6459470929677E-09 +-1.4103196280689E-08 +-9.1492886248355E-09 +-1.5724573250968E-09 + 3.5651915980872E-09 +-1.8718331711916E-08 +-1.2672475977086E-08 +-3.0242942047137E-09 + 2.1490414494085E-09 +-2.0861009382756E-08 +-1.8082155551172E-08 + 5.9261896934497E-10 +-1.8345539334930E-09 +-1.6316089444063E-08 +-2.3298852288642E-08 + 7.3141660200927E-10 +-4.5612138698152E-09 +-1.6137438997924E-08 +-2.4909194675536E-08 +-9.7613639056576E-11 +-1.1061397931282E-09 +-1.5517126074886E-08 +-3.3134475480285E-08 +-7.3667040404809E-10 + 3.3446578150087E-09 + 3.4195049604890E+00 + 0.0000000000000E+00 + 6.3375374171963E-02 + 0.0000000000000E+00 + 4.2114670946759E-02 + 4.8698684108167E-04 +-1.6725056891702E-03 + 5.0467768307670E-02 + 1.2174717297524E-04 + 9.3002276961425E-06 + 1.0337892121667E-05 +-8.4907350089687E-05 +-1.2768596262214E-03 +-2.3118269055582E-04 + 2.8332175060965E-04 +-1.4349144405013E-03 + 4.0734607725978E-05 + 7.4839807968127E-06 +-7.1118967031670E-06 + 5.6138347400020E-05 + 1.0879558998880E-04 + 4.0170692036967E-05 +-4.5796767691919E-05 + 1.2131979610865E-04 +-1.0239320433023E-05 +-9.5636256786881E-07 + 2.6277404628869E-06 +-1.1044973279432E-05 +-1.3341087521341E-05 +-7.2717370279337E-06 + 7.9768151865649E-06 +-1.4054239887059E-05 + 1.8727885353892E-06 + 1.0708117155596E-06 +-1.2046815482922E-06 + 1.5965461509810E-06 + 1.5445712369094E-06 + 1.3149104460091E-06 +-1.4406919816919E-06 + 1.6742578929584E-06 +-2.2062843696859E-07 +-3.7761805394842E-07 + 1.8778558839956E-07 +-7.6638132721835E-08 +-2.3558938138604E-07 +-2.6033717188199E-07 + 2.5415911224784E-07 +-2.0993368888900E-07 + 2.6697406544955E-08 +-6.7789228955336E-08 + 6.2512141154088E-09 +-8.3315656293075E-08 + 1.2516629598062E-08 + 3.5192776040152E-08 +-3.6680494847578E-08 + 1.4704400786015E-08 + 2.2782595942845E-08 +-2.3985649240607E-08 + 1.6013235647221E-08 + 6.8164143040199E-08 +-6.5876601499752E-09 +-2.1060543008651E-11 + 1.1993367420104E-08 +-4.5324151856719E-09 +-3.3301962542427E-08 + 7.7181852355938E-09 + 1.0540458778900E-08 +-2.6289229717762E-08 + 1.5331627802308E-08 + 1.4104178123491E-08 + 6.5785997932781E-10 +-1.2718517227415E-08 +-1.0506509716418E-08 + 7.6702366698925E-09 +-7.5162353933703E-09 + 6.9119164630357E-09 +-1.0205040660087E-08 +-3.2359778046211E-09 +-9.0221673786046E-09 + 2.3279093238344E-08 +-2.6481310414207E-08 +-1.0976164249061E-08 +-6.3252821767828E-10 +-9.7186340163997E-10 +-2.8628641470829E-08 +-2.2215044414001E-08 + 1.7519085449417E-09 +-1.0978830083487E-08 +-2.4359129623140E-08 +-1.9307240327278E-08 +-4.3638017703885E-10 + 3.7359028056603E-10 +-2.8403971324271E-08 +-3.2316709483958E-08 +-3.6773932681078E-09 + 7.8469821808954E-09 +-2.7393915632789E-08 +-3.5171261906653E-08 +-1.3091906363392E-09 +-1.3231597331644E-09 + 3.4184275760888E+00 + 0.0000000000000E+00 + 6.3446725216003E-02 + 0.0000000000000E+00 + 5.6141543598497E-02 + 6.5513449230172E-04 +-2.2475079322161E-03 + 6.7332230248883E-02 + 2.1779705604462E-04 + 1.1510126140150E-05 + 1.4966254562161E-05 +-1.5187610612450E-04 +-1.7053874540210E-03 +-3.0959044079235E-04 + 3.8197802452129E-04 +-1.9251357245825E-03 + 7.3212297502178E-05 + 8.9293536406775E-06 +-1.2317015339467E-05 + 1.0016238954982E-04 + 1.4882835951242E-04 + 5.4791868259913E-05 +-6.2570221158235E-05 + 1.6491550844823E-04 +-1.7536540880535E-05 +-2.8627415833126E-06 + 5.7287579067348E-06 +-1.9968060267331E-05 +-1.8205064159663E-05 +-1.0035572505606E-05 + 1.0942101234419E-05 +-1.8556071694842E-05 + 3.1643050920977E-06 + 2.3849093341049E-06 +-2.0363918113485E-06 + 3.5589891877361E-06 + 1.6383577842433E-06 + 1.7703937580643E-06 +-1.9330322235570E-06 + 2.0942626531130E-06 +-8.0324116327482E-07 +-2.1754238509326E-07 + 3.3914886724507E-07 +-5.1823052674661E-07 +-3.7742171311870E-07 +-3.2781435080070E-07 + 3.3776007887082E-07 +-3.4791609851877E-07 + 1.1396127748162E-07 + 7.2688110851933E-08 +-1.3697929297559E-07 +-1.2381390927625E-07 + 4.1601611924024E-08 + 4.8643570407622E-08 +-6.0601654812319E-08 + 1.5338668665533E-08 + 5.8909255616389E-08 +-1.0375631284024E-07 +-3.9380789908832E-09 + 1.3208685429199E-07 +-2.5003843705154E-08 +-2.7396818883899E-08 + 2.8153689682893E-09 + 2.4095278969340E-08 +-1.4815972705720E-08 +-6.5081220939707E-08 + 3.0313508219923E-08 +-7.2584885975458E-08 +-2.5409914435355E-08 +-1.3248226602756E-08 + 7.5244722432594E-09 +-1.7131816976444E-08 + 1.1718605053651E-08 +-2.0460592109351E-08 +-2.2409267220554E-09 + 4.3004150874084E-08 +-1.2823225011365E-08 +-5.9751616951405E-09 + 1.6520051239293E-09 + 4.5918659697262E-10 +-3.1512743056872E-08 +-1.3738004821944E-08 + 1.1172376581351E-08 +-1.3697327913066E-08 +-8.3809468750555E-09 +-7.8502681321647E-09 + 2.5965065830544E-09 +-4.7581615448614E-09 +-2.1713197131377E-08 +-1.1402060414393E-08 +-4.1944656415544E-09 + 4.9630911685762E-09 +-1.9011299884521E-08 +-1.8639510522272E-08 +-4.1759554002870E-09 + 8.1151794740510E-09 +-3.0644814158667E-08 +-3.3236271050835E-08 +-3.2767568569652E-10 +-1.7270544809559E-09 + 3.4170769278818E+00 + 0.0000000000000E+00 + 6.3534545730341E-02 + 0.0000000000000E+00 + 7.0078975961214E-02 + 8.1593893862700E-04 +-2.8193521418701E-03 + 8.4135793109434E-02 + 3.4179828367057E-04 + 1.7541253265908E-05 + 2.3184957542976E-05 +-2.3796323360073E-04 +-2.1374078152822E-03 +-3.8770683969811E-04 + 4.8195346108395E-04 +-2.4204405792724E-03 + 1.1550665866922E-04 + 1.1481862564655E-05 +-2.0737109735380E-05 + 1.5637994481357E-04 + 1.9029707378121E-04 + 7.0093187676861E-05 +-8.0013294391067E-05 + 2.0930470556424E-04 +-2.6917540764046E-05 +-6.1758938617300E-06 + 9.9319786112433E-06 +-3.0968677551969E-05 +-2.2729439041355E-05 +-1.2870309330057E-05 + 1.3991200206398E-05 +-2.2966201621506E-05 + 4.7600045295859E-06 + 3.4863168386487E-06 +-3.2231407226589E-06 + 5.7874248547641E-06 + 1.8819829095412E-06 + 2.2162269225323E-06 +-2.4271262241611E-06 + 2.4753150646518E-06 +-1.2621784503106E-06 +-3.0724968659441E-07 + 7.4734576444562E-07 +-1.0720718078954E-06 +-4.9826733336724E-07 +-4.0063225598239E-07 + 4.1502573413008E-07 +-3.7008165763935E-07 + 1.3238787157501E-07 + 3.6817273110732E-07 +-2.5498455086057E-07 + 4.3080302696235E-08 +-5.2495021326008E-08 + 5.7346911751342E-08 +-7.0684502058039E-08 + 1.3226288609629E-08 +-5.6845966670874E-08 +-2.7645655350482E-08 +-1.6416590231990E-08 + 8.2082121868930E-08 +-5.3492306768214E-08 +-2.2523782326002E-08 + 5.9077511443063E-09 +-9.2543554827325E-09 +-1.6966371741716E-10 +-3.8653914499032E-08 + 1.1501936698467E-08 +-1.1053280539150E-07 + 4.9439177544658E-09 +-7.2696425610579E-09 + 4.7624139514145E-09 +-2.6681684167953E-08 + 3.1801682473816E-08 +-4.4914763172459E-08 +-2.2042629395801E-08 + 7.1772856623947E-08 +-2.2846533563466E-08 +-2.0486069396681E-08 +-1.1313178880736E-08 + 3.2221518811553E-08 +-1.7284616412277E-08 +-5.2882397655957E-08 + 2.0514858508602E-08 +-3.7516398235798E-08 +-3.2188523125957E-08 +-2.8789729023301E-08 + 9.6975774089690E-09 +-2.0612102687560E-08 +-1.3571752210322E-09 +-3.1794705883391E-08 +-4.0580781499885E-09 + 2.2467125120754E-08 +-1.7429331014638E-08 +-2.6943271946580E-08 +-2.0543359263776E-09 + 5.3513519905943E-09 +-3.1943468442041E-08 +-3.8794416916514E-08 + 7.0842659944614E-09 +-6.0474017583554E-09 + 3.4154612307909E+00 + 0.0000000000000E+00 + 6.3632488391851E-02 + 0.0000000000000E+00 + 8.4031249312383E-02 + 9.6724981784724E-04 +-3.3885260163125E-03 + 1.0099828847045E-01 + 4.9393507897785E-04 + 2.6920022817262E-05 + 3.4711184570672E-05 +-3.4314347538073E-04 +-2.5765145908967E-03 +-4.6569196927389E-04 + 5.8370593166917E-04 +-2.9226810993801E-03 + 1.6660677022105E-04 + 1.5787694626990E-05 +-3.1609296823254E-05 + 2.2554226533644E-04 + 2.3329551476849E-04 + 8.6093835442888E-05 +-9.8247159045822E-05 + 2.5375373999635E-04 +-3.8715295734596E-05 +-1.0580170764293E-05 + 1.4710484976765E-05 +-4.4871720792071E-05 +-2.6579562719793E-05 +-1.5776692935515E-05 + 1.7146818607159E-05 +-2.6889258730166E-05 + 7.0790631369901E-06 + 4.6667612253592E-06 +-4.3732464299673E-06 + 8.4709809530659E-06 + 2.1585026752546E-06 + 2.6717034534558E-06 +-2.9125796654993E-06 + 2.7462007634812E-06 +-1.6310135180562E-06 +-5.7950143310726E-07 + 9.8426974494875E-07 +-1.6546289644136E-06 +-5.8556372890422E-07 +-4.6773751758372E-07 + 4.6946519677948E-07 +-2.8650676704316E-07 + 1.6363967559786E-07 + 4.5321759806192E-07 +-2.7580024040177E-07 + 2.8708293999833E-07 +-1.8438882390716E-07 + 5.0278151081576E-08 +-6.7565213436207E-08 +-3.3294718515046E-08 +-1.9175021876679E-07 + 7.3637021396535E-08 + 3.5463371762826E-08 +-1.2818239393978E-08 +-6.8713812065528E-08 +-1.1510413563104E-08 + 1.1275760364116E-08 +-3.2591720143559E-08 +-1.8361628094683E-08 + 5.2888376366530E-08 +-3.6376017507727E-08 +-1.0121857606752E-07 +-1.6514056354705E-08 +-3.7470911352240E-09 +-5.3761572071027E-09 +-5.0580218397687E-09 + 6.7591452769622E-09 +-2.5931279886754E-08 +-2.2313334537539E-08 + 6.9814566072631E-08 +-3.8321880202535E-08 +-1.8884331864762E-08 +-4.3183906451940E-09 + 1.0649825133684E-08 +-1.6964941172751E-08 +-4.2344399527405E-08 + 1.5868317641787E-08 +-5.2078809006961E-08 +-1.0176133701515E-08 +-2.2170548865240E-08 + 6.5588213112170E-09 +-2.4853418009238E-08 + 5.1388899862255E-09 +-3.8307119615617E-08 +-1.3001867742623E-08 + 3.1828756500526E-08 +-2.5497706842907E-08 +-3.5824125673408E-08 +-1.0083714005104E-08 + 2.4117044212485E-08 +-2.1011724965217E-08 +-5.7478686231672E-08 + 9.8266468265663E-09 +-1.7482947862133E-08 + 3.4136028984424E+00 + 0.0000000000000E+00 + 6.3751173232215E-02 + 0.0000000000000E+00 + 9.7976857421106E-02 + 1.1125041785782E-03 +-3.9588089774454E-03 + 1.1788794855719E-01 + 6.7485931502721E-04 + 3.6136974816469E-05 + 4.7213700442049E-05 +-4.6787603964721E-04 +-3.0210007924809E-03 +-5.4349941995615E-04 + 6.8770214570384E-04 +-3.4300700902651E-03 + 2.2712643822700E-04 + 2.1937789816502E-05 +-4.2519794338864E-05 + 3.0782915152690E-04 + 2.7657076204067E-04 + 1.0279330971849E-04 +-1.1757947148263E-04 + 2.9883071960712E-04 +-5.2434749261143E-05 +-1.5234189852490E-05 + 1.9033044965035E-05 +-6.1998250418354E-05 +-3.0104798556459E-05 +-1.8816136712438E-05 + 2.0634473289499E-05 +-3.1037825629140E-05 + 1.0337022828685E-05 + 5.5570294160225E-06 +-5.4394942232934E-06 + 1.2004392192389E-05 + 2.4506814226383E-06 + 3.1835799503664E-06 +-3.5456655893970E-06 + 3.2597030698890E-06 +-2.3092560852845E-06 +-8.1952549888231E-07 + 1.3783128965122E-06 +-2.1908578524789E-06 +-5.7738262315207E-07 +-5.6918687281015E-07 + 6.0506229061011E-07 +-4.2030348881267E-07 + 1.2091394811783E-07 + 5.4464834156945E-07 +-4.3924276107145E-07 + 3.5887081980160E-07 +-1.3634951161441E-07 + 8.7345836475906E-08 +-9.3959911429524E-08 + 2.5077911596797E-08 +-1.7423437612780E-07 + 1.4462550552753E-08 + 9.1193526566910E-08 +-1.0432809885140E-07 +-1.4847213906714E-07 +-2.2160145819873E-08 + 1.8533751822569E-09 + 4.9765817448771E-09 +-2.5725153732758E-08 + 1.0318181024537E-07 +-2.2475611865986E-08 +-5.8282214292090E-09 +-8.1249537303682E-08 +-9.8712677054252E-09 + 9.5553805284494E-09 +-4.3548970670204E-08 +-7.9364198374606E-08 + 3.4967944501257E-08 +-1.9230084987290E-08 + 3.8748022650845E-08 +-2.7127101612109E-08 +-6.0095463347353E-09 +-6.5559998688747E-09 +-1.7742254357451E-09 +-2.6098514198709E-08 +-1.2357312503688E-08 +-4.9983465469922E-09 +-7.2054427482903E-08 +-1.3009022591201E-08 +-1.6814201265732E-08 + 1.4954757738582E-09 +-6.4936081832865E-09 + 8.4816753923208E-09 +-3.7763595444054E-08 +-1.1402701775922E-08 + 4.0355075773068E-08 +-3.6075509523929E-08 +-3.6172516193257E-08 +-8.0204598837268E-09 + 1.4378574346035E-08 +-2.4240461852624E-08 +-4.6993566244911E-08 + 9.5782190158461E-09 +-2.0796092107040E-08 + 3.4115356713118E+00 + 0.0000000000000E+00 + 6.3893006166935E-02 + 0.0000000000000E+00 + 1.1183913200315E-01 + 1.2518434941632E-03 +-4.5279816638646E-03 + 1.3471197359455E-01 + 8.8288613322761E-04 + 4.4924531253556E-05 + 6.0490052996847E-05 +-6.1097495985527E-04 +-3.4662040689592E-03 +-6.2054491912288E-04 + 7.9358166720848E-04 +-3.9412885602765E-03 + 2.9633107411302E-04 + 2.8537664450517E-05 +-5.4179018888612E-05 + 4.0254562057452E-04 + 3.2041447963734E-04 + 1.2025294893106E-04 +-1.3803719815832E-04 + 3.4576663936586E-04 +-6.8949690221647E-05 +-1.9485851341711E-05 + 2.4412877283038E-05 +-8.1555887350232E-05 +-3.3821031533650E-05 +-2.2172610757964E-05 + 2.4361276687136E-05 +-3.5773500593214E-05 + 1.3899711585165E-05 + 6.5208911015324E-06 +-7.5972345393321E-06 + 1.5693915638563E-05 + 3.1390860050521E-06 + 3.8370056914070E-06 +-4.0922002701790E-06 + 3.7529851253752E-06 +-2.9241300158521E-06 +-1.4435006813482E-06 + 2.3606789101430E-06 +-2.6780653327018E-06 +-7.1541921371244E-07 +-6.6498940885699E-07 + 5.6332294030262E-07 +-2.1093328109763E-07 + 2.1018501847290E-07 + 8.2517150450782E-07 +-7.3953543822030E-07 + 3.1366341207033E-07 +-2.5409103237871E-07 + 3.7867528847943E-08 + 2.9912053377525E-09 +-1.6423165066213E-07 +-9.9622352603181E-08 +-6.9367866464424E-08 + 1.2491954613611E-07 +-5.1287987529826E-08 +-4.4305382964367E-08 + 3.9351176053274E-08 +-2.8640886031396E-08 + 2.4384872320240E-08 +-9.5236077443700E-08 + 8.2461103236547E-08 +-1.4235341440204E-08 + 3.5275881552326E-08 +-7.9347598473913E-08 +-1.7055822223445E-08 +-4.1105316668563E-09 + 2.1330385309295E-09 +-9.1034908028048E-08 + 3.9786945401483E-08 +-6.9855719052145E-09 +-2.9793835268941E-08 +-8.0095503659300E-08 +-1.3854982992546E-08 + 5.7000497451217E-09 +-1.3516325955931E-09 +-2.5186356514047E-08 + 2.3492137920844E-08 +-3.9333199505791E-10 +-1.7916230114559E-08 +-4.1161585781925E-08 +-1.4645509436273E-08 +-6.3440207977644E-10 +-2.4241826553951E-08 +-4.4581057635937E-08 +-9.9554615838963E-09 +-1.5495536313371E-08 + 2.7878183790687E-08 +-2.3854754868719E-08 +-2.0534948356017E-08 +-3.1630963781032E-09 + 4.7434068033778E-09 +-2.9286612329773E-08 +-4.0390095258974E-08 + 1.5326723984121E-09 +-4.0451387434170E-08 + 3.4092708180745E+00 + 0.0000000000000E+00 + 6.4048194294207E-02 + 0.0000000000000E+00 + 1.2570511266136E-01 + 1.3822234607286E-03 +-5.0936625514401E-03 + 1.5156777850644E-01 + 1.1181691575729E-03 + 5.5785445872805E-05 + 7.6281452063707E-05 +-7.7237286554243E-04 +-3.9153758482816E-03 +-6.9675308682227E-04 + 9.0109396658365E-04 +-4.4571310173001E-03 + 3.7485639999778E-04 + 3.4988365532090E-05 +-6.8639471065713E-05 + 5.0908840697484E-04 + 3.6553430828504E-04 + 1.3862219647393E-04 +-1.5926419078008E-04 + 3.9299999804462E-04 +-8.7527785788860E-05 +-2.4276658967985E-05 + 3.1804528382597E-05 +-1.0323492627457E-04 +-3.8027821571375E-05 +-2.5727598184128E-05 + 2.7964974148357E-05 +-3.9398542663779E-05 + 1.7854400725509E-05 + 8.4664903372600E-06 +-1.0450178153608E-05 + 1.9603373123281E-05 + 3.5032082158085E-06 + 4.3525882405258E-06 +-4.4268365943718E-06 + 3.2466592995796E-06 +-3.2645485884644E-06 +-2.5341360332758E-06 + 3.0710689074755E-06 +-3.3091269483171E-06 +-2.7544651202066E-07 +-5.7337521924649E-07 + 4.8650198932783E-07 + 2.5444993660412E-07 + 2.4572167616317E-07 + 1.0053572496374E-06 +-6.3400754222599E-07 + 5.9302431483695E-07 +-3.8129577241835E-07 +-5.8755539884200E-08 + 2.9191114912343E-09 +-2.2879036711633E-07 +-2.4273669072857E-07 + 2.8397820974639E-08 + 8.7286651246455E-09 +-1.6294833867744E-07 +-3.1685411654809E-08 + 2.8329900077146E-08 + 1.2372814191170E-08 + 2.5912367625555E-09 +-3.3850424105207E-08 + 6.2450304276049E-09 +-2.4355364432563E-08 + 4.5215685211956E-09 +-8.7637480861265E-08 + 2.4908908875771E-08 +-7.9540385374854E-09 + 2.8687299754836E-08 +-5.9133289479053E-08 + 2.2490770142992E-08 + 3.4257203155031E-08 + 1.4168917806516E-08 +-8.8983684368622E-08 +-7.5446892443251E-09 +-1.1061872025041E-08 +-2.3079993628863E-08 +-7.3963739149226E-08 + 3.3304067127193E-08 +-1.9273410781762E-08 +-4.4884290454728E-09 +-3.5206968495167E-08 +-2.4160214222078E-08 + 4.2394383646340E-09 +-1.3040971034219E-08 +-5.2517147091064E-08 +-9.2200515443400E-09 +-4.4021273646310E-09 +-1.0861729268852E-08 +-4.4871206020638E-08 +-2.0647825985256E-08 +-9.5523032697327E-10 + 1.4811326551776E-08 +-2.5749234864958E-08 +-1.5499272191361E-08 + 6.0444993405223E-09 +-1.1012470177780E-08 + 3.4068377066487E+00 + 0.0000000000000E+00 + 6.4217953839019E-02 + 0.0000000000000E+00 + 1.3953416328010E-01 + 1.5039164227960E-03 +-5.6539698390613E-03 + 1.6839418400423E-01 + 1.3790880382172E-03 + 6.7192572715001E-05 + 9.3559545334880E-05 +-9.5098760337042E-04 +-4.3663901004030E-03 +-7.7160464963329E-04 + 1.0097967848758E-03 +-4.9734194549289E-03 + 4.6192384831112E-04 + 4.2206964056313E-05 +-8.4184838412658E-05 + 6.2696442742260E-04 + 4.1162509315388E-04 + 1.5768317516420E-04 +-1.8129928828985E-04 + 4.3927212424302E-04 +-1.0800637192255E-04 +-3.0029648969518E-05 + 3.9353262382141E-05 +-1.2731891812491E-04 +-4.1495517038295E-05 +-2.9294319766705E-05 + 3.1702286256177E-05 +-4.1955155120295E-05 + 2.1937938935271E-05 + 1.0872934964514E-05 +-1.2788374772381E-05 + 2.4332486238946E-05 + 3.2309084078728E-06 + 4.7356838732618E-06 +-4.8770871211222E-06 + 2.6187108656417E-06 +-3.9207432255204E-06 +-3.2876301932922E-06 + 3.4070506376259E-06 +-4.3277491298998E-06 + 2.4487707736976E-07 +-4.9675289928285E-07 + 5.5190434204620E-07 + 4.3981332005347E-07 + 5.4637855838669E-07 + 8.5080175669673E-07 +-6.5063739523761E-07 + 8.2735613339179E-07 +-4.3505615679281E-07 +-3.5197406358161E-08 +-4.5107267085874E-08 +-8.1526258890364E-08 +-2.9428653093418E-07 + 7.5928684247337E-08 + 1.5297800698280E-07 +-1.2735872848316E-07 +-1.6723815907063E-07 +-3.0959865625308E-08 + 4.5640504487153E-09 +-5.1275493335668E-08 +-7.0681383098687E-08 + 9.9030276564698E-08 +-1.1308054961869E-07 +-4.1974816271388E-08 +-3.4130465315666E-08 + 1.3384064523308E-08 + 2.7336039683936E-08 +-4.2137515629040E-08 +-3.3482507641939E-08 +-4.2623125635275E-08 + 1.1080480533045E-08 + 1.3834490290543E-08 +-2.0910072065055E-08 + 2.9871438388729E-08 +-1.5404116170243E-08 + 2.3146791360812E-08 +-6.3321288202107E-08 + 3.2211540156616E-09 + 2.1483570696760E-08 + 8.6364455613208E-09 +-7.3134591753916E-08 +-1.0945280313316E-08 +-7.5012456283111E-09 + 1.3091776591737E-08 +-5.7992594854050E-08 + 1.4447421221236E-08 +-6.3388383260734E-09 +-1.3594226545551E-08 +-6.4093186078180E-08 +-2.9918940313389E-08 +-1.4970521592953E-10 +-1.7511601083000E-08 +-4.2830457991935E-08 +-2.1055685960549E-08 +-1.0740429977377E-08 +-1.0199937692985E-09 + 3.4042486404797E+00 + 0.0000000000000E+00 + 6.4404839254478E-02 + 0.0000000000000E+00 + 1.5337110116828E-01 + 1.6181952084511E-03 +-6.2110877987154E-03 + 1.8524062491663E-01 + 1.6655299291124E-03 + 7.8192727607490E-05 + 1.1173340374055E-04 +-1.1468130745435E-03 +-4.8193251358182E-03 +-8.4504884913889E-04 + 1.1201379841613E-03 +-5.4913536663864E-03 + 5.5749354942028E-04 + 5.0103188074972E-05 +-1.0024503918223E-04 + 7.5623333608118E-04 + 4.5800141334805E-04 + 1.7748202763105E-04 +-2.0441242762583E-04 + 4.8559958997543E-04 +-1.3034615269353E-04 +-3.6233238733716E-05 + 4.7070407280995E-05 +-1.5391495475335E-04 +-4.4452008959903E-05 +-3.2975473843233E-05 + 3.5708189436618E-05 +-4.4303605937922E-05 + 2.6581114044762E-05 + 1.3208484812135E-05 +-1.5244624967357E-05 + 2.9658452756858E-05 + 2.6403399760396E-06 + 5.1766503451599E-06 +-5.3919201188484E-06 + 2.1905488588493E-06 +-4.8173008880977E-06 +-3.8097767383023E-06 + 4.0710518408577E-06 +-5.3193226901240E-06 + 5.1210766121790E-07 +-5.2274306382785E-07 + 5.6180291376719E-07 + 4.8829346534154E-07 + 8.1695458144505E-07 + 8.3995274963861E-07 +-9.6957186862707E-07 + 8.8221420552804E-07 +-2.6565627924574E-07 + 1.7015102860171E-09 + 2.4949812495538E-08 +-1.2237862526653E-07 +-2.3630966279131E-07 +-9.4073138096279E-08 + 3.1577647671677E-07 +-2.5758924941795E-08 +-1.1193456535151E-07 +-5.1489913537469E-09 +-7.2248919571334E-08 + 5.1596975495474E-08 +-1.3712967651689E-07 + 1.7844679778304E-07 +-9.5233790730896E-08 +-5.2952186879502E-08 +-9.2623624858100E-08 +-4.5881431485272E-08 + 4.9853123554035E-08 +-5.2719441626168E-08 +-2.7016619751441E-08 + 5.5746848625853E-10 +-2.4546281302607E-08 +-1.8749559006824E-08 +-3.5174704967225E-08 + 3.2222851197948E-08 +-8.1030749186551E-10 + 4.1866070575984E-09 +-2.4043711319143E-08 +-3.0083455236597E-08 + 3.9500907813723E-09 + 1.1219360446958E-08 +-5.1899113119172E-08 + 1.2368127728493E-08 +-8.4808939341718E-09 + 6.0149911973573E-09 +-5.9278883148133E-08 +-1.5411607354072E-08 + 9.4192619727485E-09 + 1.2873522603201E-08 +-4.4547413830468E-08 +-1.5513984795722E-08 +-3.7396671316630E-09 +-5.1145520016191E-09 +-6.8437103480287E-08 +-9.4028638848671E-09 + 4.4312413960229E-10 +-8.2825079615822E-09 + 3.4015300893574E+00 + 0.0000000000000E+00 + 6.4605226637564E-02 + 0.0000000000000E+00 + 1.6717100598589E-01 + 1.7236897053151E-03 +-6.7612677591936E-03 + 2.0204824842017E-01 + 1.9755883155294E-03 + 8.9181200962331E-05 + 1.3104477115339E-04 +-1.3585816885832E-03 +-5.2717093321300E-03 +-9.1650300493448E-04 + 1.2315034639118E-03 +-6.0088491430146E-03 + 6.6112206941474E-04 + 5.8156017834605E-05 +-1.1732211207734E-04 + 8.9587726860343E-04 + 5.0476114712763E-04 + 1.9803053162359E-04 +-2.2842452176367E-04 + 5.3187266949220E-04 +-1.5448318973628E-04 +-4.2657244076554E-05 + 5.5617410593945E-05 +-1.8253297759231E-04 +-4.6931517111731E-05 +-3.6834192192134E-05 + 3.9788518951022E-05 +-4.6306218234551E-05 + 3.1689840895794E-05 + 1.5628212991092E-05 +-1.8300494261467E-05 + 3.5252750327892E-05 + 2.1138739743924E-06 + 5.6485386945313E-06 +-5.7850863556682E-06 + 1.5878096381188E-06 +-5.7742020203017E-06 +-4.4737122632389E-06 + 5.0935821034196E-06 +-6.1714302291015E-06 + 7.4774987523514E-07 +-5.1809033980902E-07 + 4.4288310784199E-07 + 7.6095036408179E-07 + 9.4798931425784E-07 + 1.0709201971186E-06 +-1.3357619690117E-06 + 8.6216222974911E-07 +-2.2932583933945E-07 +-4.9287416885533E-08 + 1.4679920743416E-07 +-2.7943210542078E-07 +-9.2508757506884E-08 +-2.8089839143342E-07 + 3.6426462092727E-07 +-2.3784021311286E-10 +-1.8066269574376E-08 + 7.0685041741685E-08 +-1.1938439657981E-07 + 1.4375792190546E-07 +-1.1974967738299E-07 + 1.5577325074045E-07 +-3.8268452199263E-08 +-2.8727716729670E-09 +-1.2948646257361E-07 +-6.9296792151648E-08 + 3.8805346072058E-08 +-4.4521846158358E-08 +-7.0454047679608E-08 + 4.4764204284826E-08 +-3.4184127336910E-08 +-2.0126114891664E-08 +-5.1367735976524E-08 + 2.5420493814675E-09 + 5.7241774029525E-09 +-1.2712363973540E-08 +-4.1547590920289E-08 +-2.0436455348339E-08 +-4.5600252389136E-09 +-2.8299798593182E-09 +-3.6623688413281E-08 + 1.3120449971663E-08 + 2.9882579086943E-09 +-8.5517104927709E-10 +-4.1131156028195E-08 +-1.9836322223737E-08 + 2.5710515268010E-09 +-1.9496400045128E-10 +-4.4749851542019E-08 + 3.8245618203281E-09 +-6.5301237291887E-09 + 4.3505517306179E-09 +-3.7437241238464E-08 +-2.8095193663506E-08 + 2.5378158179580E-09 +-2.4195457328907E-09 + 3.3986972326081E+00 + 0.0000000000000E+00 + 6.4816114610112E-02 + 0.0000000000000E+00 + 1.8093613175516E-01 + 1.8194191655288E-03 +-7.3029451668883E-03 + 2.1881659805334E-01 + 2.3084589371336E-03 + 1.0044978818204E-04 + 1.5171250272288E-04 +-1.5857593717195E-03 +-5.7232642626840E-03 +-9.8566934216844E-04 + 1.3437354139950E-03 +-6.5253969145693E-03 + 7.7265234158711E-04 + 6.6193894229035E-05 +-1.3566752285463E-04 + 1.0454230963760E-03 + 5.5214247768481E-04 + 2.1938890370582E-04 +-2.5328508181484E-04 + 5.7775627714712E-04 +-1.8026614216911E-04 +-4.9419760612452E-05 + 6.5125926229585E-05 +-2.1299061264748E-04 +-4.9094393031332E-05 +-4.0844814661941E-05 + 4.3870671955477E-05 +-4.7477147341981E-05 + 3.7187806659996E-05 + 1.8346474140999E-05 +-2.1849004653228E-05 + 4.1105735070783E-05 + 1.4142867097973E-06 + 6.0859572769564E-06 +-6.0348402721440E-06 + 5.0523303778289E-07 +-6.6817916755333E-06 +-5.3768296241733E-06 + 6.2115668151008E-06 +-6.9963314928653E-06 + 1.0075784780651E-06 +-4.2477318306831E-07 + 2.3553226060437E-07 + 1.3417841458523E-06 + 9.5742339651642E-07 + 1.4014682495261E-06 +-1.5796333581398E-06 + 9.1729735166202E-07 +-3.9937288688209E-07 +-1.6772213835410E-07 + 2.7316066897345E-07 +-5.4030826661592E-07 +-4.3366075711673E-08 +-3.8054924377120E-07 + 3.0988083455034E-07 +-4.5838752149192E-08 + 9.3581843507367E-08 + 1.4176998394680E-07 +-1.4051392495546E-07 + 1.9057512465931E-07 +-9.4468792485375E-08 + 8.4401852128290E-08 + 2.3180773134882E-08 + 4.0701149803773E-08 +-1.1262942912024E-07 +-7.3629030476227E-08 + 1.7592468009810E-08 +-3.0790059434946E-08 +-8.0392781369215E-08 + 6.9286842276918E-08 +-2.9919933148942E-08 +-3.4429327342130E-08 +-2.7584003603851E-08 +-1.3334001144363E-08 + 1.8855386425707E-08 +-2.6168340665738E-08 +-1.5564708649373E-08 +-5.9727689517013E-09 +-1.5811437640557E-08 +-1.5359893698882E-08 +-1.9754779656397E-08 + 1.0481439748821E-08 +-3.2744653938078E-09 + 1.0140198879378E-08 +-1.0359814592918E-08 +-2.6904048403034E-08 + 5.2636613838016E-09 + 1.0128311497755E-08 +-4.4815960927295E-08 +-5.3703905592254E-10 +-1.4470922415653E-11 + 1.0172211630499E-08 +-4.9749949193690E-08 +-1.9418057333992E-08 + 1.4113714740845E-09 + 1.5163469091583E-08 + 3.3957542951433E+00 + 0.0000000000000E+00 + 6.5038962243507E-02 + 0.0000000000000E+00 + 1.9470205709374E-01 + 1.9059839525625E-03 +-7.8381191922141E-03 + 2.3558826820772E-01 + 2.6647019494502E-03 + 1.1127561864212E-04 + 1.7334667944067E-04 +-1.8287409683777E-03 +-6.1752430216535E-03 +-1.0525705008454E-03 + 1.4573650446172E-03 +-7.0420251052652E-03 + 8.9209413068677E-04 + 7.4543358356513E-05 +-1.5462873321128E-04 + 1.2052691865507E-03 + 6.0029762902876E-04 + 2.4166012801400E-04 +-2.7924471083631E-04 + 6.2312077375308E-04 +-2.0771251286974E-04 +-5.6763761378072E-05 + 7.4874478471386E-05 +-2.4558268319911E-04 +-5.0803533620074E-05 +-4.4980398097163E-05 + 4.8119326942872E-05 +-4.7671326213027E-05 + 4.2975509181102E-05 + 2.1429287097097E-05 +-2.5222822956470E-05 + 4.7552542375745E-05 + 3.9937386225763E-07 + 6.4447853050781E-06 +-6.3288653925831E-06 +-1.0380339766607E-06 +-7.6219394418998E-06 +-6.3815925403033E-06 + 6.9795653380345E-06 +-8.1104137362916E-06 + 1.5657150979204E-06 +-2.6865052054612E-07 + 1.2215218234722E-07 + 1.9693510305168E-06 + 1.0164899791492E-06 + 1.6327417722518E-06 +-1.5629146749042E-06 + 1.1656192444190E-06 +-5.9945291201053E-07 +-2.8038348521213E-07 + 2.8712362404405E-07 +-6.6859951479417E-07 +-6.9675229228953E-08 +-3.2267778099266E-07 + 2.0721831443596E-07 +-1.8217038302235E-07 + 2.1364916105856E-07 + 1.5136334323885E-07 +-9.5447337161916E-08 + 1.0624616846545E-07 + 5.3388689034965E-08 +-2.4663193595673E-08 + 5.5944770808662E-09 + 3.6708213945541E-08 +-3.4102371595153E-08 +-2.1083975446965E-08 +-2.8436527515037E-10 + 5.9269705172882E-08 +-5.1113534197151E-08 + 6.6640980649084E-08 + 4.5205022477829E-08 + 4.4687496702128E-08 +-7.2906069733787E-08 +-4.1779776936253E-08 +-8.9736515271806E-09 +-2.7470745011317E-08 +-4.3649587361185E-08 + 2.8809927261702E-08 +-5.3108552836996E-08 +-4.6846463150874E-08 +-1.9485557926121E-08 +-1.1477284530962E-09 + 3.0656684934084E-08 +-4.8332196779399E-09 +-1.8229459969637E-08 +-3.8610182123408E-08 + 4.0610160691014E-09 + 2.4620888133144E-08 +-4.0960851978859E-08 + 1.3872961201049E-08 +-1.6675574117340E-08 + 1.2067772359154E-08 +-5.7429167427577E-08 +-2.6628591411170E-08 + 8.2318664237490E-09 + 3.6290056543959E-09 + 3.3927158198363E+00 + 0.0000000000000E+00 + 6.5274684543759E-02 + 0.0000000000000E+00 + 2.0844111953220E-01 + 1.9834885760650E-03 +-8.3667638427749E-03 + 2.5233332655630E-01 + 3.0438843062699E-03 + 1.2110526031509E-04 + 1.9563372253115E-04 +-2.0872862334132E-03 +-6.6261159616566E-03 +-1.1169605498846E-03 + 1.5725989726395E-03 +-7.5590742644771E-03 + 1.0192849836708E-03 + 8.3101561360752E-05 +-1.7390869413637E-04 + 1.3752870775917E-03 + 6.4925647507324E-04 + 2.6492663469789E-04 +-3.0652528338039E-04 + 6.6884312773923E-04 +-2.3671729387780E-04 +-6.4441206341432E-05 + 8.4879675960774E-05 +-2.8041992268965E-04 +-5.1819365714456E-05 +-4.9299390301735E-05 + 5.2656372321069E-05 +-4.7638222104495E-05 + 4.9330569171412E-05 + 2.4553779213414E-05 +-2.8791737631751E-05 + 5.4567116440135E-05 +-8.7979268751819E-07 + 6.8326674359391E-06 +-6.6829090240672E-06 +-2.3689266308739E-06 +-8.6573379605881E-06 +-7.2471352277857E-06 + 8.0207228968876E-06 +-9.2681378156390E-06 + 2.1408091093824E-06 +-1.5768234292697E-07 +-8.2630845345426E-09 + 2.3011450710894E-06 + 1.2538477093922E-06 + 1.7346588065937E-06 +-1.9337210323946E-06 + 1.2451545392400E-06 +-7.2525781493180E-07 +-3.2113580378678E-07 + 3.9295448926963E-07 +-5.7679132708871E-07 +-1.4452592259302E-07 +-2.9312667391637E-07 + 4.6998920033461E-07 +-1.0312321100550E-09 + 8.5557528870441E-08 + 1.3488324403084E-07 +-1.9445057131322E-07 + 3.6946908759965E-08 +-1.3385505885257E-09 + 3.2576217877149E-08 +-1.8082713070301E-07 +-1.5548785080696E-07 + 6.0578366914339E-08 +-3.0202488360687E-08 + 9.9057186563213E-08 +-1.0669362388160E-08 + 3.4102693804221E-08 +-5.8333924293370E-08 + 7.8447584778179E-08 + 1.3189609318052E-07 +-6.7984165191457E-08 + 1.6299987723984E-08 +-6.5290617494086E-08 + 8.2138532186982E-08 +-1.3993801018748E-07 + 7.3049623170936E-08 + 2.4735067724457E-08 +-6.2405898590762E-09 +-6.9569244936259E-08 +-5.1501524346819E-08 + 2.2037885458200E-08 +-6.6433377844579E-08 +-1.4498883424073E-08 + 1.0803450048441E-09 +-6.3186663788605E-08 +-7.7591085848628E-08 + 1.9454461759835E-08 + 1.2257251970554E-08 + 1.9931433854974E-08 +-1.9977387971538E-09 + 4.8020720257646E-08 +-6.0425898118302E-08 + 1.7890163258402E-08 + 2.6291249534653E-08 + 3.3895849490197E+00 + 0.0000000000000E+00 + 6.5519562267976E-02 + 0.0000000000000E+00 + 2.2216561445801E-01 + 2.0503330259840E-03 +-8.8881673920386E-03 + 2.6907268824131E-01 + 3.4466844803638E-03 + 1.3097246226077E-04 + 2.1936279869192E-04 +-2.3617368435284E-03 +-7.0769710842176E-03 +-1.1786976875442E-03 + 1.6896298905602E-03 +-8.0781423236376E-03 + 1.1544912619624E-03 + 9.1261222992832E-05 +-1.9460678853200E-04 + 1.5555897143676E-03 + 6.9945063149398E-04 + 2.8944123325432E-04 +-3.3510123767006E-04 + 7.1513659248628E-04 +-2.6756075724169E-04 +-7.2302734669321E-05 + 9.6219706069828E-05 +-3.1718138436844E-04 +-5.2608522473627E-05 +-5.3909874252965E-05 + 5.7219815152835E-05 +-4.6987755481750E-05 + 5.6147554160049E-05 + 2.7855857821528E-05 +-3.3327944361916E-05 + 6.1758181497650E-05 +-2.2381104456135E-06 + 7.2522555545223E-06 +-6.7725525162960E-06 +-4.1312458905457E-06 +-9.8539188438247E-06 +-8.2970510366989E-06 + 9.6279137722833E-06 +-1.0099885789798E-05 + 2.6000899983711E-06 +-5.1999109409860E-09 +-4.1797902881072E-07 + 3.0332806490648E-06 + 1.2872002107393E-06 + 2.0784159844324E-06 +-2.4830640886315E-06 + 1.0304716171436E-06 +-7.4391428389895E-07 +-4.6462839978805E-07 + 6.8640161085193E-07 +-9.5247096526925E-07 +-1.9887262515288E-08 +-4.8913537427823E-07 + 5.7797599693031E-07 + 1.9713678549888E-07 + 8.2606075961911E-08 + 2.5169101905876E-07 +-3.3235097289593E-07 + 3.3832683232640E-07 +-1.6509649126245E-07 + 1.6163019969461E-07 +-5.5193201976322E-08 +-1.6328210741532E-07 + 8.2557953006651E-11 +-1.3232745078598E-07 + 1.0153871886928E-07 +-2.3432872487015E-07 + 1.7350260336210E-07 +-5.8454816074839E-08 +-1.0793591002859E-07 +-6.1998682215432E-08 + 1.0696425377000E-07 + 6.9944073649861E-08 + 2.2538148992532E-08 + 1.2683705381486E-07 +-1.3592046996709E-09 +-4.3154510188256E-08 + 1.0320059689421E-07 + 1.6717901234971E-07 +-1.3359131004268E-07 +-1.2709699752304E-08 +-6.7668342387326E-08 + 4.2775019134516E-08 +-1.5001217213380E-07 + 7.7816434196084E-08 +-5.6702943033775E-09 +-5.3146754231189E-08 +-4.3826584582323E-08 +-5.4516054032063E-08 + 3.9999213329216E-08 +-8.8327782097337E-08 + 9.2244597672804E-09 +-2.3908428623500E-08 +-5.8962152918825E-08 +-5.6655659919101E-08 + 3.3863740979844E+00 + 0.0000000000000E+00 + 6.5775165257665E-02 + 0.0000000000000E+00 + 2.3583980487699E-01 + 2.1066977056919E-03 +-9.4028566233960E-03 + 2.8576910050789E-01 + 3.8729203102695E-03 + 1.4003512518584E-04 + 2.4407039775985E-04 +-2.6518743576145E-03 +-7.5274105907914E-03 +-1.2376117227971E-03 + 1.8088078037911E-03 +-8.5989700535142E-03 + 1.2975241693753E-03 + 9.9480020727773E-05 +-2.1589789610534E-04 + 1.7460889131510E-03 + 7.5156860894915E-04 + 3.1527577158976E-04 +-3.6526761648755E-04 + 7.6161116863413E-04 +-2.9990066569959E-04 +-8.0820123953604E-05 + 1.0786043665256E-04 +-3.5621912106770E-04 +-5.2995654449700E-05 +-5.8720155479391E-05 + 6.2092574028083E-05 +-4.5166735330028E-05 + 6.3483908913020E-05 + 3.1666636594265E-05 +-3.7669370007387E-05 + 6.9622417631194E-05 +-3.7836803516065E-06 + 7.5740248349016E-06 +-6.9870586529190E-06 +-6.6658869724165E-06 +-1.0867688349994E-05 +-9.6432487242070E-06 + 1.0692859233361E-05 +-1.1287443741198E-05 + 3.3021110729114E-06 + 2.9071138620913E-07 +-6.1465537999423E-07 + 4.2179907746244E-06 + 1.2865866269178E-06 + 2.4927063730852E-06 +-2.4143721626410E-06 + 1.2567100826276E-06 +-1.0122961238973E-06 +-6.8602698839906E-07 + 6.7228880985913E-07 +-1.4514950653585E-06 + 1.4459435803203E-07 +-5.4738056874621E-07 + 2.5069938846259E-07 +-5.8809091329299E-08 + 2.7865314474894E-07 + 3.3939644784922E-07 +-1.6797386690850E-07 + 5.0916201489682E-07 +-1.7811687171358E-07 + 5.0598128684779E-08 + 1.7418984534096E-07 + 1.7440719595078E-07 +-2.0799150508577E-07 +-9.9085297261919E-08 +-7.2379240505374E-08 +-1.3892685923400E-07 +-5.0272767079071E-08 + 1.0166056814450E-07 +-1.2061425743707E-07 +-2.2482246020613E-07 + 1.3862382991248E-07 +-4.2193972340199E-08 + 9.4570810209323E-08 +-9.5008268177938E-08 + 1.2990252485827E-07 +-1.1070082683951E-07 +-3.3356046459114E-08 + 8.3967227521112E-08 +-4.8934855038190E-08 + 8.8665820250293E-08 +-1.0172053826219E-08 + 2.0062070860995E-07 +-1.6634207620218E-07 +-6.8150520467170E-10 + 1.0011514281123E-07 + 1.2132930349415E-07 +-1.8167807959855E-07 +-5.4160841553107E-08 +-7.0337915428108E-08 +-9.2376218812405E-08 +-1.0236867865150E-07 + 6.7294315462439E-08 +-3.6848138676166E-08 +-1.5161863525917E-07 + 3.3830791122096E+00 + 0.0000000000000E+00 + 6.6045996308433E-02 + 0.0000000000000E+00 + 2.4949068510924E-01 + 2.1535867857555E-03 +-9.9149544492840E-03 + 3.0246775300701E-01 + 4.3248139632626E-03 + 1.4736318237643E-04 + 2.6935768335960E-04 +-2.9590996075885E-03 +-7.9788235387563E-03 +-1.2938661414067E-03 + 1.9313431165676E-03 +-9.1253584749123E-03 + 1.4486095307152E-03 + 1.0796152727201E-04 +-2.3722706239450E-04 + 1.9481086594087E-03 + 8.0580982790806E-04 + 3.4268943595181E-04 +-3.9762883192862E-04 + 8.0969199431596E-04 +-3.3406116702910E-04 +-8.9946488119152E-05 + 1.1946385293209E-04 +-3.9822334661580E-04 +-5.2922125510045E-05 +-6.3823925650805E-05 + 6.7593903001614E-05 +-4.3013952636739E-05 + 7.1339225280033E-05 + 3.5702043064959E-05 +-4.1853285868031E-05 + 7.8614668812885E-05 +-5.7749845272572E-06 + 7.9264453054802E-06 +-7.4766846346359E-06 +-9.1528463879094E-06 +-1.2161480905014E-05 +-1.0911225603484E-05 + 1.1673270626759E-05 +-1.2905273803014E-05 + 4.2031993416020E-06 + 5.2690818919023E-07 +-6.6094365971322E-07 + 5.0807998746069E-06 + 1.3045514635807E-06 + 2.6989884836266E-06 +-2.4909979346395E-06 + 1.6700713010090E-06 +-1.4021728797577E-06 +-7.7662445102782E-07 + 6.4839349249583E-07 +-1.5003907146469E-06 +-2.2422382069008E-09 +-4.3520659583605E-07 + 2.8082943323789E-07 +-2.4498137214341E-07 + 3.7748726612229E-07 + 2.7697178460006E-07 +-1.5974682536763E-07 + 2.6696061512684E-07 +-6.3149193302323E-08 +-7.2025382436371E-08 + 5.3273749063442E-09 + 1.5824695463545E-07 +-2.2516957811091E-07 + 1.2590560910283E-09 + 1.6255719763442E-08 + 1.4930257640309E-07 +-1.5381348690646E-07 + 1.0617972525752E-07 + 9.2667796928207E-08 +-6.2980055322401E-08 +-3.3054421724705E-10 +-8.4514144638238E-08 +-6.1866142835258E-08 +-2.8892011076426E-07 + 1.6037232956014E-07 +-5.4090401392873E-09 +-1.3924540462963E-07 +-1.5770072213568E-07 + 1.4674380873395E-07 + 3.5286463491042E-08 + 1.1769512837750E-07 + 1.6874734538156E-07 + 5.0598880496260E-08 +-9.6832236286475E-08 + 5.2840062123396E-08 + 2.0865487920318E-07 +-1.6150858715892E-07 + 4.9409253099313E-08 +-9.0656997848508E-08 + 3.7938689047787E-08 +-1.7126036437107E-07 + 5.0178110713049E-08 + 5.6976395550880E-08 +-3.9874570588095E-08 + 3.3797053641372E+00 + 0.0000000000000E+00 + 6.6330183269641E-02 + 0.0000000000000E+00 + 2.6309877652493E-01 + 2.1896073741276E-03 +-1.0423951308694E-02 + 3.1915642718642E-01 + 4.8034585373675E-03 + 1.5363919344635E-04 + 2.9584109864012E-04 +-3.2839416579520E-03 +-8.4313083731242E-03 +-1.3472988392660E-03 + 2.0575145247790E-03 +-9.6590790811031E-03 + 1.6078610858190E-03 + 1.1612472095660E-04 +-2.5949735650981E-04 + 2.1620886454402E-03 + 8.6268143424955E-04 + 3.7200210601853E-04 +-4.3221765065330E-04 + 8.6013091883200E-04 +-3.7027805412447E-04 +-9.9430469352650E-05 + 1.3206239101445E-04 +-4.4328886931728E-04 +-5.2462935729081E-05 +-6.9410567460354E-05 + 7.3451420873235E-05 +-4.0768180319042E-05 + 8.0088317282528E-05 + 3.9895276684222E-05 +-4.6822053020152E-05 + 8.8399426814594E-05 +-7.9738212274160E-06 + 8.4164878630179E-06 +-7.8194144018556E-06 +-1.1590665558572E-05 +-1.3598216293341E-05 +-1.2220040439846E-05 + 1.3238715152597E-05 +-1.4511088521865E-05 + 5.1513321312184E-06 + 7.1740244604845E-07 +-9.9229062236762E-07 + 5.7992855616485E-06 + 1.5474168632055E-06 + 2.9346299775629E-06 +-2.9944348442825E-06 + 1.7849461351414E-06 +-1.6679250842411E-06 +-8.5215925086723E-07 + 9.2836571055742E-07 +-1.4638870851453E-06 +-1.1190688231159E-08 +-4.4068888080254E-07 + 5.4283085351898E-07 +-1.0570247964501E-07 + 3.7494584484641E-07 + 2.7529718692377E-07 +-3.9403683160254E-07 + 5.6483283651170E-08 + 5.8772081991879E-08 +-4.0561167899812E-08 +-1.6255765742683E-07 +-8.3931565214881E-08 +-5.5601541116808E-08 +-2.5345260478584E-08 + 2.0751940909018E-07 + 2.4783254369908E-07 +-5.6163581012447E-08 + 3.2472756282621E-08 + 1.4536923708842E-07 + 1.6617533557875E-07 +-6.7810900800980E-08 +-4.6306773231077E-09 +-1.6404551191714E-07 +-2.4443216054628E-07 + 5.3972086465344E-08 + 4.8132047531913E-08 +-8.9822435067615E-08 +-2.2907534886297E-07 + 2.0807501192320E-07 +-5.0246894341023E-08 + 1.0959516388795E-07 + 5.8305719382917E-08 + 1.0232298066709E-07 +-6.5251743649523E-08 +-9.1634791693925E-09 + 1.7038283568238E-07 +-9.2126356336623E-08 + 6.8295820310167E-08 +-2.4859278470007E-08 + 1.2985469634106E-07 +-1.5817417171665E-07 +-1.0642067955559E-08 + 5.1716480689135E-08 + 2.2527274099967E-08 + 3.3762497689214E+00 + 0.0000000000000E+00 + 6.6627780780420E-02 + 0.0000000000000E+00 + 2.7667446533507E-01 + 2.2138443245225E-03 +-1.0931001317091E-02 + 3.3585651638675E-01 + 5.3113191041810E-03 + 1.5916530881583E-04 + 3.2396824386514E-04 +-3.6278170247098E-03 +-8.8863164917499E-03 +-1.3979047727090E-03 + 2.1879115682454E-03 +-1.0202023204887E-02 + 1.7761193017551E-03 + 1.2376757377439E-04 +-2.8318278451160E-04 + 2.3888557889252E-03 + 9.2287987404276E-04 + 4.0352774945840E-04 +-4.6917925385177E-04 + 9.1297044923161E-04 +-4.0860394677127E-04 +-1.0939014066402E-04 + 1.4601952372726E-04 +-4.9158568414807E-04 +-5.1614907431711E-05 +-7.5503256099887E-05 + 7.9586665498051E-05 +-3.8060968477310E-05 + 8.9937116004997E-05 + 4.4418495039665E-05 +-5.2711543016114E-05 + 9.8947711026242E-05 +-1.0294691827935E-05 + 8.9657152515306E-06 +-7.9634482019080E-06 +-1.4333922721291E-05 +-1.5137437047520E-05 +-1.3738728166201E-05 + 1.5299074481442E-05 +-1.5973995623926E-05 + 6.1828594030879E-06 + 9.7963075763966E-07 +-1.5532950985963E-06 + 6.7132794601081E-06 + 1.7877094604842E-06 + 3.3164084262468E-06 +-3.6858718993132E-06 + 1.6659838301224E-06 +-1.8435970186685E-06 +-1.0480995518211E-06 + 1.3252487904883E-06 +-1.5964868896901E-06 + 7.5098043546292E-08 +-5.3210734101709E-07 + 8.0511136766393E-07 + 1.9729586932041E-07 + 3.8991566729217E-07 + 3.8858976833107E-07 +-6.0550787110435E-07 + 2.9434864136091E-08 + 3.1483721333975E-08 + 1.1700866675970E-08 +-2.5803862808986E-07 +-3.1873169595257E-07 + 9.4796547809452E-08 +-1.0634550666168E-07 + 2.8875470461873E-07 + 2.1128620625663E-07 + 2.8811039396718E-08 + 4.1841563797325E-09 + 1.5414740154289E-07 + 3.1481656434557E-07 +-1.0446969044874E-07 + 4.9435622091022E-08 +-1.6205073059702E-07 +-1.0536291606006E-07 +-6.2483875041727E-08 + 4.6176289637660E-08 +-7.2126067722692E-08 +-2.2932994206636E-07 + 1.4675895232776E-07 +-6.0999594444341E-08 + 7.6480612679243E-08 +-4.1480036716748E-08 + 9.6767666320334E-08 +-4.5239532484746E-08 +-1.1123495641423E-08 + 1.0659563363215E-07 +-5.7615467342487E-08 + 4.3780394066086E-08 +-8.6460882671212E-09 + 1.5837156258482E-07 +-1.3763856696003E-07 +-1.5729776939827E-09 + 4.3545775019317E-08 + 5.9112196640684E-08 + 3.3727129112422E+00 + 0.0000000000000E+00 + 6.6940594475634E-02 + 0.0000000000000E+00 + 2.9020491218467E-01 + 2.2260639141500E-03 +-1.1437387617441E-02 + 3.5255980157586E-01 + 5.8497189693898E-03 + 1.6369622920092E-04 + 3.5380890024288E-04 +-3.9913425181897E-03 +-9.3445172465527E-03 +-1.4456079077471E-03 + 2.3230736622679E-03 +-1.0754808399688E-02 + 1.9535080305474E-03 + 1.3092933693904E-04 +-3.0823086478582E-04 + 2.6289593687270E-03 + 9.8687764676663E-04 + 4.3745586120654E-04 +-5.0875130496049E-04 + 9.6803990395400E-04 +-4.4924907380349E-04 +-1.1999867129943E-04 + 1.6121756995816E-04 +-5.4335119747327E-04 +-5.0332762839503E-05 +-8.2046927717849E-05 + 8.6116404898129E-05 +-3.4493454723363E-05 + 1.0081316344802E-04 + 4.9357878490167E-05 +-5.9351397723794E-05 + 1.1042358791499E-04 +-1.2831432795576E-05 + 9.5077468718320E-06 +-8.0534166654153E-06 +-1.7646733212546E-05 +-1.6864567577743E-05 +-1.5488163828955E-05 + 1.7685912941604E-05 +-1.7397484875907E-05 + 7.3195906163119E-06 + 1.3304944690926E-06 +-2.1933477674490E-06 + 8.0107688768671E-06 + 1.8781067402975E-06 + 3.8206092608383E-06 +-4.4464686552989E-06 + 1.4482807173487E-06 +-2.0440218283292E-06 +-1.3226855740821E-06 + 1.7393463183466E-06 +-1.9867957937572E-06 + 1.7407853138949E-07 +-6.6626534015043E-07 + 1.0198820761879E-06 + 5.2486653350747E-07 + 4.0545133903384E-07 + 5.3903201839877E-07 +-7.8752033277468E-07 + 2.1287329746040E-07 +-1.2660267414815E-07 + 6.5365665933295E-08 +-2.8361480096485E-07 +-4.8767591980768E-07 + 1.2288134057508E-07 +-1.7793565625783E-07 + 3.3897189385684E-07 + 6.8142461408446E-08 + 8.6949438160812E-08 +-2.2794295202849E-08 + 1.0450824180508E-07 + 3.5008944161381E-07 +-1.3386705472093E-07 + 7.5386498256872E-08 +-1.5788763217290E-07 + 5.1037505770317E-08 +-1.5647129591160E-07 + 5.1277003405135E-08 +-3.7228761979386E-09 +-1.6392482576525E-07 + 4.5840208711581E-08 +-6.1256272667702E-08 + 6.1436105162601E-08 +-1.3495202667035E-07 + 1.0185116235260E-07 +-4.4407785632205E-08 +-7.0448358260025E-08 +-1.3057591406971E-08 +-3.1161087211164E-08 + 4.7041342529367E-08 + 7.5257251611740E-09 + 1.6636341202291E-07 +-9.3271311626948E-08 +-5.9023563908759E-09 + 8.5522196936746E-08 + 1.3950157622384E-07 + 3.3690877135805E+00 + 0.0000000000000E+00 + 6.7271717357656E-02 + 0.0000000000000E+00 + 3.0369989837619E-01 + 2.2263581943634E-03 +-1.1945423608278E-02 + 3.6928551525315E-01 + 6.4207853542204E-03 + 1.6679507519832E-04 + 3.8536332265297E-04 +-4.3756346726277E-03 +-9.8073912555014E-03 +-1.4904336367377E-03 + 2.4637406672849E-03 +-1.1318783281605E-02 + 2.1402422350051E-03 + 1.3769913143123E-04 +-3.3448445295655E-04 + 2.8834049095066E-03 + 1.0550888594661E-03 + 4.7404874206751E-04 +-5.5120350431976E-04 + 1.0252470152268E-03 +-4.9253210815895E-04 +-1.3141605929318E-04 + 1.7747131654784E-04 +-5.9902678464770E-04 +-4.8576690655633E-05 +-8.9066706263876E-05 + 9.3101994000252E-05 +-2.9733735436698E-05 + 1.1272897067348E-04 + 5.4791874131416E-05 +-6.6539060699059E-05 + 1.2303995008154E-04 +-1.5730963449374E-05 + 1.0041808458100E-05 +-8.1184559959216E-06 +-2.1723259145760E-05 +-1.8767936470934E-05 +-1.7519724255647E-05 + 2.0189676748422E-05 +-1.8953170983219E-05 + 8.5958318423309E-06 + 1.7829692715107E-06 +-2.8811130775866E-06 + 9.7745044641191E-06 + 1.8334009262868E-06 + 4.4431949012795E-06 +-5.0911573056202E-06 + 1.2786778149596E-06 +-2.4059259832956E-06 +-1.6588969995402E-06 + 2.1395725510257E-06 +-2.6124013119147E-06 + 3.2813957862888E-07 +-8.4396794674427E-07 + 1.0427788371719E-06 + 7.2407511704548E-07 + 3.9154545516151E-07 + 7.1698680721699E-07 +-9.1449957138202E-07 + 5.3522339425181E-07 +-3.1612506504569E-07 + 1.1886059583198E-07 +-1.2691361084462E-07 +-4.9191001692501E-07 + 1.7373882042713E-08 +-2.6150284116162E-07 + 3.1244811544131E-07 +-1.4384519439604E-07 + 1.6824008922177E-07 +-3.1517703769220E-08 +-7.7063693622436E-08 + 1.9203072803907E-07 +-1.1394096623330E-07 + 1.0973833518359E-07 +-6.3757138663081E-08 + 1.6875550338403E-07 +-1.5495897614594E-07 + 1.6494861302036E-08 + 1.2818591038559E-07 + 2.6853964985076E-08 +-4.5460943042844E-08 +-5.7216566102613E-08 +-4.4929907487482E-08 +-1.8592823696625E-07 + 5.4235374712050E-08 + 1.0210094696667E-08 +-1.1528875130075E-07 +-1.6191692128405E-07 + 6.8746159795686E-08 + 1.6293931290339E-08 + 8.6673444677460E-08 + 1.0261000685864E-07 + 1.4235864842527E-08 +-4.5185804842449E-08 + 5.4696799749981E-08 + 1.7144146664751E-07 + 3.3653760909473E+00 + 0.0000000000000E+00 + 6.7625048203721E-02 + 0.0000000000000E+00 + 3.1712844576858E-01 + 2.2153037633032E-03 +-1.2456728379116E-02 + 3.8600278783354E-01 + 7.0255010411333E-03 + 1.6760368355555E-04 + 4.1832069581800E-04 +-4.7810284461784E-03 +-1.0274927777911E-02 +-1.5323392338557E-03 + 2.6103926788342E-03 +-1.1893732611601E-02 + 2.3363043448456E-03 + 1.4431548570013E-04 +-3.6138743126397E-04 + 3.1526185805314E-03 + 1.1275056539791E-03 + 5.1347216345901E-04 +-5.9678025624567E-04 + 1.0845651963913E-03 +-5.3836992024618E-04 +-1.4384868288202E-04 + 1.9423763780104E-04 +-6.5909971870893E-04 +-4.6233938543745E-05 +-9.6540730151059E-05 + 1.0070965288366E-04 +-2.3769138531765E-05 + 1.2591686163244E-04 + 6.0766634900547E-05 +-7.3818954760909E-05 + 1.3713316942903E-04 +-1.9120458865411E-05 + 1.0564525257976E-05 +-8.3336146255827E-06 +-2.6504991517324E-05 +-2.0712142656828E-05 +-1.9820111090576E-05 + 2.2479751928455E-05 +-2.0915773276360E-05 + 1.0132649804375E-05 + 2.3306552108839E-06 +-3.4502517247784E-06 + 1.1857755284157E-05 + 1.8139624360035E-06 + 5.1132060492118E-06 +-5.4339452007501E-06 + 1.3759474160303E-06 +-2.9202904616170E-06 +-2.0317621089815E-06 + 2.3849843161922E-06 +-3.3172364597222E-06 + 5.2550343581406E-07 +-9.5670318278551E-07 + 8.4936590563622E-07 + 6.7982461910977E-07 + 5.3909210528872E-07 + 8.7074284619036E-07 +-8.9812297336966E-07 + 7.5912525333211E-07 +-4.0083726587771E-07 + 7.3897034189787E-08 + 9.6158338165406E-08 +-3.2470592811543E-07 +-5.7487764708281E-08 +-2.8709264198602E-07 + 2.0147308032131E-07 +-2.1136545675537E-07 + 1.5545651368643E-07 + 5.2466177360800E-08 +-1.8767041871626E-07 +-6.0177428495270E-09 + 3.7383010783815E-08 + 6.7412618453710E-08 + 3.0047708482155E-08 + 9.3208131240615E-08 +-3.9628934192618E-08 +-5.6545499524756E-08 + 1.1798919331656E-07 + 1.2893015586423E-07 +-6.0562216603785E-08 + 6.8098602281562E-09 +-7.0970397763386E-08 +-2.2506019036455E-08 +-4.5773030483163E-08 + 4.9820521455860E-08 +-3.3030843998305E-08 +-1.2245882147903E-07 + 8.1886147418760E-08 +-3.9032709652165E-08 + 4.2127867770049E-08 +-6.7154006184348E-08 + 9.4344057814995E-08 +-3.3222509895976E-08 +-2.8693489919103E-08 + 2.7490184475838E-08 + 3.3615707591407E+00 + 0.0000000000000E+00 + 6.8003469785132E-02 + 0.0000000000000E+00 + 3.3048645725434E-01 + 2.1927024791340E-03 +-1.2973344702722E-02 + 4.0271551469003E-01 + 7.6664317266366E-03 + 1.6596768580873E-04 + 4.5294714856104E-04 +-5.2089136897314E-03 +-1.0747531034776E-02 +-1.5713020380673E-03 + 2.7637588574209E-03 +-1.2481265249861E-02 + 2.5420962503222E-03 + 1.5057788501457E-04 +-3.8921642733107E-04 + 3.4377355495752E-03 + 1.2045263027069E-03 + 5.5604170035672E-04 +-6.4573470405335E-04 + 1.1465525527395E-03 +-5.8702012239310E-04 +-1.5724168747341E-04 + 2.1190135596088E-04 +-7.2409251493338E-04 +-4.2964626147969E-05 +-1.0454131992900E-04 + 1.0893551193497E-04 +-1.6942793135977E-05 + 1.4061196342827E-04 + 6.7146217812028E-05 +-8.1664617766621E-05 + 1.5285815917351E-04 +-2.2927812545143E-05 + 1.1144019343705E-05 +-8.5886665862616E-06 +-3.1629851372231E-05 +-2.2868731854011E-05 +-2.2261123474754E-05 + 2.5090932668067E-05 +-2.3147926656418E-05 + 1.2034096155856E-05 + 2.8970667463319E-06 +-4.1066804996179E-06 + 1.3936375796162E-05 + 1.8641735909008E-06 + 5.7525347438656E-06 +-6.0116711682861E-06 + 1.4810807189423E-06 +-3.4845227218092E-06 +-2.3817805745033E-06 + 2.7577173082410E-06 +-3.7931365755077E-06 + 6.4726433665079E-07 +-9.9585395981901E-07 + 9.0279982407081E-07 + 7.5326072763476E-07 + 7.0687051355131E-07 + 9.7988065445680E-07 +-1.0498666025728E-06 + 7.1813895561400E-07 +-4.0209502555442E-07 +-1.7850762240788E-09 + 7.1542899436332E-08 +-3.6838960193669E-07 +-8.7365285259620E-08 +-2.8081989992206E-07 + 2.8678352590878E-07 +-2.6113389411662E-08 + 1.0608729631429E-07 + 1.0315096072060E-07 +-1.1586204022821E-07 + 7.1505345627148E-08 + 4.3469453149704E-09 + 3.8964300970042E-08 +-5.9732425040879E-08 +-8.9920715978171E-08 + 1.4972227752321E-08 +-6.0012607441493E-08 + 4.0207535559705E-08 +-3.3871979239529E-09 +-3.4912123978883E-09 + 1.5478300762981E-08 + 2.3294044716109E-08 + 1.0350776232970E-07 +-4.6249683065393E-08 + 1.7575462009411E-08 + 1.4248086463823E-09 + 3.2262939014950E-08 +-3.5881972619623E-08 +-1.2308058332006E-08 +-2.6908773047451E-08 +-7.8690494738344E-08 + 1.2490157777973E-08 + 2.8366219852287E-09 +-5.0778615562854E-09 +-6.2476771595596E-08 + 3.3576562247722E+00 + 0.0000000000000E+00 + 6.8409142724496E-02 + 0.0000000000000E+00 + 3.4379223278652E-01 + 2.1576742791502E-03 +-1.3497803138533E-02 + 4.1945784264918E-01 + 8.3478403522348E-03 + 1.6221695962999E-04 + 4.8996154367035E-04 +-5.6616427237562E-03 +-1.1227016350106E-02 +-1.6072870948711E-03 + 2.9248328280212E-03 +-1.3084108864765E-02 + 2.7583994038633E-03 + 1.5611025029226E-04 +-4.1876458406157E-04 + 3.7405846485036E-03 + 1.2868345655746E-03 + 6.0223892109253E-04 +-6.9834177579102E-04 + 1.2116357347071E-03 +-6.3898792171680E-04 +-1.7163080013538E-04 + 2.3122119254692E-04 +-7.9459443191825E-04 +-3.8896538946815E-05 +-1.1317473845046E-04 + 1.1765310982732E-04 +-9.0358214372124E-06 + 1.5712811729249E-04 + 7.3991756328073E-05 +-9.0659804247157E-05 + 1.7021384300516E-04 +-2.7213905076527E-05 + 1.1800840597621E-05 +-8.6559257925003E-06 +-3.7332652821697E-05 +-2.5293658722424E-05 +-2.4980452568736E-05 + 2.8363974501566E-05 +-2.5381492110587E-05 + 1.4143148514200E-05 + 3.5410773758162E-06 +-5.0593662669639E-06 + 1.6278872971868E-05 + 1.9238800864799E-06 + 6.5084883017035E-06 +-6.9106747875739E-06 + 1.3321117066200E-06 +-4.0837701197882E-06 +-2.8047229206956E-06 + 3.3697557158604E-06 +-4.3481459502183E-06 + 8.0823702199630E-07 +-1.0992130900788E-06 + 1.0832873424702E-06 + 1.0874187627762E-06 + 7.8592922729014E-07 + 1.1679793748664E-06 +-1.3467087538657E-06 + 7.5559801561810E-07 +-4.9209795583428E-07 +-1.4304750018080E-08 + 4.5906914812748E-08 +-5.8728644394088E-07 +-2.9051681151213E-08 +-3.6009775843354E-07 + 4.0956779945439E-07 + 6.3436450107679E-11 + 1.4367122719437E-07 + 1.0496018818068E-07 +-1.2676240038972E-07 + 2.0426655647975E-07 +-6.3409423854803E-08 + 8.6396618895531E-08 +-9.1634958197229E-08 +-6.0449688788452E-08 +-3.3840021473285E-08 +-5.1443391622292E-08 + 7.0356446874946E-08 +-7.3547255456887E-08 + 6.8232873014326E-08 +-2.4938935202880E-08 +-7.7287818425685E-10 +-4.9918823231678E-09 + 2.5839294824487E-08 + 1.6677291534491E-08 +-3.2399705396440E-08 + 2.4613958751452E-08 +-3.4466566576047E-08 + 1.1817339142927E-08 + 2.9007948316371E-08 + 6.5747221148494E-08 +-2.5141183265601E-08 +-1.1742391557251E-08 + 9.4013532926252E-09 + 7.3085116784075E-09 + 3.3536271910741E+00 + 0.0000000000000E+00 + 6.8846715174689E-02 + 0.0000000000000E+00 + 3.5702620376209E-01 + 2.1102420265127E-03 +-1.4032897045224E-02 + 4.3621868241723E-01 + 9.0727971027212E-03 + 1.5577662412588E-04 + 5.2950811533050E-04 +-6.1407204323238E-03 +-1.1713832650385E-02 +-1.6401843697810E-03 + 3.0946328439252E-03 +-1.3703790011755E-02 + 2.9853705506116E-03 + 1.6099816690720E-04 +-4.4997294924583E-04 + 4.0625913073047E-03 + 1.3751798613411E-03 + 6.5239387307022E-04 +-7.5509746046179E-04 + 1.2801143250303E-03 +-6.9454605258816E-04 +-1.8730820483940E-04 + 2.5206257353492E-04 +-8.7145761082591E-04 +-3.3966881166606E-05 +-1.2244764153623E-04 + 1.2710776749879E-04 + 1.8824975107180E-07 + 1.7574619011102E-04 + 8.1480945958556E-05 +-1.0058588566445E-04 + 1.8960629370372E-04 +-3.1927245150643E-05 + 1.2483323952564E-05 +-8.7543170640872E-06 +-4.3916982820709E-05 +-2.7935381519242E-05 +-2.8123331107005E-05 + 3.2009028575001E-05 +-2.7831343454493E-05 + 1.6594678298257E-05 + 4.3342905231340E-06 +-6.0618549524160E-06 + 1.9161609423869E-05 + 1.9514688626731E-06 + 7.4401049959257E-06 +-7.8219361514720E-06 + 1.1667942490880E-06 +-4.7474820133225E-06 +-3.3428743009557E-06 + 3.9505379635788E-06 +-5.1748089005757E-06 + 1.0809966593489E-06 +-1.2451119322218E-06 + 1.1500377376482E-06 + 1.4084262568796E-06 + 8.8904915625935E-07 + 1.4262436657341E-06 +-1.5368714019364E-06 + 9.9194667493539E-07 +-6.3486268949725E-07 +-3.2066137607421E-08 + 1.3453648276964E-07 +-7.1397488419065E-07 +-1.6959967492220E-08 +-4.5418719049127E-07 + 3.9729603271544E-07 +-1.1897544409015E-07 + 2.2241341132135E-07 + 1.3385642075695E-07 +-2.0536458815812E-07 + 2.0312258972211E-07 +-7.2606364014839E-08 + 1.0175633170105E-07 +-1.7979286903953E-08 + 5.1496813693404E-08 +-6.1301064836480E-08 +-7.9138305002016E-08 + 1.0799923465004E-07 +-7.8054980393474E-09 + 9.5267079006310E-09 +-6.7964397462032E-09 +-6.4312379100558E-08 +-7.6141988204757E-08 + 9.9253289907067E-09 + 3.6498180210453E-08 +-3.1322813203617E-08 +-4.1628819428279E-08 + 1.9521806883125E-08 +-2.1259323475631E-08 + 5.3599419876540E-08 + 6.8054501871657E-08 +-2.2150978552619E-08 +-1.7554810510238E-08 +-1.1227268659542E-08 + 6.1228886104831E-08 + 3.3494709921155E+00 + 0.0000000000000E+00 + 6.9322546263537E-02 + 0.0000000000000E+00 + 3.7018983678766E-01 + 2.0504592536314E-03 +-1.4582899600765E-02 + 4.5301559905740E-01 + 9.8460423181517E-03 + 1.4600343151760E-04 + 5.7185441062882E-04 +-6.6486479609459E-03 +-1.2209270341193E-02 +-1.6699646221982E-03 + 3.2746074884636E-03 +-1.4343210844246E-02 + 3.2235635485477E-03 + 1.6525875036811E-04 +-4.8291997092743E-04 + 4.4059291799291E-03 + 1.4703307523849E-03 + 7.0699804011129E-04 +-8.1662141717877E-04 + 1.3526950230702E-03 +-7.5413547563023E-04 +-2.0450385784813E-04 + 2.7449017131335E-04 +-9.5576701438790E-04 +-2.8172366709433E-05 +-1.3244382772492E-04 + 1.3750521224883E-04 + 1.0769009145388E-05 + 1.9683057513735E-04 + 8.9677745698656E-05 +-1.1149693800321E-04 + 2.1151294382397E-04 +-3.7241668592005E-05 + 1.3232701728891E-05 +-8.9566830366621E-06 +-5.1418424222296E-05 +-3.0865259280611E-05 +-3.1722021558097E-05 + 3.6074802188101E-05 +-3.0637789003427E-05 + 1.9418141517341E-05 + 5.2507202071466E-06 +-7.1164288854531E-06 + 2.2576642936674E-05 + 1.9376454940984E-06 + 8.5189153518475E-06 +-8.8028087964537E-06 + 1.0675293520385E-06 +-5.6209443500991E-06 +-3.9455809568299E-06 + 4.5646508696457E-06 +-6.1631611392772E-06 + 1.3802313328855E-06 +-1.3866307438976E-06 + 1.1924476780920E-06 + 1.6989738311650E-06 + 1.0346622637767E-06 + 1.6957040312229E-06 +-1.7460021069724E-06 + 1.2287717205454E-06 +-8.1876401697633E-07 +-8.3061933695083E-08 + 2.3038085526591E-07 +-7.8901610348158E-07 +-7.3720649969206E-08 +-5.1994995466342E-07 + 4.1665565194526E-07 +-1.6203695315162E-07 + 2.3942031754952E-07 + 1.8758963762855E-07 +-2.6333940535169E-07 + 1.6843135036861E-07 +-5.0046373374111E-08 + 7.9076843444380E-08 +-7.1642421262421E-09 + 2.8279952564650E-08 +-8.9679629062681E-08 +-1.0827288046755E-07 + 1.1814070520043E-07 + 5.8964546776280E-08 +-5.2689038895323E-08 + 2.8861602511406E-08 +-4.7186397524581E-08 + 2.7044846461377E-09 +-5.9095221171734E-08 + 4.2499017731354E-08 +-1.9503021164639E-08 +-8.4614361839685E-08 + 3.8390174511903E-08 +-4.5259601340259E-08 + 1.1913098852512E-08 +-5.7065829547570E-08 + 6.8462396985803E-09 +-7.0643749745189E-09 +-1.8190876604614E-08 + 4.7941716900195E-08 + 3.3451795580146E+00 + 0.0000000000000E+00 + 6.9842248051783E-02 + 0.0000000000000E+00 + 3.8326595772893E-01 + 1.9783848641234E-03 +-1.5151606556098E-02 + 4.6984283042961E-01 + 1.0671696732834E-02 + 1.3252964116267E-04 + 6.1747443989271E-04 +-7.1873914973210E-03 +-1.2713967702166E-02 +-1.6965972107130E-03 + 3.4659755643546E-03 +-1.5004368041777E-02 + 3.4732305830210E-03 + 1.6871095428268E-04 +-5.1798626409598E-04 + 4.7724217909945E-03 + 1.5730309851803E-03 + 7.6657370806091E-04 +-8.8334006409317E-04 + 1.4299334376956E-03 +-8.1829018968687E-04 +-2.2335551735167E-04 + 2.9889269905717E-04 +-1.0484430682373E-03 +-2.1433728824691E-05 +-1.4328093196303E-04 + 1.4885617472237E-04 + 2.2749354012197E-05 + 2.2074919959325E-04 + 9.8618952366029E-05 +-1.2373167256711E-04 + 2.3622604670578E-04 +-4.3245929172895E-05 + 1.4116469545124E-05 +-9.1260448535938E-06 +-5.9871761333212E-05 +-3.4202889518701E-05 +-3.5821033886157E-05 + 4.0814772232773E-05 +-3.3750829781139E-05 + 2.2736551341335E-05 + 6.2743382344784E-06 +-8.4215484161817E-06 + 2.6470061501972E-05 + 1.8735318622620E-06 + 9.7568281008664E-06 +-1.0020197061529E-05 + 9.1080163147447E-07 +-6.6768602648575E-06 +-4.6131296140418E-06 + 5.4128747291039E-06 +-7.2028285214829E-06 + 1.6782447141320E-06 +-1.5299042201387E-06 + 1.3128081361724E-06 + 2.0906922827782E-06 + 1.2420359753473E-06 + 1.9894221769230E-06 +-2.1456132821980E-06 + 1.3413133004495E-06 +-1.0187835740724E-06 +-1.5238874388183E-07 + 2.8549124564908E-07 +-9.6262582454357E-07 +-1.1632299019125E-07 +-5.9519040727825E-07 + 5.8422580406352E-07 +-3.9502040808635E-08 + 2.4005540860217E-07 + 2.4841629212526E-07 +-2.9944357186686E-07 + 2.1709213499047E-07 +-6.0117561634879E-08 + 7.3398354502708E-08 +-1.0233046796712E-07 +-1.4290380599151E-07 +-7.5484759054420E-08 +-1.3724777030124E-07 + 1.2496658954814E-07 + 2.0399911247865E-08 +-3.0851406552871E-08 + 3.6079925896535E-08 + 2.8202131347902E-08 + 1.5446069823851E-07 +-7.6045518251047E-08 + 4.5604015088258E-08 +-2.0257184243155E-08 +-4.8193675292003E-08 + 6.9603182825378E-10 +-3.5734931842472E-08 +-4.1223392076357E-08 +-1.7386338313701E-07 + 5.6034474269812E-08 +-5.6348592206142E-09 +-8.9411488099027E-09 +-1.8601316751507E-08 + 3.3407446121550E+00 + 0.0000000000000E+00 + 7.0411362086396E-02 + 0.0000000000000E+00 + 3.9623690646081E-01 + 1.8936242508249E-03 +-1.5742480243224E-02 + 4.8669347052338E-01 + 1.1554085802303E-02 + 1.1515232498664E-04 + 6.6703675540058E-04 +-7.7589210891146E-03 +-1.3228581413440E-02 +-1.7200087699351E-03 + 3.6699055725081E-03 +-1.5688995617207E-02 + 3.7346209843807E-03 + 1.7105533462942E-04 +-5.5577151637147E-04 + 5.1638648844634E-03 + 1.6841294539597E-03 + 8.3165704001197E-04 +-9.5562428675094E-04 + 1.5121851877773E-03 +-8.8753369384789E-04 +-2.4399858095724E-04 + 3.2585866075455E-04 +-1.1503893023799E-03 +-1.3639872705725E-05 +-1.5504718675572E-04 + 1.6112626973714E-04 + 3.6325024163309E-05 + 2.4800221280516E-04 + 1.0837428350939E-04 +-1.3776801578567E-04 + 2.6393039431066E-04 +-4.9966006005597E-05 + 1.5149474655121E-05 +-9.1162604627522E-06 +-6.9471259654474E-05 +-3.7919860959674E-05 +-4.0533861112536E-05 + 4.6536276871103E-05 +-3.7041223163286E-05 + 2.6665698322067E-05 + 7.4683029160252E-06 +-1.0124394893960E-05 + 3.0961101482560E-05 + 1.8222816228032E-06 + 1.1217209208027E-05 +-1.1620395655266E-05 + 5.2243817175264E-07 +-7.8743150787360E-06 +-5.4178122212591E-06 + 6.5810880644268E-06 +-8.3492538504869E-06 + 2.0987444320030E-06 +-1.7103612770885E-06 + 1.5597729323714E-06 + 2.7274991878210E-06 + 1.4569542472870E-06 + 2.3876951461864E-06 +-2.7396821973466E-06 + 1.4243767428971E-06 +-1.2398797561738E-06 +-2.1689318367472E-07 + 3.0362959069768E-07 +-1.3048801669900E-06 +-9.0169442346413E-08 +-7.4008794131823E-07 + 8.3119189292881E-07 + 1.0650191025206E-07 + 3.1337566317964E-07 + 3.0325274140551E-07 +-3.3963347757361E-07 + 3.6652242630631E-07 +-1.3414657262840E-07 + 1.1767051490410E-07 +-1.9813607238354E-07 +-2.7521144252916E-07 +-5.4383244802780E-08 +-1.6782748341498E-07 + 1.4961348536862E-07 +-7.6626234506917E-08 + 6.0608393238004E-08 + 7.9148267491422E-09 + 5.5614694241382E-08 + 1.9375650446787E-07 +-3.1556059454158E-08 + 5.0811610859239E-08 +-3.4701727016629E-08 + 1.2976208834100E-08 +-3.7143122720376E-08 +-1.4500161082053E-08 +-2.9168719313466E-08 +-1.3782954409558E-07 + 5.3573407863328E-08 +-6.4868967551147E-09 + 4.1855848509166E-09 +-4.5219982277109E-08 + 3.3361516336304E+00 + 0.0000000000000E+00 + 7.1038849792075E-02 + 0.0000000000000E+00 + 4.0910119553312E-01 + 1.7968216994392E-03 +-1.6361686956763E-02 + 5.0358175192016E-01 + 1.2499001722554E-02 + 9.3115597982115E-05 + 7.2107754527403E-04 +-8.3660065063053E-03 +-1.3754543493493E-02 +-1.7402502385476E-03 + 3.8881834152305E-03 +-1.6399452244353E-02 + 4.0081967978254E-03 + 1.7229758322243E-04 +-5.9654766952027E-04 + 5.5827164241389E-03 + 1.8045828394819E-03 + 9.0285324510049E-04 +-1.0341536229821E-03 + 1.5997257135228E-03 +-9.6242844555146E-04 +-2.6679028269197E-04 + 3.5556699605863E-04 +-1.2628622792982E-03 +-4.7348890585594E-06 +-1.6778140897246E-04 + 1.7453293786195E-04 + 5.1908213283824E-05 + 2.7913148082865E-04 + 1.1911634911690E-04 +-1.5368265995880E-04 + 2.9507260801931E-04 +-5.7516382536427E-05 + 1.6293570644694E-05 +-9.0544107131091E-06 +-8.0618380528422E-05 +-4.1979019342541E-05 +-4.6036245620897E-05 + 5.3191003661361E-05 +-4.0582027126724E-05 + 3.1295238224993E-05 + 8.9136830551793E-06 +-1.2095225484552E-05 + 3.6382307692167E-05 + 1.7424927628954E-06 + 1.2976504061404E-05 +-1.3458636108606E-05 +-2.1774365584705E-08 +-9.2805201827384E-06 +-6.4055750796052E-06 + 7.9213395083531E-06 +-9.8242724344167E-06 + 2.6745280404061E-06 +-1.9321252553908E-06 + 1.7852415893644E-06 + 3.5364133767224E-06 + 1.6887499816244E-06 + 2.9148977753894E-06 +-3.3740256925822E-06 + 1.6572901487045E-06 +-1.5640863227593E-06 +-2.8935728873692E-07 + 3.8915742001073E-07 +-1.6938049310534E-06 +-5.7655885934484E-08 +-9.3759084402823E-07 + 1.0234052384423E-06 + 1.4614581305359E-07 + 4.1933592801100E-07 + 3.7394511258855E-07 +-4.3943181863821E-07 + 4.9287452629553E-07 +-2.0941821858583E-07 + 1.5907063027907E-07 +-2.2031273459074E-07 +-3.0941093843208E-07 +-7.3349820040536E-08 +-2.1781481100993E-07 + 2.0393577662870E-07 +-1.1126009234698E-07 + 1.0927514134298E-07 +-5.0611975872732E-09 + 2.9405591544839E-08 + 1.6644355131808E-07 +-1.1109915614507E-08 + 6.4120077918339E-08 +-5.1395590289764E-08 + 1.1955728972066E-08 +-3.7557581749338E-08 +-1.7485832102546E-08 + 7.0905610875759E-09 +-8.1970346854366E-08 + 3.2782386771275E-08 +-7.8234537626298E-09 + 7.9773825105184E-09 +-1.6082212881484E-08 + 3.3313850462320E+00 + 0.0000000000000E+00 + 7.1735279803961E-02 + 0.0000000000000E+00 + 4.2185487987578E-01 + 1.6887935661951E-03 +-1.7016257650526E-02 + 5.2052002176892E-01 + 1.3512730603217E-02 + 6.5552488257159E-05 + 7.8023208273512E-04 +-9.0115617238277E-03 +-1.4293147833211E-02 +-1.7574161298535E-03 + 4.1227913212632E-03 +-1.7138146067918E-02 + 4.2942697813245E-03 + 1.7240076469564E-04 +-6.4067804783993E-04 + 6.0316698589915E-03 + 1.9353456632054E-03 + 9.8084961199125E-04 +-1.1196485275462E-03 + 1.6929504092339E-03 +-1.0436645145819E-03 +-2.9206174913946E-04 + 3.8832467474555E-04 +-1.3872788778870E-03 + 5.3874199140971E-06 +-1.8157157490467E-04 + 1.8925266324874E-04 + 6.9803394145690E-05 + 3.1470394969881E-04 + 1.3096106534525E-04 +-1.7172166842077E-04 + 3.3017318175223E-04 +-6.6085705122425E-05 + 1.7572336049840E-05 +-8.9553032136776E-06 +-9.3573121308271E-05 +-4.6451857468089E-05 +-5.2455346564599E-05 + 6.0922256623653E-05 +-4.4428299284535E-05 + 3.6772851645260E-05 + 1.0628202737548E-05 +-1.4384917790293E-05 + 4.2874978318841E-05 + 1.5897629799159E-06 + 1.5061186995381E-05 +-1.5585972371046E-05 +-7.1872387352841E-07 +-1.0991661876706E-05 +-7.5665087097859E-06 + 9.5192320248265E-06 +-1.1617913919570E-05 + 3.3891760711763E-06 +-2.1700098869676E-06 + 2.0207363963609E-06 + 4.5288720148043E-06 + 1.9819868712622E-06 + 3.5582349243987E-06 +-4.1516951732806E-06 + 1.9364135030894E-06 +-1.9846717449881E-06 +-3.8998648694652E-07 + 5.0652487441461E-07 +-2.1578737851502E-06 +-3.8144909297572E-08 +-1.1695427567534E-06 + 1.2672778042524E-06 + 2.2615566807720E-07 + 5.3186022483615E-07 + 4.6970156493430E-07 +-5.6953844137636E-07 + 6.3309655967839E-07 +-2.8784956552756E-07 + 1.8961554670963E-07 +-2.6975003501258E-07 +-4.0560965100078E-07 +-1.0516430597833E-07 +-2.8768706975168E-07 + 2.7210226286088E-07 +-1.3674313676379E-07 + 1.4561338903052E-07 +-9.6257909325764E-09 + 2.9057034926844E-08 + 2.1084124156103E-07 +-2.2772650747405E-08 + 7.8754265935292E-08 +-7.2798565258909E-08 + 5.7204685607295E-09 +-5.6408372335117E-08 +-2.4510317811248E-08 + 2.1682150314394E-08 +-9.2898725815184E-08 + 2.6666086484823E-08 +-8.0370000312704E-09 + 1.8639345118322E-08 +-4.9762486249894E-09 + 3.3264281055663E+00 + 0.0000000000000E+00 + 7.2512226568654E-02 + 0.0000000000000E+00 + 4.3449211248601E-01 + 1.5700096274949E-03 +-1.7713679830622E-02 + 5.3751956339393E-01 + 1.4602389433198E-02 + 3.1705200537536E-05 + 8.4542299921509E-04 +-9.6988105469366E-03 +-1.4845645737514E-02 +-1.7715923472962E-03 + 4.3758761471660E-03 +-1.7907523662575E-02 + 4.5931224302386E-03 + 1.7116536710675E-04 +-6.8885016454931E-04 + 6.5137038930932E-03 + 2.0774954459668E-03 + 1.0664226230118E-03 +-1.2128412261626E-03 + 1.7922620144350E-03 +-1.1320466808302E-03 +-3.2012692532395E-04 + 4.2476724178337E-04 +-1.5251744974572E-03 + 1.6824359934616E-05 +-1.9652709080146E-04 + 2.0539931084497E-04 + 9.0374633554387E-05 + 3.5539539896760E-04 + 1.4406117470461E-04 +-1.9238949629624E-04 + 3.6972137904189E-04 +-7.5858980168814E-05 + 1.9015795872490E-05 +-8.7386407870468E-06 +-1.0867173217958E-04 +-5.1400231893180E-05 +-5.9981778495324E-05 + 7.0024414585246E-05 +-4.8543628149090E-05 + 4.3267325674053E-05 + 1.2671515673177E-05 +-1.7128107111730E-05 + 5.0639836279832E-05 + 1.3208276663649E-06 + 1.7542914696855E-05 +-1.8113507269859E-05 +-1.6633312300206E-06 +-1.3049727110622E-05 +-8.9597581784592E-06 + 1.1485021194523E-05 +-1.3788528929356E-05 + 4.2777924573204E-06 +-2.4430657429074E-06 + 2.2920685355953E-06 + 5.7938100212945E-06 + 2.3284167744853E-06 + 4.3781919283714E-06 +-5.1235842491629E-06 + 2.2827384583165E-06 +-2.5502050029372E-06 +-5.0968606052933E-07 + 6.6616006724174E-07 +-2.7454035598229E-06 + 1.5701515288250E-09 +-1.4774555231640E-06 + 1.5553130240960E-06 + 3.1651630072005E-07 + 6.5842931456944E-07 + 5.9198663948727E-07 +-7.5149241235628E-07 + 8.1093673309370E-07 +-4.2745001996756E-07 + 2.4094658748808E-07 +-3.0021013764869E-07 +-4.8594371388679E-07 +-1.6756025235839E-07 +-3.7975713089092E-07 + 3.6985340773582E-07 +-1.6793985844996E-07 + 1.8605207707640E-07 +-2.2059506340567E-08 +-1.0671778908665E-08 + 2.0705438718682E-07 +-3.8111578482097E-08 + 9.6569367196203E-08 +-1.0553653504996E-07 +-1.0926146637489E-08 +-9.7895684652722E-08 +-3.7269588253805E-08 + 7.3464707359980E-08 +-4.3207971062931E-08 + 2.3240944258444E-08 +-1.4588379301436E-08 + 3.0182678832897E-08 + 5.9759624412667E-09 + 3.3212705299798E+00 + 0.0000000000000E+00 + 7.3383373138771E-02 + 0.0000000000000E+00 + 4.4698721907605E-01 + 1.4422487829119E-03 +-1.8463023726915E-02 + 5.5456675937822E-01 + 1.5774299093106E-02 +-9.5461818826542E-06 + 9.1749914038874E-04 +-1.0430237865279E-02 +-1.5412407341492E-02 +-1.7829743090965E-03 + 4.6497528773106E-03 +-1.8708967390103E-02 + 4.9043682633407E-03 + 1.6856488543410E-04 +-7.4160125063133E-04 + 7.0314800000646E-03 + 2.2319929289859E-03 + 1.1602655198160E-03 +-1.3145870856106E-03 + 1.8979227744078E-03 +-1.2283303236662E-03 +-3.5139849732589E-04 + 4.6535810338161E-04 +-1.6781970223497E-03 + 2.9590220057314E-05 +-2.1271083086898E-04 + 2.2326490669359E-04 + 1.1407518919481E-04 + 4.0190367570311E-04 + 1.5864756174266E-04 +-2.1602601655863E-04 + 4.1433149824575E-04 +-8.7060844431198E-05 + 2.0633836444180E-05 +-8.5018482608560E-06 +-1.2639631259051E-04 +-5.6850909334601E-05 +-6.8854234713977E-05 + 8.0636964229933E-05 +-5.3015243942301E-05 + 5.0969154803119E-05 + 1.5114914617001E-05 +-2.0302283131805E-05 + 6.0011954506702E-05 + 9.1463633035075E-07 + 2.0499175932851E-05 +-2.1028731353870E-05 +-2.8510495014174E-06 +-1.5552159415975E-05 +-1.0640931892795E-05 + 1.3800867623259E-05 +-1.6493492515524E-05 + 5.4072928662109E-06 +-2.7550215831294E-06 + 2.5470982090561E-06 + 7.3392678247796E-06 + 2.7346926050789E-06 + 5.4113765188085E-06 +-6.2509053883655E-06 + 2.7830256442283E-06 +-3.2784567440048E-06 +-6.6059218587157E-07 + 9.1350101610980E-07 +-3.4385132880402E-06 + 1.4780481134371E-08 +-1.8531919655454E-06 + 1.8457370190613E-06 + 3.7731806089427E-07 + 8.1254335781096E-07 + 7.6241768507709E-07 +-1.0110166675537E-06 + 9.9645263281415E-07 +-6.0024914260144E-07 + 2.8181961265315E-07 +-2.9857496231365E-07 +-5.6196870154163E-07 +-2.3748433523096E-07 +-5.0925737491714E-07 + 4.9946057176973E-07 +-1.8391172084673E-07 + 1.9872521081457E-07 +-1.3865312492199E-08 +-7.2187315804291E-08 + 1.9997380417657E-07 +-5.4613199224489E-08 + 1.1481161013424E-07 +-1.4640769750878E-07 +-5.8734004789772E-08 +-9.3772278430747E-08 +-8.2329304870386E-08 + 1.2178878073946E-07 +-3.5929107244408E-08 + 3.3971333791007E-08 +-2.3942347597804E-08 + 4.6286563983998E-08 + 4.2363819006251E-08 + 3.3158870938128E+00 + 0.0000000000000E+00 + 7.4366821069501E-02 + 0.0000000000000E+00 + 4.5934771124267E-01 + 1.3066929675434E-03 +-1.9276411411244E-02 + 5.7169562596135E-01 + 1.7038925915133E-02 +-5.9400569959577E-05 + 9.9783562597874E-04 +-1.1210603323227E-02 +-1.5995356378794E-02 +-1.7918136798358E-03 + 4.9477827544489E-03 +-1.9546256410506E-02 + 5.2283597642428E-03 + 1.6439979177832E-04 +-7.9997227412737E-04 + 7.5893558969743E-03 + 2.4003821145664E-03 + 1.2634493125635E-03 +-1.4260656092972E-03 + 2.0105383808827E-03 +-1.3335957783736E-03 +-3.8633048725492E-04 + 5.1105295106249E-04 +-1.8485901985476E-03 + 4.3714041018212E-05 +-2.3031139309429E-04 + 2.4308539239200E-04 + 1.4145294495336E-04 + 4.5526182823800E-04 + 1.7497071854214E-04 +-2.4338394759880E-04 + 4.6472785006822E-04 +-9.9988572330909E-05 + 2.2499393137946E-05 +-8.1314480959849E-06 +-1.4730305207417E-04 +-6.2853601995668E-05 +-7.9338589501052E-05 + 9.3203997029126E-05 +-5.7815415674761E-05 + 6.0190556740974E-05 + 1.8009668043371E-05 +-2.4157704376185E-05 + 7.1285079976268E-05 + 3.9088025289041E-07 + 2.4009960688394E-05 +-2.4519277229884E-05 +-4.4375061764432E-06 +-1.8606926441681E-05 +-1.2647977669469E-05 + 1.6737300259178E-05 +-1.9746713609791E-05 + 6.8484914186221E-06 +-3.0993628051113E-06 + 2.8580838416945E-06 + 9.3401586910246E-06 + 3.2702811401298E-06 + 6.7055825922517E-06 +-7.7569275450709E-06 + 3.3119069812123E-06 +-4.2032917812980E-06 +-8.5899732504326E-07 + 1.2251767115039E-06 +-4.3467973914578E-06 + 3.4859723114533E-08 +-2.3152542263518E-06 + 2.2974181808481E-06 + 5.8485551985586E-07 + 9.9713438901142E-07 + 1.0003879936910E-06 +-1.3512540190925E-06 + 1.2561601626168E-06 +-8.1222175190362E-07 + 3.1772978348028E-07 +-3.7948772833155E-07 +-8.0071955826265E-07 +-3.1680274097606E-07 +-6.9279187639964E-07 + 6.6729515267588E-07 +-2.1909551033841E-07 + 2.3719688815874E-07 +-7.7095821834562E-09 +-8.7326210771385E-08 + 3.2330448289714E-07 +-8.6064805896186E-08 + 1.3506690942577E-07 +-2.0293932700778E-07 +-1.1422626753298E-07 +-1.1297002878067E-07 +-1.3763218027493E-07 + 1.4438843658979E-07 +-1.2782954542968E-07 + 6.6685943566807E-08 +-4.3631750131244E-08 + 7.3453085178945E-08 + 8.0555960199187E-08 + 3.3102664967054E+00 + 0.0000000000000E+00 + 7.5481253567533E-02 + 0.0000000000000E+00 + 4.7154324934941E-01 + 1.1656544140758E-03 +-2.0166495035427E-02 + 5.8889124329975E-01 + 1.8404378439697E-02 +-1.1901888845983E-04 + 1.0879566418679E-03 +-1.2042805355041E-02 +-1.6594730592549E-02 +-1.7984300527690E-03 + 5.2731371923167E-03 +-2.0420968119263E-02 + 5.5642652056038E-03 + 1.5846999920663E-04 +-8.6517963637016E-04 + 8.1905437987432E-03 + 2.5839490468865E-03 + 1.3768922106546E-03 +-1.5483770946105E-03 + 2.1304005647463E-03 +-1.4487667166143E-03 +-4.2537070192149E-04 + 5.6295261947857E-04 +-2.0383994998891E-03 + 5.9147828261533E-05 +-2.4950950175983E-04 + 2.6510211130868E-04 + 1.7311789444445E-04 + 5.1644423146728E-04 + 1.9334062606092E-04 +-2.7532606090220E-04 + 5.2161006803602E-04 +-1.1495510972550E-04 + 2.4641645275157E-05 +-7.5244930242843E-06 +-1.7205010233060E-04 +-6.9460711080435E-05 +-9.1785667267481E-05 + 1.0821036461734E-04 +-6.2917970332179E-05 + 7.1225883903378E-05 + 2.1479780816860E-05 +-2.8896400051919E-05 + 8.4882172781078E-05 +-3.1371191128223E-07 + 2.8217360229682E-05 +-2.8748585175034E-05 +-6.5527864042755E-06 +-2.2343859698197E-05 +-1.5098122196985E-05 + 2.0465506301793E-05 +-2.3691776985427E-05 + 8.7061731768466E-06 +-3.4979441587769E-06 + 3.2461358409357E-06 + 1.1920883593725E-05 + 3.9275401087243E-06 + 8.3849710055635E-06 +-9.7090562731455E-06 + 3.9121181835325E-06 +-5.3996937287738E-06 +-1.1101657066759E-06 + 1.6214423664092E-06 +-5.5224526150610E-06 + 1.0159912042588E-07 +-2.9344496190655E-06 + 2.8750754177955E-06 + 9.0002677153053E-07 + 1.2343122667386E-06 + 1.3233686525967E-06 +-1.7959398541911E-06 + 1.6049083381692E-06 +-1.1370429223138E-06 + 3.7756394605799E-07 +-4.6085778135681E-07 +-1.1072892086994E-06 +-4.2615117432536E-07 +-9.4610070502434E-07 + 8.7498959762190E-07 +-2.7158790361439E-07 + 3.0622097520412E-07 +-1.6864392858176E-08 +-1.4944843799932E-07 + 4.4601680082736E-07 +-1.4382354977772E-07 + 1.5507027539929E-07 +-2.6174108032590E-07 +-1.6816472661561E-07 +-1.7273330815911E-07 +-2.0922146351586E-07 + 2.1829658032069E-07 +-1.8055423981561E-07 + 1.0493227275260E-07 +-7.6604964000303E-08 + 9.0504851125774E-08 + 9.5166405595808E-08 + 3.3043890445854E+00 + 0.0000000000000E+00 + 7.6752080202651E-02 + 0.0000000000000E+00 + 4.8355874517650E-01 + 1.0219989477702E-03 +-2.1150436955547E-02 + 6.0616278608649E-01 + 1.9881855223756E-02 +-1.9018389842414E-04 + 1.1897164982458E-03 +-1.2931199098693E-02 +-1.7211515788815E-02 +-1.8032377432586E-03 + 5.6302869016667E-03 +-2.1335858283502E-02 + 5.9113391499573E-03 + 1.5072430769522E-04 +-9.3860675134421E-04 + 8.8395269548947E-03 + 2.7844187456478E-03 + 1.5017530987218E-03 +-1.6831816651753E-03 + 2.2578642802470E-03 +-1.5750098239326E-03 +-4.6914460750193E-04 + 6.2227677297364E-04 +-2.2502702629880E-03 + 7.5725495265175E-05 +-2.7055654043401E-04 + 2.8978417794447E-04 + 2.0998143974552E-04 + 5.8667039289879E-04 + 2.1420215817387E-04 +-3.1278275889775E-04 + 5.8589330543299E-04 +-1.3235966100741E-04 + 2.7086926844895E-05 +-6.6705050194245E-06 +-2.0163942748966E-04 +-7.6739134139888E-05 +-1.0664376864519E-04 + 1.2613528999536E-04 +-6.8319736175327E-05 + 8.4465639766554E-05 + 2.5669237159931E-05 +-3.4688482612775E-05 + 1.0147401592153E-04 +-1.2680345036802E-06 + 3.3283281063492E-05 +-3.3831655468098E-05 +-9.3579481781553E-06 +-2.6961657988053E-05 +-1.8111552067511E-05 + 2.5160689224268E-05 +-2.8599895380726E-05 + 1.1087250096546E-05 +-3.9626496463323E-06 + 3.6755430786318E-06 + 1.5261952893675E-05 + 4.7631133290423E-06 + 1.0564170620485E-05 +-1.2200305897531E-05 + 4.6484961179859E-06 +-6.9578528666131E-06 +-1.4416595427381E-06 + 2.1753874222277E-06 +-7.0685010903227E-06 + 2.1504790737119E-07 +-3.7322313672435E-06 + 3.5999702098161E-06 + 1.3430775259509E-06 + 1.5227122861926E-06 + 1.7774744358429E-06 +-2.4114162997937E-06 + 2.0905261942642E-06 +-1.5690089223672E-06 + 4.4626475695165E-07 +-5.4739886367156E-07 +-1.5346538721738E-06 +-5.9290087110949E-07 +-1.2822632272713E-06 + 1.1693896391983E-06 +-3.4917377632496E-07 + 3.6086424569358E-07 +-7.8095818956596E-09 +-2.4721732599993E-07 + 6.5657870997577E-07 +-2.5108335932184E-07 + 1.8237738921408E-07 +-3.6187125007209E-07 +-2.4268537080267E-07 +-2.7602389808897E-07 +-3.2303590111110E-07 + 3.1694838782064E-07 +-3.0492352239562E-07 + 1.3378543171738E-07 +-1.3278828642829E-07 + 1.2298055193790E-07 + 1.2493303786221E-07 + 3.2982242361014E+00 + 0.0000000000000E+00 + 7.8211905372354E-02 + 0.0000000000000E+00 + 4.9539420700616E-01 + 8.7889616223080E-04 +-2.2250872685177E-02 + 6.2354609591935E-01 + 2.1486856840558E-02 +-2.7490997517008E-04 + 1.3058121796748E-03 +-1.3882139601059E-02 +-1.7847454125348E-02 +-1.8067405098253E-03 + 6.0252606936982E-03 +-2.2295305930945E-02 + 6.2689457783877E-03 + 1.4092388449657E-04 +-1.0224509435795E-03 + 9.5425037123269E-03 + 3.0041193989067E-03 + 1.6396059966667E-03 +-1.8326610141829E-03 + 2.3935445516487E-03 +-1.7139183472816E-03 +-5.1832324108882E-04 + 6.9103342329512E-04 +-2.4875596705593E-03 + 9.3165095781495E-05 +-2.9386807764651E-04 + 3.1760663924701E-04 + 2.5317159496829E-04 + 6.6751103850903E-04 + 2.3813305808864E-04 +-3.5731314755312E-04 + 6.5863300076903E-04 +-1.5273720942926E-04 + 2.9915222735790E-05 +-5.3308692579717E-06 +-2.3731223273804E-04 +-8.4765684749488E-05 +-1.2446625925475E-04 + 1.4786214941479E-04 +-7.3916314292353E-05 + 1.0047222540835E-04 + 3.0727055339671E-05 +-4.2029570562806E-05 + 1.2179660544458E-04 +-2.5280506815129E-06 + 3.9392109822185E-05 +-4.0126545735965E-05 +-1.3171609100425E-05 +-3.2736593938075E-05 +-2.1889674128662E-05 + 3.1301487527379E-05 +-3.4636353612798E-05 + 1.4208242622220E-05 +-4.5218781629973E-06 + 4.2467443241489E-06 + 1.9672773390106E-05 + 5.8183262360006E-06 + 1.3421544345411E-05 +-1.5534145089566E-05 + 5.4288007432334E-06 +-8.9884997110756E-06 +-1.8934798152772E-06 + 2.8951098917323E-06 +-9.1397618995696E-06 + 4.2523756053605E-07 +-4.7911486733440E-06 + 4.6172832625693E-06 + 2.0752067336653E-06 + 1.9372033342005E-06 + 2.4213777882789E-06 +-3.2226151643112E-06 + 2.7562861713807E-06 +-2.1818086418149E-06 + 5.4807973605966E-07 +-6.9448459111693E-07 +-2.1993610985660E-06 +-8.0674320768962E-07 +-1.7314355900621E-06 + 1.5541806974010E-06 +-4.3538714066175E-07 + 4.8338011367060E-07 + 8.6469647700306E-09 +-3.7071057210200E-07 + 9.9289263892679E-07 +-3.9578886740943E-07 + 2.2841513392178E-07 +-4.9155446585373E-07 +-3.5696698428095E-07 +-4.6865681989919E-07 +-4.7722297210623E-07 + 4.4003046289794E-07 +-4.5782988064067E-07 + 1.8712190217786E-07 +-2.2827681937120E-07 + 1.3739654572281E-07 + 1.6825497492633E-07 + 3.2917476266594E+00 + 0.0000000000000E+00 + 7.9900632434880E-02 + 0.0000000000000E+00 + 5.0702883181603E-01 + 7.4025835679646E-04 +-2.3494382929055E-02 + 6.4105349249943E-01 + 2.3235484414913E-02 +-3.7592793917864E-04 + 1.4393873454251E-03 +-1.4901607077130E-02 +-1.8503106230450E-02 +-1.8095067485243E-03 + 6.4650994127387E-03 +-2.3302665947133E-02 + 6.6353614355795E-03 + 1.2890582200915E-04 +-1.1192669725611E-03 + 1.0305782503459E-02 + 3.2453490871517E-03 + 1.7919724666936E-03 +-1.9995025376744E-03 + 2.5379650207825E-03 +-1.8669955238646E-03 +-5.7369898468446E-04 + 7.7159875931979E-04 +-2.7540388595995E-03 + 1.1091258360221E-04 +-3.1987039010840E-04 + 3.4938952451737E-04 + 3.0402951294321E-04 + 7.6064421576608E-04 + 2.6598898519856E-04 +-4.1072049590902E-04 + 7.4118989521602E-04 +-1.7675053521485E-04 + 3.3173193175487E-05 +-3.4731186862804E-06 +-2.8066569756762E-04 +-9.3611469007584E-05 +-1.4600170189881E-04 + 1.7434360078700E-04 +-7.9783561392756E-05 + 1.1989983132970E-04 + 3.6895454538264E-05 +-5.1278804424055E-05 + 1.4687609903126E-04 +-4.1827664661987E-06 + 4.6825390348533E-05 +-4.7968450354955E-05 +-1.8238137966898E-05 +-3.9944043611545E-05 +-2.6750362887560E-05 + 3.9218660465711E-05 +-4.2228640074720E-05 + 1.8330918100662E-05 +-5.2483410818691E-06 + 4.9995237883039E-06 + 2.5442427328162E-05 + 7.1274103251881E-06 + 1.7253694822145E-05 +-1.9803812929569E-05 + 6.4213312796172E-06 +-1.1689379527594E-05 +-2.4690591202257E-06 + 3.8745597810236E-06 +-1.1865194554292E-05 + 8.3569748607276E-07 +-6.1973834168487E-06 + 5.8498372437732E-06 + 2.9874976471877E-06 + 2.4878325770755E-06 + 3.3100641084995E-06 +-4.3482165268413E-06 + 3.6502587602942E-06 +-3.0222199626488E-06 + 6.9600714747869E-07 +-7.8142496623258E-07 +-2.9642166586052E-06 +-1.1131298013850E-06 +-2.3138296699170E-06 + 2.1103117379059E-06 +-5.4492989284429E-07 + 6.8190666023600E-07 + 5.3161266621950E-08 +-6.4066863040798E-07 + 1.3096172099877E-06 +-6.0995329496713E-07 + 2.8045258183904E-07 +-7.2050771699642E-07 +-5.0384274445676E-07 +-7.4127185865802E-07 +-7.2510455671156E-07 + 6.6003682640791E-07 +-5.0715315671091E-07 + 2.3338126006969E-07 +-3.7674662626197E-07 + 1.8379105868146E-07 + 2.2502649498417E-07 + 3.2849327015438E+00 + 0.0000000000000E+00 + 8.1868871645651E-02 + 0.0000000000000E+00 + 5.1843837952384E-01 + 6.1226670116488E-04 +-2.4915893217846E-02 + 6.5869770057482E-01 + 2.5146486398418E-02 +-4.9654796839339E-04 + 1.5945723649742E-03 +-1.5996213580451E-02 +-1.9178656531033E-02 +-1.8123540627413E-03 + 6.9587553167294E-03 +-2.4361067611012E-02 + 7.0080028538325E-03 + 1.1449941572689E-04 +-1.2325630637512E-03 + 1.1136432506848E-02 + 3.5109184825088E-03 + 1.9606142996511E-03 +-2.1870665130761E-03 + 2.6912988488129E-03 +-2.0358028494028E-03 +-6.3617905490039E-04 + 8.6720101276514E-04 +-3.0539961640229E-03 + 1.2828841700129E-04 +-3.4921153984245E-04 + 3.8605111779112E-04 + 3.6441457710424E-04 + 8.6801679382811E-04 + 2.9889203365518E-04 +-4.7541274909258E-04 + 8.3510037350664E-04 +-2.0521660176053E-04 + 3.6985938323385E-05 +-8.2051348139542E-07 +-3.3372643155932E-04 +-1.0351880337015E-04 +-1.7218447002938E-04 + 2.0682668345104E-04 +-8.5850332365966E-05 + 1.4363360643832E-04 + 4.4401829673185E-05 +-6.3194293040091E-05 + 1.7791105768418E-04 +-6.2813476357633E-06 + 5.5967381278825E-05 +-5.7733036109029E-05 +-2.5116232722709E-05 +-4.9012203928959E-05 +-3.3028333510822E-05 + 4.9676877338558E-05 +-5.1702212576540E-05 + 2.3794845906765E-05 +-6.2020830652041E-06 + 5.8623685837872E-06 + 3.3144181272991E-05 + 8.7999828746372E-06 + 2.2387794570395E-05 +-2.5463242678605E-05 + 7.4940426463520E-06 +-1.5240499664253E-05 +-3.2019120933990E-06 + 5.3918534500133E-06 +-1.5556494585156E-05 + 1.4667685453414E-06 +-8.0185367128110E-06 + 7.4842663474392E-06 + 4.4156049657444E-06 + 3.2488851681750E-06 + 4.5637272709242E-06 +-6.1110064913799E-06 + 4.8758115264451E-06 +-4.1396220589750E-06 + 8.4332657750985E-07 +-8.9593140949679E-07 +-4.1882182000258E-06 +-1.4984370431446E-06 +-3.1404122292380E-06 + 3.0596653025864E-06 +-6.3638542769140E-07 + 9.4054891879440E-07 + 1.6178415395265E-07 +-1.0287765454810E-06 + 1.9481438275475E-06 +-9.1155848747018E-07 + 4.0457870032012E-07 +-1.1660040469790E-06 +-7.9416550295618E-07 +-1.1402194737200E-06 +-1.1419445359515E-06 + 9.5534761975175E-07 +-7.3277045429499E-07 + 2.8974340927841E-07 +-6.5793295685518E-07 + 2.7255162448872E-07 + 4.5481157777332E-07 + 3.2777382163221E+00 + 0.0000000000000E+00 + 8.4184359760230E-02 + 0.0000000000000E+00 + 5.2961230790408E-01 + 5.0235219477785E-04 +-2.6562276355248E-02 + 6.7652218250193E-01 + 2.7245333788059E-02 +-6.4085446045169E-04 + 1.7773307118243E-03 +-1.7175133869677E-02 +-1.9875005944873E-02 +-1.8161094097262E-03 + 7.5185016837536E-03 +-2.5475330843016E-02 + 7.3836617959166E-03 + 9.7331463130707E-05 +-1.3675929069388E-03 + 1.2043882465181E-02 + 3.8044869037443E-03 + 2.1478482446508E-03 +-2.3999810880246E-03 + 2.8537099612481E-03 +-2.2219849542529E-03 +-7.0685734949476E-04 + 9.8266218835390E-04 +-3.3930395666111E-03 + 1.4442574467127E-04 +-3.8290779389948E-04 + 4.2870582615517E-04 + 4.3675813119595E-04 + 9.9209472398946E-04 + 3.3834332288162E-04 +-5.5503306097651E-04 + 9.4250664546825E-04 +-2.3936912211138E-04 + 4.1443251512177E-05 + 3.1987291326490E-06 +-3.9895940824281E-04 +-1.1484445750540E-04 +-2.0424292350177E-04 + 2.4735304007226E-04 +-9.2075420101492E-05 + 1.7270197116821E-04 + 5.3654948242834E-05 +-7.8920808507015E-05 + 2.1632748129049E-04 +-8.9947691706284E-06 + 6.7420014489629E-05 +-7.0194564826809E-05 +-3.4485258139054E-05 +-6.0596613048906E-05 +-4.1290415525003E-05 + 6.3748026844651E-05 +-6.3379235276921E-05 + 3.1039424660697E-05 +-7.4831210592858E-06 + 6.9086942743517E-06 + 4.3476552557486E-05 + 1.0825455854654E-05 + 2.9371908888330E-05 +-3.3116611402933E-05 + 8.4290588435506E-06 +-2.0001681353548E-05 +-4.2438104521998E-06 + 7.6177311346821E-06 +-2.0566919072253E-05 + 2.4672039132163E-06 +-1.0468262371641E-05 + 9.6977120156583E-06 + 6.6976043883143E-06 + 4.2200182510757E-06 + 6.3684507767894E-06 +-8.6845247571141E-06 + 6.5628443613915E-06 +-5.7506048064608E-06 + 1.0432409104643E-06 +-1.0085761551837E-06 +-6.1036172659612E-06 +-2.0158024230084E-06 +-4.3732472666302E-06 + 4.4453018894530E-06 +-7.4125848095568E-07 + 1.4284526622510E-06 + 3.4030800909852E-07 +-1.6390196633135E-06 + 2.9552649214832E-06 +-1.4352619110917E-06 + 7.0215115092132E-07 +-1.7307536580510E-06 +-1.1837029201806E-06 +-1.7957444981701E-06 +-1.7408241627998E-06 + 1.4354810168958E-06 +-1.0215445787081E-06 + 3.7462428713556E-07 +-1.0635671897012E-06 + 2.4367820661223E-07 + 7.4537728046026E-07 + 3.2701285918775E+00 + 0.0000000000000E+00 + 8.6935456071219E-02 + 0.0000000000000E+00 + 5.4051773363227E-01 + 4.2182322493125E-04 +-2.8494787169124E-02 + 6.9454619300860E-01 + 2.9559082515188E-02 +-8.1481076329742E-04 + 1.9950884449325E-03 +-1.8446687243278E-02 +-2.0591612214691E-02 +-1.8217038951380E-03 + 8.1601615693693E-03 +-2.6647911373440E-02 + 7.7567351182733E-03 + 7.7583930104837E-05 +-1.5307586065680E-03 + 1.3037403718559E-02 + 4.1300371413306E-03 + 2.3560284487834E-03 +-2.6444409989013E-03 + 3.0241023942166E-03 +-2.4266418103478E-03 +-7.8716883830050E-04 + 1.1237123078828E-03 +-3.7771725708516E-03 + 1.5790862658947E-04 +-4.2223953969421E-04 + 4.7909919959352E-04 + 5.2471121335824E-04 + 1.1355601473307E-03 + 3.8642491931167E-04 +-6.5379797655939E-04 + 1.0657043892361E-03 +-2.8043725051757E-04 + 4.6567261408226E-05 + 9.0766041874149E-06 +-4.8011322478684E-04 +-1.2805881315571E-04 +-2.4375934130547E-04 + 2.9814841157397E-04 +-9.8183978354401E-05 + 2.0837947208571E-04 + 6.5237866606019E-05 +-9.9710902454425E-05 + 2.6455156043115E-04 +-1.2512944794176E-05 + 8.2060913018174E-05 +-8.5987906438626E-05 +-4.7512079561678E-05 +-7.5476989354749E-05 +-5.2379801929888E-05 + 8.2551347329758E-05 +-7.8207135033486E-05 + 4.0644904607670E-05 +-9.3331161719188E-06 + 7.7667680599220E-06 + 5.7656914540690E-05 + 1.3270976986059E-05 + 3.8809848304330E-05 +-4.3336768973014E-05 + 9.3179399180394E-06 +-2.6334045663785E-05 +-5.8304758617090E-06 + 1.1259870672412E-05 +-2.7716465581513E-05 + 3.9635831298363E-06 +-1.3828673960775E-05 + 1.2555706743107E-05 + 1.0074581103122E-05 + 5.5562228474129E-06 + 8.9729164629038E-06 +-1.2714033043018E-05 + 9.1401961218666E-06 +-8.0400434854734E-06 + 1.3331669063988E-06 +-8.4361481723545E-07 +-8.9755815285078E-06 +-2.6669624268624E-06 +-6.1581131536836E-06 + 6.7524269921081E-06 +-1.0331752380554E-06 + 2.2668957579002E-06 + 7.1433349541324E-07 +-2.8395173280432E-06 + 4.4663580940905E-06 +-2.1470979467985E-06 + 1.3227463510395E-06 +-2.6709541422250E-06 +-1.6857194057945E-06 +-2.6524013406128E-06 +-2.6177536516185E-06 + 2.4664103929279E-06 +-1.4465825639975E-06 + 5.4607518646570E-07 +-1.5021122776137E-06 + 2.1851462729862E-07 + 1.2043276612288E-06 + 3.2620795492802E+00 + 0.0000000000000E+00 + 9.0231431595377E-02 + 0.0000000000000E+00 + 5.5109841061484E-01 + 3.8384722562573E-04 +-3.0788417874609E-02 + 7.1275893729233E-01 + 3.2115565311047E-02 +-1.0259978041623E-03 + 2.2575645601018E-03 +-1.9817498605360E-02 +-2.1326019148571E-02 +-1.8298865112193E-03 + 8.9031103218227E-03 +-2.7877500236634E-02 + 8.1191388510027E-03 + 5.5482429285039E-05 +-1.7305405908548E-03 + 1.4125017360426E-02 + 4.4913157369301E-03 + 2.5874224487953E-03 +-2.9279068355061E-03 + 3.1998434853689E-03 +-2.6499906499326E-03 +-8.7826559566923E-04 + 1.2980753510060E-03 +-4.2117567112203E-03 + 1.6628816691640E-04 +-4.6898312039793E-04 + 5.3903120987008E-04 + 6.3310302207602E-04 + 1.3012747288945E-03 + 4.4572039856072E-04 +-7.7745789512915E-04 + 1.2062772032809E-03 +-3.2975900563628E-04 + 5.2444159084790E-05 + 1.8061571159072E-05 +-5.8211411861790E-04 +-1.4342090309055E-04 +-2.9251725603581E-04 + 3.6232372820595E-04 +-1.0316527467091E-04 + 2.5233070209998E-04 + 7.9825387566752E-05 +-1.2791606293676E-04 + 3.2557690850830E-04 +-1.7084083575878E-05 + 1.0087246005643E-04 +-1.0618722804286E-04 +-6.6125347913234E-05 +-9.4688961294437E-05 +-6.7537359122217E-05 + 1.0819364235778E-04 +-9.7113539235034E-05 + 5.3723433728929E-05 +-1.1959240722141E-05 + 8.1304381762554E-06 + 7.7414691088583E-05 + 1.6293113975144E-05 + 5.1507778652202E-05 +-5.7408153031965E-05 + 9.8503022661737E-06 +-3.4866126397159E-05 +-8.4455748451927E-06 + 1.7111828508575E-05 +-3.7937070285449E-05 + 6.3432269605419E-06 +-1.8489005925534E-05 + 1.6635756757827E-05 + 1.5248797393269E-05 + 7.5737203522035E-06 + 1.2918306232115E-05 +-1.8825497845341E-05 + 1.2884850612698E-05 +-1.1304964205130E-05 + 1.8324897246410E-06 +-4.5829832276078E-07 +-1.3366607519246E-05 +-3.6294969667589E-06 +-8.9775687594064E-06 + 1.0233036860375E-05 +-1.3094028480519E-06 + 3.8696195793291E-06 + 1.5245567689494E-06 +-4.6986160925568E-06 + 6.7065556595327E-06 +-3.1493253474749E-06 + 2.5429500941946E-06 +-3.8645281543648E-06 +-2.6945553055899E-06 +-3.7139855194166E-06 +-3.9807952422770E-06 + 4.0151623461900E-06 +-2.0067315241185E-06 + 1.0394324602924E-06 +-1.9089013931941E-06 +-4.0768073903277E-08 + 2.0938925616617E-06 + 3.2535023075909E+00 + 0.0000000000000E+00 + 9.4247246677380E-02 + 0.0000000000000E+00 + 5.6136526390734E-01 + 4.0416512833188E-04 +-3.3562566727003E-02 + 7.3128511806848E-01 + 3.4969701360386E-02 +-1.2870826455465E-03 + 2.5807859236829E-03 +-2.1306005618902E-02 +-2.2078257038445E-02 +-1.8408332583679E-03 + 9.7798854331785E-03 +-2.9170636509598E-02 + 8.4622832642311E-03 + 3.1093094570335E-05 +-1.9807919598534E-03 + 1.5324517501120E-02 + 4.8950478394559E-03 + 2.8461214268107E-03 +-3.2630583649929E-03 + 3.3790513792785E-03 +-2.8931679255124E-03 +-9.8186808525703E-04 + 1.5185369716380E-03 +-4.7061185555163E-03 + 1.6625680975052E-04 +-5.2579610479871E-04 + 6.1159421543393E-04 + 7.6855283513805E-04 + 1.4930273388101E-03 + 5.2001714749673E-04 +-9.3574692346900E-04 + 1.3670737731789E-03 +-3.8889874406911E-04 + 5.9190595101168E-05 + 3.1951405268640E-05 +-7.1194183204343E-04 +-1.6129421769716E-04 +-3.5327498149983E-04 + 4.4542488409994E-04 +-1.0594097567834E-04 + 3.0714397529372E-04 + 9.8360909612798E-05 +-1.6724424473793E-04 + 4.0363566751429E-04 +-2.3331013489644E-05 + 1.2536930451129E-04 +-1.3304590335386E-04 +-9.2778449205830E-05 +-1.1959903720136E-04 +-8.8675103666762E-05 + 1.4418385788779E-04 +-1.2133688875337E-04 + 7.1980100713862E-05 +-1.5717766404759E-05 + 8.0788059048386E-06 + 1.0490804509460E-04 + 2.0096791204079E-05 + 6.9070880893251E-05 +-7.7394389156678E-05 + 9.5388907383376E-06 +-4.6632295847680E-05 +-1.2522322415355E-05 + 2.6127247256035E-05 +-5.2247420531252E-05 + 1.0366703603133E-05 +-2.5126008221492E-05 + 2.2717105258071E-05 + 2.3173393368698E-05 + 1.0751931711145E-05 + 1.8900813002761E-05 +-2.8017682862279E-05 + 1.7873596785208E-05 +-1.6140172397789E-05 + 2.8112028947799E-06 + 2.0466885742489E-07 +-1.9839333857757E-05 +-4.9819411922147E-06 +-1.3450858115591E-05 + 1.5373846580191E-05 +-1.0192680511618E-06 + 6.5947477553291E-06 + 2.8853709581509E-06 +-7.7117645471730E-06 + 9.7885424515330E-06 +-4.6625555793881E-06 + 4.5364122691686E-06 +-5.3506305264687E-06 +-4.9110172457613E-06 +-5.0073033866719E-06 +-6.1726429799578E-06 + 6.5688125029732E-06 +-2.5152447371127E-06 + 2.2427162500107E-06 +-2.0259194083016E-06 +-6.1955098259651E-07 + 3.8563486506121E-06 + 3.2443489257133E+00 + 0.0000000000000E+00 + 9.9196232090126E-02 + 0.0000000000000E+00 + 5.7124850458675E-01 + 5.0183104235685E-04 +-3.6960369916819E-02 + 7.5013509056036E-01 + 3.8171686059035E-02 +-1.6140106753160E-03 + 2.9862327416794E-03 +-2.2924064903480E-02 +-2.2839427393118E-02 +-1.8532996169880E-03 + 1.0828738350811E-02 +-3.0523322455120E-02 + 8.7706141002539E-03 + 3.9956064176156E-06 +-2.3005907200730E-03 + 1.6648486197055E-02 + 5.3465419504976E-03 + 3.1348404558356E-03 +-3.6645034573608E-03 + 3.5569899396037E-03 +-3.1541775139066E-03 +-1.0987002461150E-03 + 1.8027764127969E-03 +-5.2671846316160E-03 + 1.5306564776022E-04 +-5.9617086573417E-04 + 6.9967945428635E-04 + 9.3890273005989E-04 + 1.7136175800318E-03 + 6.1366828454992E-04 +-1.1421495312314E-03 + 1.5495078798054E-03 +-4.5892546337859E-04 + 6.7094109485133E-05 + 5.4348944464199E-05 +-8.7749989482625E-04 +-1.8225565584093E-04 +-4.2942545620454E-04 + 5.5504382687315E-04 +-1.0399786273319E-04 + 3.7540556959473E-04 + 1.2152379470533E-04 +-2.2393823181392E-04 + 5.0322162233033E-04 +-3.1887666771057E-05 + 1.5808383160062E-04 +-1.6906176287136E-04 +-1.3159856051518E-04 +-1.5185279588424E-04 +-1.1832866465593E-04 + 1.9648072752678E-04 +-1.5151452407504E-04 + 9.7361963099737E-05 +-2.1157940449631E-05 + 6.6541339071198E-06 + 1.4373214493011E-04 + 2.4571067330461E-05 + 9.4011038967017E-05 +-1.0670600376829E-04 + 6.7279183348703E-06 +-6.2746811545227E-05 +-1.8414147770903E-05 + 4.1055026086463E-05 +-7.2578355863873E-05 + 1.6975063114566E-05 +-3.4656730804359E-05 + 3.1852616577156E-05 + 3.6133446278180E-05 + 1.5782473338343E-05 + 2.8141001802995E-05 +-4.3215070526115E-05 + 2.4376710864036E-05 +-2.3702619477611E-05 + 4.3963632754967E-06 + 1.4853288823183E-06 +-3.0063205472869E-05 +-6.4691839767496E-06 +-2.0795525800187E-05 + 2.4021385971127E-05 + 7.4227713445230E-07 + 1.0862889120385E-05 + 5.4300552328754E-06 +-1.2924599705176E-05 + 1.4642620675041E-05 +-7.6055717669624E-06 + 7.5534654824977E-06 +-8.0637611495237E-06 +-9.3723217659324E-06 +-6.4007664079885E-06 +-1.0142521652574E-05 + 1.1010386552395E-05 +-3.4278492222969E-06 + 4.5799721026049E-06 +-1.7200674863507E-06 +-1.0929972267310E-06 + 7.2251453523055E-06 + 3.2344932543494E+00 + 0.0000000000000E+00 + 1.0542331147418E-01 + 0.0000000000000E+00 + 5.8072225881678E-01 + 7.1160750864809E-04 +-4.1221391549570E-02 + 7.6944587621662E-01 + 4.1809872858619E-02 +-2.0325917352698E-03 + 3.5101073447660E-03 +-2.4696760030262E-02 +-2.3598143234087E-02 +-1.8646516045920E-03 + 1.2113053190448E-02 +-3.1935068153487E-02 + 9.0224109472880E-03 +-2.5862727397383E-05 +-2.7220885526965E-03 + 1.8120265944552E-02 + 5.8538462991140E-03 + 3.4578531098306E-03 +-4.1560081769655E-03 + 3.7266831629788E-03 +-3.4277039512648E-03 +-1.2300261086138E-03 + 2.1797465012724E-03 +-5.9066257097927E-03 + 1.1989600837933E-04 +-6.8557976861971E-04 + 8.0742648350309E-04 + 1.1559235656027E-03 + 1.9671292343546E-03 + 7.3340645402669E-04 +-1.4183080055043E-03 + 1.7562328150541E-03 +-5.4107464336486E-04 + 7.6464702982471E-05 + 9.1494819746489E-05 +-1.0897186634670E-03 +-2.0731715140373E-04 +-5.2620765330890E-04 + 7.0317472040009E-04 +-9.3329607016147E-05 + 4.6045314035383E-04 + 1.5061937172461E-04 +-3.0804734395505E-04 + 6.3009649638506E-04 +-4.3757299121307E-05 + 2.0310877935295E-04 +-2.1786223000530E-04 +-1.8903411307356E-04 +-1.9322494495803E-04 +-1.6048936364918E-04 + 2.7443696523786E-04 +-1.8777363517251E-04 + 1.3213354445479E-04 +-2.8975301923146E-05 + 1.8407073773903E-06 + 1.9968879880012E-04 + 2.9012371630035E-05 + 1.3010272877430E-04 +-1.5077775639663E-04 +-1.5707321417836E-06 +-8.4877912690180E-05 +-2.7128650071852E-05 + 6.6525095291493E-05 +-1.0222958980580E-04 + 2.7862869551698E-05 +-4.8777165997029E-05 + 4.5671469938656E-05 + 5.7902312188199E-05 + 2.3397934172774E-05 + 4.3237099709682E-05 +-6.8918329235238E-05 + 3.3056436593118E-05 +-3.6235961309089E-05 + 6.5824821677311E-06 + 4.0717208013577E-06 +-4.6811433872836E-05 +-7.0399238232915E-06 +-3.3431622139494E-05 + 3.8683354420599E-05 + 4.8396405900870E-06 + 1.7482297206089E-05 + 1.0677195332355E-05 +-2.1875292843941E-05 + 2.2783822614168E-05 +-1.3788584929401E-05 + 1.2170923276138E-05 +-1.2834871336752E-05 +-1.6795790630866E-05 +-7.9380083323846E-06 +-1.7329542661063E-05 + 1.8443666500197E-05 +-5.2938152050370E-06 + 8.5438758239639E-06 +-1.0019207147838E-06 +-1.6423782910947E-06 + 1.2403238388377E-05 + 3.2238349040068E+00 + 0.0000000000000E+00 + 1.1341827100789E-01 + 0.0000000000000E+00 + 5.8967027416305E-01 + 1.1258495153020E-03 +-4.6728699680765E-02 + 7.8922652887723E-01 + 4.5979612025828E-02 +-2.5797855061669E-03 + 4.2064686349653E-03 +-2.6639717179719E-02 +-2.4334486184294E-02 +-1.8745614837858E-03 + 1.3724268601793E-02 +-3.3376455173757E-02 + 9.1818926435354E-03 +-5.1359980301802E-05 +-3.2930765232229E-03 + 1.9753403721572E-02 + 6.4214970537141E-03 + 3.8172060648259E-03 +-4.7697331590393E-03 + 3.8646107992609E-03 +-3.6986503721975E-03 +-1.3781251147807E-03 + 2.6884737150486E-03 +-6.6281957647028E-03 + 5.5380100132491E-05 +-8.0074574966354E-04 + 9.3908587016550E-04 + 1.4411355523379E-03 + 2.2557110754302E-03 + 8.9006460194303E-04 +-1.7902043212450E-03 + 1.9824633947297E-03 +-6.3451537870919E-04 + 8.6979645971020E-05 + 1.5338434118326E-04 +-1.3652752766338E-03 +-2.3917291943923E-04 +-6.5007130108935E-04 + 9.0101781455986E-04 +-6.1623062536361E-05 + 5.6517366574594E-04 + 1.8792798998754E-04 +-4.3343524976709E-04 + 7.9216049847943E-04 +-5.9268727448616E-05 + 2.6678155760948E-04 +-2.7870524240256E-04 +-2.7981415438176E-04 +-2.4684732576973E-04 +-2.2169186513597E-04 + 3.8875432185645E-04 +-2.2874244487281E-04 + 1.7973876127321E-04 +-4.0070517614946E-05 +-1.5419726571093E-05 + 2.8492620281686E-04 + 3.1031296922098E-05 + 1.8142747279987E-04 +-2.1424055622077E-04 +-2.1087610121615E-05 +-1.1687674300853E-04 +-4.1979101602366E-05 + 1.1356045232761E-04 +-1.4719476577053E-04 + 4.6188333230782E-05 +-7.0257652404887E-05 + 6.2835426550340E-05 + 9.4367515607253E-05 + 3.4083952000197E-05 + 6.8194176144574E-05 +-1.1375058380835E-04 + 4.4348373015299E-05 +-5.7069513671215E-05 + 8.4096814400635E-06 + 1.3305121173100E-05 +-7.3890471098037E-05 +-5.0693803437953E-06 +-5.5107340156688E-05 + 6.3875893865147E-05 + 1.3188537899452E-05 + 2.8342502625140E-05 + 2.1081656106310E-05 +-4.0517894130078E-05 + 3.4743208728871E-05 +-2.4882226155853E-05 + 1.8936831122338E-05 +-2.0253698126597E-05 +-2.9324713881535E-05 +-9.2687730570030E-06 +-3.0234005040522E-05 + 3.3476815417905E-05 +-6.1027977272270E-06 + 1.5081875850614E-05 +-3.7416624850994E-07 +-4.2543301626663E-06 + 2.0508254461251E-05 + 3.2121238725277E+00 + 0.0000000000000E+00 + 1.2406247032022E-01 + 0.0000000000000E+00 + 5.9802624923744E-01 + 1.8321145966192E-03 +-5.4093563428340E-02 + 8.0971789110356E-01 + 5.0873826861873E-02 +-3.3325925387960E-03 + 5.1774118307494E-03 +-2.8792932380554E-02 +-2.5020716531158E-02 +-1.8651714738206E-03 + 1.5819892149330E-02 +-3.4807687494274E-02 + 9.1889512644509E-03 +-6.7531204356176E-05 +-4.1008022136943E-03 + 2.1578317314855E-02 + 7.0599702925625E-03 + 4.2098642385864E-03 +-5.5604409585221E-03 + 3.9297468583811E-03 +-3.9395771957752E-03 +-1.5393509753589E-03 + 3.4038533726654E-03 +-7.4353598327156E-03 +-5.9920135906076E-05 +-9.5058942982218E-04 + 1.0990541827155E-03 + 1.8328849959393E-03 + 2.5759787141161E-03 + 1.0939284465927E-03 +-2.3115311780495E-03 + 2.2160249117910E-03 +-7.3495756305791E-04 + 9.8957305864921E-05 + 2.6208277563457E-04 +-1.7318625927225E-03 +-2.7868210611231E-04 +-8.0815687078524E-04 + 1.1760433010173E-03 + 1.2841147861192E-05 + 6.9352680220551E-04 + 2.3409846616316E-04 +-6.3153925822324E-04 + 9.9991755123707E-04 +-8.2495476097569E-05 + 3.5715997676852E-04 +-3.5726488910674E-04 +-4.2719261814988E-04 +-3.1395381298893E-04 +-3.1204342946033E-04 + 5.6692747221994E-04 +-2.7031715949956E-04 + 2.4947980549398E-04 +-5.4884191027266E-05 +-5.4447760745961E-05 + 4.1420399017368E-04 + 2.7571451705820E-05 + 2.5682935241141E-04 +-3.1249098096955E-04 +-6.3760582881140E-05 +-1.6375201831543E-04 +-6.8128330234732E-05 + 1.9737493770923E-04 +-2.1115084491263E-04 + 7.9580789359307E-05 +-1.0265678804724E-04 + 8.7691766143372E-05 + 1.5758845113431E-04 + 4.8614890422967E-05 + 1.1212194797935E-04 +-1.8977069508109E-04 + 5.3290240405449E-05 +-9.2336328276322E-05 + 9.4181098240072E-06 + 3.2496348551126E-05 +-1.1764719559495E-04 + 2.9481806587528E-06 +-9.1016819447154E-05 + 1.0465199544224E-04 + 3.5384815328994E-05 + 4.3790953315391E-05 + 4.2192244631393E-05 +-7.4558880284588E-05 + 5.1428240592477E-05 +-4.4757699015964E-05 + 2.8900908475862E-05 +-2.9416754589935E-05 +-5.5709988862373E-05 +-1.0690657295566E-05 +-5.0098668460785E-05 + 6.0134736056642E-05 +-2.1191957541653E-06 + 2.5041455890548E-05 + 9.1077934153919E-07 +-1.3990175460775E-05 + 3.7138402807266E-05 + 3.1989078153240E+00 + 0.0000000000000E+00 + 1.3902422334939E-01 + 0.0000000000000E+00 + 6.0562819855515E-01 + 2.9133453104911E-03 +-6.4359191766873E-02 + 8.3130652087933E-01 + 5.6848430327750E-02 +-4.4647686653825E-03 + 6.6238155099275E-03 +-3.1220101335427E-02 +-2.5590966155638E-02 +-1.7785411854177E-03 + 1.8673374529460E-02 +-3.6140863808198E-02 + 8.9200020031225E-03 +-6.7059054274413E-05 +-5.3041467963240E-03 + 2.3632848027210E-02 + 7.7941382089569E-03 + 4.6107632677610E-03 +-6.6155029317463E-03 + 3.8380343067630E-03 +-4.0853755751032E-03 +-1.6927504329384E-03 + 4.4583201483687E-03 +-8.3162676193875E-03 +-2.6934426816462E-04 +-1.1507365341652E-03 + 1.2831960778237E-03 + 2.4020322734126E-03 + 2.9206950805035E-03 + 1.3513680781505E-03 +-3.0722234835559E-03 + 2.4174771463600E-03 +-8.2205416277715E-04 + 1.1733595030716E-04 + 4.6887577633020E-04 +-2.2328114201251E-03 +-3.3288868969222E-04 +-1.0091577110721E-03 + 1.5668196402372E-03 + 1.8495753132009E-04 + 8.4805086750549E-04 + 2.8703974860750E-04 +-9.6404424204301E-04 + 1.2622496950182E-03 +-1.1852946198526E-04 + 4.9085224861503E-04 +-4.4699933267843E-04 +-6.8156089406934E-04 +-3.9516538049615E-04 +-4.4593027364392E-04 + 8.5700356125372E-04 +-2.9162779551735E-04 + 3.5151947190887E-04 +-7.2416095784664E-05 +-1.4923464366876E-04 + 6.1670735819077E-04 + 1.0944700909588E-05 + 3.6953666411382E-04 +-4.6660523263010E-04 +-1.6218134867470E-04 +-2.3387191382712E-04 +-1.1485643760187E-04 + 3.5695424686491E-04 +-2.9722459299747E-04 + 1.4020213955837E-04 +-1.5263254267785E-04 + 1.1461320812252E-04 + 2.7585174136330E-04 + 6.5702222129281E-05 + 1.8806759717252E-04 +-3.2578441586521E-04 + 4.2480654027367E-05 +-1.5201049464915E-04 + 5.9465417606566E-06 + 8.3110568940093E-05 +-1.9249208093655E-04 + 2.7751970284597E-05 +-1.4851338060638E-04 + 1.7205112864612E-04 + 9.4925204049041E-05 + 6.5398661315118E-05 + 8.0118571490782E-05 +-1.4936238863656E-04 + 7.0900282478169E-05 +-8.0854707842290E-05 + 4.3747080198917E-05 +-3.5115310105402E-05 +-1.1552651719525E-04 +-9.0388240964913E-06 +-8.3556855820734E-05 + 1.1798632311219E-04 + 2.0246989781672E-05 + 4.4382387345907E-05 + 5.1875106595188E-06 +-4.5826856332408E-05 + 7.3235848305314E-05 + 3.1826248307333E+00 + 0.0000000000000E+00 + 1.6318867819500E-01 + 0.0000000000000E+00 + 6.1211940442275E-01 + 4.9236894515971E-03 +-8.1045803248883E-02 + 8.5546743641316E-01 + 6.5069829701108E-02 +-6.4734427560546E-03 + 9.2305414391617E-03 +-3.4123488805902E-02 +-2.5831079427311E-02 +-1.4287160165094E-03 + 2.3114140960689E-02 +-3.7089914112031E-02 + 7.9664304559349E-03 +-2.1139786352555E-05 +-7.4540174624229E-03 + 2.6022126835359E-02 + 8.7019418082500E-03 + 4.9108448627156E-03 +-8.1580200865143E-03 + 3.3242471375811E-03 +-3.9221167096406E-03 +-1.7390843827003E-03 + 6.2822921575066E-03 +-9.1972578661978E-03 +-7.2005201314649E-04 +-1.4244096526706E-03 + 1.4336264442916E-03 + 3.3446597800921E-03 + 3.2567314842801E-03 + 1.6379348413783E-03 +-4.3452112131583E-03 + 2.4274568773744E-03 +-8.1204045259875E-04 + 1.7105399883359E-04 + 9.6086513247660E-04 +-2.9545273967887E-03 +-4.2681865200273E-04 +-1.2482433491967E-03 + 2.1737853538421E-03 + 6.3759016390434E-04 + 1.0250593372040E-03 + 3.2141178478579E-04 +-1.6331259544745E-03 + 1.5468505280689E-03 +-1.6863563662553E-04 + 6.9076171250572E-04 +-5.1599952026594E-04 +-1.1845073295335E-03 +-4.8449811626545E-04 +-6.3920094526078E-04 + 1.3989628647916E-03 +-1.7435423456269E-04 + 4.9980056562997E-04 +-9.6086825511818E-05 +-4.0570506972164E-04 + 9.4778497324860E-04 +-3.4634884255164E-05 + 5.3509271433616E-04 +-7.2447413608324E-04 +-4.5579320982709E-04 +-3.3545455318955E-04 +-2.0162327535675E-04 + 7.0391603257012E-04 +-3.7129018161470E-04 + 2.5418910600849E-04 +-2.2443211902269E-04 + 1.1221935377769E-04 + 5.5821269580775E-04 + 7.1861579504433E-05 + 3.1624504631212E-04 +-5.8897005264362E-04 +-8.1111008864325E-05 +-2.5377646241237E-04 +-1.5707505275075E-05 + 2.4015079430725E-04 +-3.4587847261361E-04 + 1.0017490496090E-04 +-2.3429848181988E-04 + 2.7404724551763E-04 + 2.9737254841485E-04 + 9.0507471395055E-05 + 1.5227891914452E-04 +-3.3966839776176E-04 + 7.8228631216966E-05 +-1.5646684436958E-04 + 6.1825262837638E-05 + 7.5290386778561E-06 +-2.8904761783276E-04 + 1.2166880502305E-05 +-1.5087507640962E-04 + 2.4993063995471E-04 + 1.1619728674835E-04 + 9.7291661042914E-05 + 3.5914413642092E-05 +-1.6923652341268E-04 + 1.5992980803729E-04 + 3.1617786400000E+00 + 0.0000000000000E+00 + 2.0940083200000E-01 + 0.0000000000000E+00 + 6.1390667900000E-01 + 9.6034055800000E-03 +-1.1349748100000E-01 + 8.8079330900000E-01 + 7.8158910700000E-02 +-1.1377888400000E-02 + 1.5504212700000E-02 +-3.7178699600000E-02 +-2.4440384600000E-02 + 2.6479109600000E-04 + 3.0802274900000E-02 +-3.5768792500000E-02 + 4.4505141900000E-03 + 3.0660618000000E-04 +-1.2263693500000E-02 + 2.8019606600000E-02 + 9.9443117600000E-03 + 4.0318407900000E-03 +-1.0188401100000E-02 + 1.3399165900000E-03 +-2.2646038200000E-03 +-9.4354243000000E-04 + 9.8916817300000E-03 +-9.0720208400000E-03 +-2.2239269900000E-03 +-1.5372286700000E-03 + 9.6198681900000E-04 + 5.0335040300000E-03 + 3.2579697100000E-03 + 1.2970078500000E-03 +-6.4966903800000E-03 + 1.2990229500000E-03 + 4.7000043800000E-05 + 4.6209292600000E-04 + 2.4323524600000E-03 +-3.7394192800000E-03 +-8.4507435800000E-04 +-1.1155084100000E-03 + 2.8267750600000E-03 + 2.0572785100000E-03 + 9.2227145000000E-04 +-6.1800967800000E-05 +-3.1107761400000E-03 + 1.3536365400000E-03 + 1.1747506400000E-04 + 8.7006189500000E-04 +-1.0458583300000E-04 +-2.2501730800000E-03 +-5.3840869200000E-04 +-5.3766602800000E-04 + 2.2987003500000E-03 + 6.8859784900000E-04 + 3.9218516100000E-04 +-2.5369140900000E-04 +-1.3021142500000E-03 + 1.3285921900000E-03 + 6.0046786800000E-05 + 5.3699315200000E-04 +-8.6712409000000E-04 +-1.4216830300000E-03 +-3.4237450200000E-04 +-1.0052131500000E-04 + 1.5350926200000E-03 +-8.3701113500000E-05 + 2.1603256200000E-04 +-2.7516877300000E-04 +-3.1697296600000E-04 + 1.2158431500000E-03 + 9.3450708100000E-05 + 2.8696034400000E-04 +-9.9890450800000E-04 +-7.5563341900000E-04 +-2.4751405600000E-04 + 2.7743171800000E-05 + 8.9266041800000E-04 +-4.9396054500000E-04 + 1.0174075900000E-04 +-2.1460308400000E-04 + 1.8410038800000E-04 + 9.8639935300000E-04 + 8.1335623900000E-05 + 1.1286211900000E-04 +-8.7216247000000E-04 +-2.3034721200000E-04 +-1.6563206400000E-04 + 6.0487485600000E-05 + 4.5351291800000E-04 +-6.9212487600000E-04 + 3.5238716200000E-05 +-1.3254671000000E-04 + 4.3727044500000E-04 + 6.5746061200000E-04 + 8.8069972200000E-05 + 6.2527609700000E-05 +-7.0586041400000E-04 + 1.5208615600000E-04 diff --git a/xgyro/tools/input/reg02/reg04/out.cgyro.prec b/xgyro/tools/input/reg02/reg04/out.cgyro.prec new file mode 100644 index 000000000..f2808435d --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/out.cgyro.prec @@ -0,0 +1,4 @@ +8.723019189894E-01 +3.922565014552E+00 +4.221614198459E+00 +4.491679856947E+00 diff --git a/xgyro/tools/input/reg02/reg04/out.cgyro.prec.1 b/xgyro/tools/input/reg02/reg04/out.cgyro.prec.1 new file mode 100644 index 000000000..20c4d349b --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +8.723019189894E-01 +3.922565014553E+00 +4.221614198458E+00 +4.491679856946E+00 +4.473821806778E+00 +4.470422978528E+00 +4.379870852232E+00 +4.317550367044E+00 diff --git a/xgyro/tools/input/reg02/reg04/out.cgyro.prec.2 b/xgyro/tools/input/reg02/reg04/out.cgyro.prec.2 new file mode 100644 index 000000000..f5d55e5e9 --- /dev/null +++ b/xgyro/tools/input/reg02/reg04/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +8.723019189894E-01 +3.922565014553E+00 +4.221614198458E+00 +4.491679856946E+00 +4.473821806778E+00 +4.470422978528E+00 +4.379870852232E+00 +4.317550367044E+00 +4.277701338439E+00 +4.245213280151E+00 +4.222512341360E+00 +4.207953623964E+00 diff --git a/xgyro/tools/input/reg02/reg05/input.cgyro b/xgyro/tools/input/reg02/reg05/input.cgyro new file mode 100644 index 000000000..bad48ace4 --- /dev/null +++ b/xgyro/tools/input/reg02/reg05/input.cgyro @@ -0,0 +1,49 @@ +# Numerical Resolution +N_TOROIDAL=2 +BOX_SIZE=4 +NONLINEAR_FLAG=1 +AMP=0.02 + +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=16 +N_RADIAL=16 + +DELTA_T=0.01 +PRINT_STEP=50 +MAX_TIME=2.0 + +KY=0.3 + +# Fields +N_FIELD=1 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 + +# Profiles +N_SPECIES=1 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +AE_FLAG=1 +DENS_AE=1.0 +TEMP_AE=1.0 +DLNNDR_AE=1.0 +DLNTDR_AE=3.0 + + diff --git a/xgyro/tools/input/reg02/reg05/out.cgyro.prec b/xgyro/tools/input/reg02/reg05/out.cgyro.prec new file mode 100644 index 000000000..346fceaaa --- /dev/null +++ b/xgyro/tools/input/reg02/reg05/out.cgyro.prec @@ -0,0 +1,4 @@ +1.870402145742E-04 +3.458409451344E-04 +4.639347854870E-04 +5.427862510044E-04 diff --git a/xgyro/tools/input/reg02/reg05/out.cgyro.prec.1 b/xgyro/tools/input/reg02/reg05/out.cgyro.prec.1 new file mode 100644 index 000000000..f38b10f94 --- /dev/null +++ b/xgyro/tools/input/reg02/reg05/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.870402145742E-04 +3.458409451344E-04 +4.639347854870E-04 +5.427862510043E-04 +5.925446017430E-04 +6.265709885667E-04 +6.573655601493E-04 +6.950033032386E-04 diff --git a/xgyro/tools/input/reg02/reg05/out.cgyro.prec.2 b/xgyro/tools/input/reg02/reg05/out.cgyro.prec.2 new file mode 100644 index 000000000..9869dc227 --- /dev/null +++ b/xgyro/tools/input/reg02/reg05/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.870402145742E-04 +3.458409451344E-04 +4.639347854870E-04 +5.427862510043E-04 +5.925446017430E-04 +6.265709885667E-04 +6.573655601493E-04 +6.950033032386E-04 +7.477440506395E-04 +8.225500588855E-04 +9.259382570892E-04 +1.064422742241E-03 diff --git a/xgyro/tools/input/reg02/reg17/input.cgyro b/xgyro/tools/input/reg02/reg17/input.cgyro new file mode 100644 index 000000000..f4a8272cc --- /dev/null +++ b/xgyro/tools/input/reg02/reg17/input.cgyro @@ -0,0 +1,52 @@ +# Numerical Resolution +N_TOROIDAL=2 + +TOROIDALS_PER_PROC=2 + +BOX_SIZE=4 +NONLINEAR_FLAG=1 +AMP=0.02 + +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=16 +N_RADIAL=16 + +DELTA_T=0.01 +PRINT_STEP=50 +MAX_TIME=2.0 + +KY=0.3 + +# Fields +N_FIELD=1 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +GAMMA_E=0.5 + +# Collisions +COLLISION_MODEL=4 + +# Profiles +N_SPECIES=1 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +AE_FLAG=1 +DENS_AE=1.0 +TEMP_AE=1.0 +DLNNDR_AE=1.0 +DLNTDR_AE=3.0 diff --git a/xgyro/tools/input/reg02/reg17/out.cgyro.prec b/xgyro/tools/input/reg02/reg17/out.cgyro.prec new file mode 100644 index 000000000..575240f38 --- /dev/null +++ b/xgyro/tools/input/reg02/reg17/out.cgyro.prec @@ -0,0 +1,4 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 diff --git a/xgyro/tools/input/reg02/reg17/out.cgyro.prec.1 b/xgyro/tools/input/reg02/reg17/out.cgyro.prec.1 new file mode 100644 index 000000000..1a5d58d49 --- /dev/null +++ b/xgyro/tools/input/reg02/reg17/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 +6.563167839234E-04 +7.277945434430E-04 +7.984600858466E-04 +8.715835735689E-04 diff --git a/xgyro/tools/input/reg02/reg17/out.cgyro.prec.2 b/xgyro/tools/input/reg02/reg17/out.cgyro.prec.2 new file mode 100644 index 000000000..99ba3c0b3 --- /dev/null +++ b/xgyro/tools/input/reg02/reg17/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 +6.563167839234E-04 +7.277945434430E-04 +7.984600858466E-04 +8.715835735689E-04 +9.474364432724E-04 +1.023881431146E-03 +1.097122731828E-03 +1.160698794088E-03 diff --git a/xgyro/tools/input/reg03/input.xgyro b/xgyro/tools/input/reg03/input.xgyro new file mode 100644 index 000000000..ada8278f7 --- /dev/null +++ b/xgyro/tools/input/reg03/input.xgyro @@ -0,0 +1,6 @@ +MPI_RANK_ORDER = 2 +N_DIRS = 2 +MIN_MPI_1 = 2 +DIR_1 = reg06 +MIN_MPI_2 = 2 +DIR_2 = reg07 diff --git a/xgyro/tools/input/reg03/reg06/input.cgyro b/xgyro/tools/input/reg03/reg06/input.cgyro new file mode 100644 index 000000000..589447966 --- /dev/null +++ b/xgyro/tools/input/reg03/reg06/input.cgyro @@ -0,0 +1,51 @@ +# Numerical Resolution +N_TOROIDAL=2 +BOX_SIZE=4 +NONLINEAR_FLAG=1 +AMP=0.02 + +N_ENERGY=6 +E_MAX=8 +N_XI=12 + +N_THETA=16 +N_RADIAL=16 + +DELTA_T=0.01 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Fields +N_FIELD=2 +BETAE_UNIT=0.001 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.002 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + + diff --git a/xgyro/tools/input/reg03/reg06/out.cgyro.prec b/xgyro/tools/input/reg03/reg06/out.cgyro.prec new file mode 100644 index 000000000..af2870571 --- /dev/null +++ b/xgyro/tools/input/reg03/reg06/out.cgyro.prec @@ -0,0 +1,4 @@ +1.279651406955E-03 +2.399311429728E-03 +3.497741973367E-03 +5.037420719773E-03 diff --git a/xgyro/tools/input/reg03/reg06/out.cgyro.prec.1 b/xgyro/tools/input/reg03/reg06/out.cgyro.prec.1 new file mode 100644 index 000000000..a35a0deee --- /dev/null +++ b/xgyro/tools/input/reg03/reg06/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.279651406955E-03 +2.399311429728E-03 +3.497741973365E-03 +5.037420719768E-03 +8.204438224472E-03 +1.398363333973E-02 +2.391820265253E-02 +4.150226324676E-02 diff --git a/xgyro/tools/input/reg03/reg06/out.cgyro.prec.2 b/xgyro/tools/input/reg03/reg06/out.cgyro.prec.2 new file mode 100644 index 000000000..565e83668 --- /dev/null +++ b/xgyro/tools/input/reg03/reg06/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.279651406955E-03 +2.399311429728E-03 +3.497741973365E-03 +5.037420719768E-03 +8.204438224472E-03 +1.398363333973E-02 +2.391820265253E-02 +4.150226324676E-02 +7.402538034069E-02 +1.442278751776E-01 +2.933799857723E-01 +6.059408567834E-01 diff --git a/xgyro/tools/input/reg03/reg07/input.cgyro b/xgyro/tools/input/reg03/reg07/input.cgyro new file mode 100644 index 000000000..ed32d24bb --- /dev/null +++ b/xgyro/tools/input/reg03/reg07/input.cgyro @@ -0,0 +1,49 @@ +# Numerical Resolution +N_TOROIDAL=2 +BOX_SIZE=4 +NONLINEAR_FLAG=1 +AMP=0.02 + +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=16 +N_RADIAL=16 + +DELTA_T=0.01 +PRINT_STEP=50 +MAX_TIME=2.0 + +KY=0.3 + +# Fields +N_FIELD=1 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +GAMMA_E=0.5 + +# Collisions +COLLISION_MODEL=4 + +# Profiles +N_SPECIES=1 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +AE_FLAG=1 +DENS_AE=1.0 +TEMP_AE=1.0 +DLNNDR_AE=1.0 +DLNTDR_AE=3.0 diff --git a/xgyro/tools/input/reg03/reg07/out.cgyro.prec b/xgyro/tools/input/reg03/reg07/out.cgyro.prec new file mode 100644 index 000000000..575240f38 --- /dev/null +++ b/xgyro/tools/input/reg03/reg07/out.cgyro.prec @@ -0,0 +1,4 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 diff --git a/xgyro/tools/input/reg03/reg07/out.cgyro.prec.1 b/xgyro/tools/input/reg03/reg07/out.cgyro.prec.1 new file mode 100644 index 000000000..1a5d58d49 --- /dev/null +++ b/xgyro/tools/input/reg03/reg07/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 +6.563167839234E-04 +7.277945434430E-04 +7.984600858466E-04 +8.715835735689E-04 diff --git a/xgyro/tools/input/reg03/reg07/out.cgyro.prec.2 b/xgyro/tools/input/reg03/reg07/out.cgyro.prec.2 new file mode 100644 index 000000000..99ba3c0b3 --- /dev/null +++ b/xgyro/tools/input/reg03/reg07/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.874828574249E-04 +3.498799027781E-04 +4.781834107938E-04 +5.767228615583E-04 +6.563167839234E-04 +7.277945434430E-04 +7.984600858466E-04 +8.715835735689E-04 +9.474364432724E-04 +1.023881431146E-03 +1.097122731828E-03 +1.160698794088E-03 diff --git a/xgyro/tools/input/reg04/input.xgyro b/xgyro/tools/input/reg04/input.xgyro new file mode 100644 index 000000000..50795fcc1 --- /dev/null +++ b/xgyro/tools/input/reg04/input.xgyro @@ -0,0 +1,8 @@ +MPI_RANK_ORDER = 2 +N_DIRS = 3 +MIN_MPI_1 = 1 +DIR_1 = reg10 +MIN_MPI_2 = 2 +DIR_2 = reg19 +MIN_MPI_3 = 1 +DIR_3 = reg11 diff --git a/xgyro/tools/input/reg04/reg10/input.cgyro b/xgyro/tools/input/reg04/reg10/input.cgyro new file mode 100644 index 000000000..51a357a99 --- /dev/null +++ b/xgyro/tools/input/reg04/reg10/input.cgyro @@ -0,0 +1,45 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=4 + +DELTA_T=0.0002 +PRINT_STEP=100 +MAX_TIME=0.08 + +KY=18.0 +N_FIELD=3 +BETAE_UNIT=0.008 + +# Geometry +EQUILIBRIUM_MODEL=1 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 +COLLISION_PRECISION_MODE=1 +NU_EE=0.1 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.0002724486 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + diff --git a/xgyro/tools/input/reg04/reg10/out.cgyro.prec b/xgyro/tools/input/reg04/reg10/out.cgyro.prec new file mode 100644 index 000000000..14c741e0a --- /dev/null +++ b/xgyro/tools/input/reg04/reg10/out.cgyro.prec @@ -0,0 +1,4 @@ +1.101502827565E+00 +1.633603073065E+00 +2.047170567269E+00 +2.648606283857E+00 diff --git a/xgyro/tools/input/reg04/reg10/out.cgyro.prec.1 b/xgyro/tools/input/reg04/reg10/out.cgyro.prec.1 new file mode 100644 index 000000000..51f0f60b6 --- /dev/null +++ b/xgyro/tools/input/reg04/reg10/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +1.101502827565E+00 +1.633603073065E+00 +2.047170567269E+00 +2.648606283857E+00 +3.255350458294E+00 +3.765533902115E+00 +4.025664356559E+00 +3.873436452363E+00 diff --git a/xgyro/tools/input/reg04/reg10/out.cgyro.prec.2 b/xgyro/tools/input/reg04/reg10/out.cgyro.prec.2 new file mode 100644 index 000000000..e724cfd6f --- /dev/null +++ b/xgyro/tools/input/reg04/reg10/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +1.101502827565E+00 +1.633603073065E+00 +2.047170567269E+00 +2.648606283857E+00 +3.255350458294E+00 +3.765533902115E+00 +4.025664356559E+00 +3.873436452363E+00 +3.318962359148E+00 +2.911720396277E+00 +2.777991128462E+00 +2.620672104498E+00 diff --git a/xgyro/tools/input/reg04/reg11/input.cgyro b/xgyro/tools/input/reg04/reg11/input.cgyro new file mode 100644 index 000000000..e278b0385 --- /dev/null +++ b/xgyro/tools/input/reg04/reg11/input.cgyro @@ -0,0 +1,42 @@ +# Numerical Resolution +N_ENERGY=8 +E_MAX=8 +N_XI=16 + +N_THETA=24 +N_RADIAL=4 + +DELTA_T=0.005 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=5 +NU_EE=0.1 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.0002724486 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + diff --git a/xgyro/tools/input/reg04/reg11/out.cgyro.prec b/xgyro/tools/input/reg04/reg11/out.cgyro.prec new file mode 100644 index 000000000..4d755d478 --- /dev/null +++ b/xgyro/tools/input/reg04/reg11/out.cgyro.prec @@ -0,0 +1,8 @@ +1.316064580013E+00 +2.006581595910E+00 +2.390519084792E+00 +2.488440650372E+00 +2.485484898183E+00 +2.560143360494E+00 +2.527940553213E+00 +2.474071035919E+00 diff --git a/xgyro/tools/input/reg04/reg11/out.cgyro.prec.1 b/xgyro/tools/input/reg04/reg11/out.cgyro.prec.1 new file mode 100644 index 000000000..1c18db7f4 --- /dev/null +++ b/xgyro/tools/input/reg04/reg11/out.cgyro.prec.1 @@ -0,0 +1,16 @@ +1.316064580013E+00 +2.006581595910E+00 +2.390519084792E+00 +2.488440650372E+00 +2.485484898183E+00 +2.560143360494E+00 +2.527940553213E+00 +2.474071035919E+00 +2.449276535063E+00 +2.420591248181E+00 +2.405003080415E+00 +2.396328451931E+00 +2.399969896097E+00 +2.403241100832E+00 +2.412604984369E+00 +2.425444561401E+00 diff --git a/xgyro/tools/input/reg04/reg11/out.cgyro.prec.2 b/xgyro/tools/input/reg04/reg11/out.cgyro.prec.2 new file mode 100644 index 000000000..22b4d44b8 --- /dev/null +++ b/xgyro/tools/input/reg04/reg11/out.cgyro.prec.2 @@ -0,0 +1,24 @@ +1.316064580013E+00 +2.006581595910E+00 +2.390519084792E+00 +2.488440650372E+00 +2.485484898183E+00 +2.560143360494E+00 +2.527940553213E+00 +2.474071035919E+00 +2.449276535063E+00 +2.420591248181E+00 +2.405003080415E+00 +2.396328451931E+00 +2.399969896097E+00 +2.403241100832E+00 +2.412604984369E+00 +2.425444561401E+00 +2.439901682643E+00 +2.454904964522E+00 +2.469506936672E+00 +2.483304562283E+00 +2.495626713599E+00 +2.506172359164E+00 +2.514764664295E+00 +2.521354688032E+00 diff --git a/xgyro/tools/input/reg04/reg19/input.cgyro b/xgyro/tools/input/reg04/reg19/input.cgyro new file mode 100644 index 000000000..e85514482 --- /dev/null +++ b/xgyro/tools/input/reg04/reg19/input.cgyro @@ -0,0 +1,55 @@ +# Numerical Resolution +N_TOROIDAL=4 + +TOROIDALS_PER_PROC=2 + +BOX_SIZE=4 +NONLINEAR_FLAG=1 +AMP=0.02 + +N_ENERGY=6 +E_MAX=8 +N_XI=12 + +N_THETA=16 +N_RADIAL=16 + +DELTA_T=0.01 +PRINT_STEP=100 +MAX_TIME=4.0 + +KY=0.3 + +# Fields +N_FIELD=3 +BETAE_UNIT=0.001 + +# Geometry +EQUILIBRIUM_MODEL=2 +RMIN=0.5 +RMAJ=3.0 +Q=2.0 +S=1.0 + +# Collisions +COLLISION_MODEL=4 +COLLISION_PRECISION_MODE=0 + +# Profiles +N_SPECIES=2 + +Z_1=1 +DENS_1=1.0 +TEMP_1=1.0 +MASS_1=1.0 +DLNNDR_1=1.0 +DLNTDR_1=3.0 + +Z_2=-1 +DENS_2=1.0 +TEMP_2=1.0 +MASS_2=0.002 +DLNNDR_2=1.0 +DLNTDR_2=3.0 + + diff --git a/xgyro/tools/input/reg04/reg19/out.cgyro.prec b/xgyro/tools/input/reg04/reg19/out.cgyro.prec new file mode 100644 index 000000000..9b486bb8f --- /dev/null +++ b/xgyro/tools/input/reg04/reg19/out.cgyro.prec @@ -0,0 +1,4 @@ +2.475782394120E-02 +4.549663932100E-02 +5.895058001339E-02 +6.560495382806E-02 diff --git a/xgyro/tools/input/reg04/reg19/out.cgyro.prec.1 b/xgyro/tools/input/reg04/reg19/out.cgyro.prec.1 new file mode 100644 index 000000000..226b28e13 --- /dev/null +++ b/xgyro/tools/input/reg04/reg19/out.cgyro.prec.1 @@ -0,0 +1,8 @@ +2.475782394120E-02 +4.549663932099E-02 +5.895058001338E-02 +6.560495382805E-02 +7.097486774048E-02 +8.257273488298E-02 +1.100906226727E-01 +1.793218026003E-01 diff --git a/xgyro/tools/input/reg04/reg19/out.cgyro.prec.2 b/xgyro/tools/input/reg04/reg19/out.cgyro.prec.2 new file mode 100644 index 000000000..ea8fef9a6 --- /dev/null +++ b/xgyro/tools/input/reg04/reg19/out.cgyro.prec.2 @@ -0,0 +1,12 @@ +2.475782394120E-02 +4.549663932099E-02 +5.895058001338E-02 +6.560495382805E-02 +7.097486774048E-02 +8.257273488298E-02 +1.100906226727E-01 +1.793218026003E-01 +2.744165711851E-01 +3.681865382361E-01 +4.923965567733E-01 +6.565633621334E-01 diff --git a/xgyro/tools/input/reg_list b/xgyro/tools/input/reg_list new file mode 100644 index 000000000..7127f6238 --- /dev/null +++ b/xgyro/tools/input/reg_list @@ -0,0 +1,4 @@ +reg01 +reg02 +reg03 +reg04 diff --git a/xgyro/tools/input/simdir_list b/xgyro/tools/input/simdir_list new file mode 100644 index 000000000..703e83440 --- /dev/null +++ b/xgyro/tools/input/simdir_list @@ -0,0 +1,6 @@ +Local XGYRO templates: + +reg01: CGYRO reg01, reg02, reg03, reg04 - equal MPI +reg02: CGYRO reg04, reg05, reg17 - 1+2+1 MPI +reg03: CGYRO reg06, reg07 - equal MPI, explicit min=2, MPI_RANK_ORDER=2 +reg04: CGYRO reg10, reg19, reg11 - 1+2+1 MPI, MPI_RANK_ORDER=2 From 4bf8353ab8373b8659ee175ca9452a259a201447 Mon Sep 17 00:00:00 2001 From: Klaus Hallatschek <Klaus.Hallatschek@ipp.mpg.de> Date: Thu, 28 Nov 2024 14:14:16 +0100 Subject: [PATCH 16/33] use kind parameter instead of macros in landau.F90 to accomodate nvidia compiler preprocessor problems --- shared/landau/landau.F90 | 47 ++++++++++++++++++++-------------------- 1 file changed, 23 insertions(+), 24 deletions(-) diff --git a/shared/landau/landau.F90 b/shared/landau/landau.F90 index c4a6fbf42..e265f851f 100644 --- a/shared/landau/landau.F90 +++ b/shared/landau/landau.F90 @@ -3,21 +3,20 @@ !ifort -stand f15 -warn all -march=native -O3 -heap-arrays 10 -implicitnone -real-size 64 landau.F90 -c #ifdef LANDAU_PREC16 -!at least in the past couldn't use quad precision with frumpy pgi compiler -!for comparison purposes -#define HIREAL real(16) -#define HRS _16 +!still cannot use quad precision with nvhpc/24.3 compiler version +#define LP 16 #else -#define HIREAL real -#define HRS +#define LP 8 #endif + module landau - HIREAL, parameter,private :: pi1=atan(1.HRS)*4 + integer, parameter,private :: PREC=LP + real(PREC), parameter,private :: pi1=atan(1._PREC)*4 ! real, parameter :: intnorm=pi1**(-1.5)*4*pi1 ! int gphys(v) d^3v=1=int g(x) x^2 dx *intnor ! Maybe one should normalise this once for a given xmax and density 1? - real, parameter :: vunit=real(sqrt(2.HRS)) + real, parameter :: vunit=real(sqrt(2._PREC)) ! v*vunit is v in units of sqrt(T/m) ! v itself is v in units of sqrt(2T/m) ("collision operator units") real, parameter :: intnorm=real(4/sqrt(pi1)) @@ -79,7 +78,7 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu real p0,p1,pi,q0,q1,qi,r0,r1,ri,s0,s1,si,x,xmax1 real f1,f2 integer i,j,k - HIREAL xmaxx,x1 + real(PREC) xmaxx,x1 logical t1t2,addcutoff1 real t1,t2 ! for timing @@ -289,24 +288,24 @@ subroutine gentestkernel(n,a1,b1,c1,xmax,beta,gp,gw,ngauss,lor_int,dif_int,addcu if (verbose>0) print '(A,G13.3)','gentestkernel took ',t2-t1 contains - elemental HIREAL function fct1(w) + elemental real(PREC) function fct1(w) implicit none - HIREAL,intent(in) :: w - fct1=.125HRS*w**(-3)*(exp(-w*w)*w+(2*w*w-1)*.5HRS*sqrt(pi1)*erf(w)) + real(PREC),intent(in) :: w + fct1=.125_PREC*w**(-3)*(exp(-w*w)*w+(2*w*w-1)*.5_PREC*sqrt(pi1)*erf(w)) end function fct1 - elemental HIREAL function fct2(w) + elemental real(PREC) function fct2(w) implicit none - HIREAL,intent(in) :: w - fct2=.25HRS*w**(-1)*(.5HRS*sqrt(pi1)*erf(w)-w*exp(-w**2)) + real(PREC),intent(in) :: w + fct2=.25_PREC*w**(-1)*(.5_PREC*sqrt(pi1)*erf(w)-w*exp(-w**2)) end function fct2 - elemental HIREAL function fct1lo(w) + elemental real(PREC) function fct1lo(w) implicit none - HIREAL,intent(in) :: w + real(PREC),intent(in) :: w fct1lo=fct1(w)-exp(-xmaxx**2)/6 ! for w<xmax end function fct1lo - elemental HIREAL function fct1hi(w) + elemental real(PREC) function fct1hi(w) implicit none - HIREAL,intent(in) :: w + real(PREC),intent(in) :: w ! fct1hi(w)=w**(-3)*((1./24)*exp(-xmaxx**2)*xmaxx*(3-6*w**2+2*xmaxx**2)+(sqrt(pi1)/16)*(2*w**2-1)*erf(xmaxx)) fct1hi=-w**(-3)/48*((-2*exp(-xmaxx**2)*xmaxx*(3+2*xmaxx**2)+3*sqrt(pi1)*erf(xmaxx))+& w**2*(12*exp(-xmaxx**2)*xmaxx-6*sqrt(pi1)*erf(xmaxx))) @@ -314,15 +313,15 @@ elemental HIREAL function fct1hi(w) !./hhv 5 .5 0 50 1 1 !was due to inaccuracies in this routine, likely due to cancellations in the fcts. end function fct1hi - elemental HIREAL function fct2lo(w) + elemental real(PREC) function fct2lo(w) implicit none - HIREAL,intent(in) :: w + real(PREC),intent(in) :: w fct2lo=fct2(w)-w*w*exp(-xmaxx**2)/6 !for w<xmax end function fct2lo - elemental HIREAL function fct2hi(w) + elemental real(PREC) function fct2hi(w) implicit none - HIREAL,intent(in) :: w - fct2hi=-w**(-1)*((1.HRS/12)*xmaxx*exp(-xmaxx**2)*(3+2*xmaxx**2)-(sqrt(pi1)/8)*erf(xmaxx)) + real(PREC),intent(in) :: w + fct2hi=-w**(-1)*((1._PREC/12)*xmaxx*exp(-xmaxx**2)*(3+2*xmaxx**2)-(sqrt(pi1)/8)*erf(xmaxx)) end function fct2hi end subroutine gentestkernel From 24630e4a845443bd1f2f8e3e4ce4e4d3648403c0 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Wed, 4 Dec 2024 11:04:32 -0800 Subject: [PATCH 17/33] Merge CPU and GPU versions of cgyro_nl_fftw --- cgyro/install/make.ext.AZURE_GPU | 2 - cgyro/install/make.ext.CI_GPU | 2 - cgyro/install/make.ext.CLOUD_GPU | 2 - cgyro/install/make.ext.CRUSHER | 2 - cgyro/install/make.ext.CSD3_AMPERE_GPU | 2 - cgyro/install/make.ext.DAINT_PGI | 2 - cgyro/install/make.ext.FRONTIER | 2 - cgyro/install/make.ext.GASUMMIT_GPU | 2 - cgyro/install/make.ext.LUMI | 2 - cgyro/install/make.ext.MARCONI_LEONARDO | 2 - cgyro/install/make.ext.NEURON | 2 - cgyro/install/make.ext.PERLMUTTER_GPU | 2 - cgyro/install/make.ext.PERLMUTTER_GPU_80G | 2 - cgyro/install/make.ext.STAMPEDE3_GPU_IFX | 2 - cgyro/install/make.ext.SUMMIT | 2 - ...gyro_nl_fftw.gpu.F90 => cgyro_nl_fftw.F90} | 343 +++++++++++++++++- cgyro/src/cgyro_nl_fftw.f90 | 328 ----------------- 17 files changed, 342 insertions(+), 359 deletions(-) delete mode 100644 cgyro/install/make.ext.AZURE_GPU delete mode 100644 cgyro/install/make.ext.CI_GPU delete mode 100644 cgyro/install/make.ext.CLOUD_GPU delete mode 100644 cgyro/install/make.ext.CRUSHER delete mode 100644 cgyro/install/make.ext.CSD3_AMPERE_GPU delete mode 100644 cgyro/install/make.ext.DAINT_PGI delete mode 100644 cgyro/install/make.ext.FRONTIER delete mode 100644 cgyro/install/make.ext.GASUMMIT_GPU delete mode 100644 cgyro/install/make.ext.LUMI delete mode 100644 cgyro/install/make.ext.MARCONI_LEONARDO delete mode 100644 cgyro/install/make.ext.NEURON delete mode 100644 cgyro/install/make.ext.PERLMUTTER_GPU delete mode 100644 cgyro/install/make.ext.PERLMUTTER_GPU_80G delete mode 100644 cgyro/install/make.ext.STAMPEDE3_GPU_IFX delete mode 100644 cgyro/install/make.ext.SUMMIT rename cgyro/src/{cgyro_nl_fftw.gpu.F90 => cgyro_nl_fftw.F90} (74%) delete mode 100644 cgyro/src/cgyro_nl_fftw.f90 diff --git a/cgyro/install/make.ext.AZURE_GPU b/cgyro/install/make.ext.AZURE_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.AZURE_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.CI_GPU b/cgyro/install/make.ext.CI_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.CI_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.CLOUD_GPU b/cgyro/install/make.ext.CLOUD_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.CLOUD_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.CRUSHER b/cgyro/install/make.ext.CRUSHER deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.CRUSHER +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.CSD3_AMPERE_GPU b/cgyro/install/make.ext.CSD3_AMPERE_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.CSD3_AMPERE_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.DAINT_PGI b/cgyro/install/make.ext.DAINT_PGI deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.DAINT_PGI +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.FRONTIER b/cgyro/install/make.ext.FRONTIER deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.FRONTIER +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.GASUMMIT_GPU b/cgyro/install/make.ext.GASUMMIT_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.GASUMMIT_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.LUMI b/cgyro/install/make.ext.LUMI deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.LUMI +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.MARCONI_LEONARDO b/cgyro/install/make.ext.MARCONI_LEONARDO deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.MARCONI_LEONARDO +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.NEURON b/cgyro/install/make.ext.NEURON deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.NEURON +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.PERLMUTTER_GPU b/cgyro/install/make.ext.PERLMUTTER_GPU deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.PERLMUTTER_GPU +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.PERLMUTTER_GPU_80G b/cgyro/install/make.ext.PERLMUTTER_GPU_80G deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.PERLMUTTER_GPU_80G +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.STAMPEDE3_GPU_IFX b/cgyro/install/make.ext.STAMPEDE3_GPU_IFX deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.STAMPEDE3_GPU_IFX +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/install/make.ext.SUMMIT b/cgyro/install/make.ext.SUMMIT deleted file mode 100644 index f0747935a..000000000 --- a/cgyro/install/make.ext.SUMMIT +++ /dev/null @@ -1,2 +0,0 @@ -cgyro_nl_fftw.o : cgyro_nl_fftw.gpu.F90 - $(FC) $(FMATH) $(FFLAGS) -o cgyro_nl_fftw.o -c cgyro_nl_fftw.gpu.F90 diff --git a/cgyro/src/cgyro_nl_fftw.gpu.F90 b/cgyro/src/cgyro_nl_fftw.F90 similarity index 74% rename from cgyro/src/cgyro_nl_fftw.gpu.F90 rename to cgyro/src/cgyro_nl_fftw.F90 index 2a3471ea1..4c5407d85 100644 --- a/cgyro/src/cgyro_nl_fftw.gpu.F90 +++ b/cgyro/src/cgyro_nl_fftw.F90 @@ -1,5 +1,5 @@ !----------------------------------------------------------------- -! cgyro_nl_fftw.gpu.f90 [GPU (acc-cuFFT/hipFFT) version] +! cgyro_nl_fftw.F90 ! ! PURPOSE: ! Evaluate nonlinear bracket with dealiased FFT. It is natural @@ -10,6 +10,16 @@ ! NOTE: Need to be careful with (p=-nr/2,n=0) component. !----------------------------------------------------------------- +#if defined(_OPENACC) || defined(OMPGPU) +#define CGYRO_GPU_FFT +#endif + +!----------------------------------------------------------------- +! cgyro_nl_fftw_init +!----------------------------------------------------------------- + +#ifdef CGYRO_GPU_FFT + #if defined(MKLGPU) include 'fftw/offload/fftw3_omp_offload.f90' #endif @@ -322,6 +332,28 @@ subroutine cgyro_nl_fftw_init end subroutine cgyro_nl_fftw_init +#else /* if not defined CGYRO_GPU_FFT */ + +subroutine cgyro_nl_fftw_init + use cgyro_globals + implicit none + include 'fftw3.f03' + + ! Create plans once and for all, with global arrays fx,ux + plan_c2r = fftw_plan_dft_c2r_2d(nx,ny,fx(:,:,1),uxmany(:,:,1),FFTW_PATIENT) + plan_r2c = fftw_plan_dft_r2c_2d(nx,ny,uv(:,:,1),fx(:,:,1),FFTW_PATIENT) + +end subroutine cgyro_nl_fftw_init + +#endif /* CGYRO_GPU_FFT */ + +!----------------------------------------------------------------- +! cgyro_nl_fftw_init +! (and all the helper sub-functions) +!----------------------------------------------------------------- + +#ifdef CGYRO_GPU_FFT + subroutine cgyro_nl_fftw_mul(sz,uvm,uxm,vym,uym,vxm,inv_nxny) implicit none @@ -1227,3 +1259,312 @@ subroutine cgyro_nl_fftw endif ! nsplitB>0 end subroutine cgyro_nl_fftw + +#else /* if not definedCGYRO_GPU_FFT */ + +subroutine cgyro_nl_fftw_stepr(g_j, f_j, nl_idx, i_omp) + + use timer_lib + use parallel_lib + use cgyro_globals + + implicit none + + integer, intent(in) :: g_j, f_j + integer,intent(in) :: nl_idx ! 1=>A, 2=>B + integer,intent(in) :: i_omp + integer :: ix,iy + integer :: ir,itm,itl,itor + + include 'fftw3.f03' + + ! Poisson bracket in real space + uv(:,:,i_omp) = (uxmany(:,:,f_j)*vymany(:,:,g_j)-uymany(:,:,f_j)*vxmany(:,:,g_j))/(nx*ny) + + call fftw_execute_dft_r2c(plan_r2c,uv(:,:,i_omp),fx(:,:,i_omp)) + + ! NOTE: The FFT will generate an unwanted n=0,p=-nr/2 component + ! that will be filtered in the main time-stepping loop + + ! this should really be accounted against nl_mem, but hard to do with OMP + do itm=1,n_toroidal_procs + do itl=1,nt_loc + itor=itl + (itm-1)*nt_loc + do ir=1,n_radial + ix = ir-1-nx0/2 + if (ix < 0) ix = ix+nx + iy = itor-1 + if (nl_idx==1) then + fA_nl(ir,itl,f_j,itm) = fx(iy,ix,i_omp) + else + fB_nl(ir,itl,f_j,itm) = fx(iy,ix,i_omp) + endif + enddo + enddo + enddo + +end subroutine cgyro_nl_fftw_stepr + +! NOTE: call cgyro_nl_fftw_comm1 before cgyro_nl_fftw +subroutine cgyro_nl_fftw + + use timer_lib + use parallel_lib + use cgyro_nl_comm + use cgyro_globals + + implicit none + + !----------------------------------- + integer :: ix,iy + integer :: ir,it,itm,itl,it_loc + integer :: itor,mytm + integer :: j,p + integer :: i_omp + integer :: jtheta_min + + complex :: f0,g0 + + integer, external :: omp_get_thread_num + + include 'fftw3.f03' + + call cgyro_nl_fftw_comm_test() + + ! time to wait for the FA_nl to become avaialble + call timer_lib_in('nl_comm') + call parallel_slib_f_nc_wait(nsplitA,fpackA,fA_nl,fA_req) + fA_req_valid = .FALSE. + ! make sure reqs progress + call cgyro_nl_fftw_comm_test() + call timer_lib_out('nl_comm') + + call timer_lib_in('nl') + +! f_nl is (radial, nt_loc, theta, nv_loc1, toroidal_procs) +! where nv_loc1 * toroidal_procs >= nv_loc +!$omp parallel do schedule(dynamic,1) private(itm,itl,itor,iy,ir,p,ix,f0,i_omp,j) + do j=1,nsplitA + i_omp = omp_get_thread_num()+1 + + ! zero elements not otherwise set below + fx(0:ny2,nx2:nx0-1,i_omp) = 0.0 + fy(0:ny2,nx2:nx0-1,i_omp) = 0.0 + + ! Array mapping + do ir=1,n_radial + p = ir-1-nx0/2 + ix = p + if (ix < 0) ix = ix+nx + do itm=1,n_toroidal_procs + do itl=1,nt_loc + itor=itl + (itm-1)*nt_loc + iy = itor-1 + f0 = i_c*fA_nl(ir,itl,j,itm) + fx(iy,ix,i_omp) = p*f0 + fy(iy,ix,i_omp) = iy*f0 + enddo + enddo + if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 + ! Average elements so as to ensure + ! f(kx,ky=0) = f(-kx,ky=0)^* + ! This symmetry is required for complex input to c2r + f0 = 0.5*( fx(0,ix,i_omp)+conjg(fx(0,nx-ix,i_omp)) ) + fx(0,ix ,i_omp) = f0 + fx(0,nx-ix,i_omp) = conjg(f0) + endif + fx(n_toroidal:ny2,ix,i_omp) = 0.0 + fy(n_toroidal:ny2,ix,i_omp) = 0.0 + enddo + + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,fx(:,:,i_omp),uxmany(:,:,j)) + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,fy(:,:,i_omp),uymany(:,:,j)) + enddo ! j + + call timer_lib_out('nl') + + call timer_lib_in('nl_comm') + ! time to wait for the g_nl to become avaialble + call parallel_slib_f_fd_wait(n_field,n_radial,n_jtheta,gpack,g_nl,g_req) + g_req_valid = .FALSE. + ! make sure reqs progress + call cgyro_nl_fftw_comm_test() + call timer_lib_out('nl_comm') + + call timer_lib_in('nl') + +! g_nl is (n_field,n_radial,n_jtheta,nt_loc,n_toroidal_procs) +! jcev_c_nl is (n_field,n_radial,n_jtheta,nv_loc,nt_loc,n_toroidal_procs) +!$omp parallel do schedule(dynamic,1) & +!$omp& private(itor,mytm,itm,itl,iy,ir,p,ix,g0,i_omp,j,it,iv_loc,it_loc,jtheta_min) + do j=1,nsplit + i_omp = omp_get_thread_num()+1 + + ! zero elements not otherwise set below + gx(0:ny2,nx2:nx0-1,i_omp) = 0.0 + gy(0:ny2,nx2:nx0-1,i_omp) = 0.0 + + ! Array mapping + do ir=1,n_radial + p = ir-1-nx0/2 + ix = p + if (ix < 0) ix = ix+nx + do itm=1,n_toroidal_procs + do itl=1,nt_loc + itor = itl + (itm-1)*nt_loc + mytm = 1 + nt1/nt_loc !my toroidal proc number + it = 1+((mytm-1)*nsplit+j-1)/nv_loc + iv_loc = 1+modulo((mytm-1)*nsplit+j-1,nv_loc) + jtheta_min = 1+((mytm-1)*nsplit)/nv_loc + it_loc = it-jtheta_min+1 + + iy = itor-1 + if (it > n_theta) then + g0 = (0.0,0.0) + else + g0 = i_c*sum( jvec_c_nl(:,ir,it_loc,iv_loc,itor)*g_nl(:,ir,it_loc,itor)) + endif + gx(iy,ix,i_omp) = p*g0 + gy(iy,ix,i_omp) = iy*g0 + enddo + enddo + if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 + ! Average elements so as to ensure + ! g(kx,ky=0) = g(-kx,ky=0)^* + ! This symmetry is required for complex input to c2r + g0 = 0.5*( gx(0,ix,i_omp)+conjg(gx(0,nx-ix,i_omp)) ) + gx(0,ix ,i_omp) = g0 + gx(0,nx-ix,i_omp) = conjg(g0) + endif + gx(n_toroidal:ny2,ix,i_omp) = 0.0 + gy(n_toroidal:ny2,ix,i_omp) = 0.0 + enddo + + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,gx(:,:,i_omp),vxmany(:,:,j)) + + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,gy(:,:,i_omp),vymany(:,:,j)) + + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + if (j<=nsplitA) then + call cgyro_nl_fftw_stepr(j, j, 1, i_omp) + endif + ! else we will do it in the next loop + enddo ! j + + call timer_lib_out('nl') + + call timer_lib_in('nl_comm') + ! start the async reverse comm + ! can reuse the same req, no overlap with forward fA_req + call parallel_slib_r_nc_async(nsplitA,fA_nl,fpackA,fA_req) + fA_req_valid = .TRUE. + + if (nsplitB > 0) then + ! time to wait for the 2nd half of F_nl to become avaialble + call parallel_slib_f_nc_wait(nsplitB,fpackB,fB_nl,fB_req) + fB_req_valid = .FALSE. + endif + + ! make sure reqs progress + call cgyro_nl_fftw_comm_test() + call timer_lib_out('nl_comm') + + if (nsplitB > 0) then + call timer_lib_in('nl') + +! f_nl is (radial, nt_loc, theta, nv_loc1, toroidal_procs) +! where nv_loc1 * toroidal_procs >= nv_loc +!$omp parallel do schedule(dynamic,1) private(itm,itl,itor,iy,ir,p,ix,f0,i_omp,j) + do j=1,nsplitB + i_omp = omp_get_thread_num()+1 + + ! zero elements not otherwise set below + fx(0:ny2,nx2:nx0-1,i_omp) = 0.0 + fy(0:ny2,nx2:nx0-1,i_omp) = 0.0 + + ! Array mapping + do ir=1,n_radial + p = ir-1-nx0/2 + ix = p + if (ix < 0) ix = ix+nx + do itm=1,n_toroidal_procs + do itl=1,nt_loc + itor=itl + (itm-1)*nt_loc + iy = itor-1 + f0 = i_c*fB_nl(ir,itl,j,itm) + fx(iy,ix,i_omp) = p*f0 + fy(iy,ix,i_omp) = iy*f0 + enddo + enddo + if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 + ! Average elements so as to ensure + ! f(kx,ky=0) = f(-kx,ky=0)^* + ! This symmetry is required for complex input to c2r + f0 = 0.5*( fx(0,ix,i_omp)+conjg(fx(0,nx-ix,i_omp)) ) + fx(0,ix ,i_omp) = f0 + fx(0,nx-ix,i_omp) = conjg(f0) + endif + fx(n_toroidal:ny2,ix,i_omp) = 0.0 + fy(n_toroidal:ny2,ix,i_omp) = 0.0 + enddo + + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,fx(:,:,i_omp),uxmany(:,:,j)) + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call fftw_execute_dft_c2r(plan_c2r,fy(:,:,i_omp),uymany(:,:,j)) + if (i_omp==1) then + ! use the main thread to progress the async MPI + call cgyro_nl_fftw_comm_test() + endif + + call cgyro_nl_fftw_stepr(nsplitA+j, j, 2, i_omp) + enddo ! j + + call timer_lib_out('nl') + + call timer_lib_in('nl_comm') + ! start the async reverse comm + ! can reuse the same req, no overlap with forward fB_req + call parallel_slib_r_nc_async(nsplitB,fB_nl,fpackB,fB_req) + fB_req_valid = .TRUE. + ! make sure reqs progress + call cgyro_nl_fftw_comm_test() + call timer_lib_out('nl_comm') + endif ! if nsplitB>0 + +end subroutine cgyro_nl_fftw + +#endif /* CGYRO_GPU_FFT */ + diff --git a/cgyro/src/cgyro_nl_fftw.f90 b/cgyro/src/cgyro_nl_fftw.f90 deleted file mode 100644 index 0fbe6a200..000000000 --- a/cgyro/src/cgyro_nl_fftw.f90 +++ /dev/null @@ -1,328 +0,0 @@ -!----------------------------------------------------------------- -! cgyro_nl_fftw.f90 -! -! PURPOSE: -! Evaluate nonlinear bracket with dealiased FFT. It is natural -! to use the FFTW complex-to-real (c2r) transform to move to real -! space, compute the convolution (uv), and transform back to the -! spectral form using a real-to-complex transform (r2c). -! -! NOTE: Need to be careful with (p=-nr/2,n=0) component. -!----------------------------------------------------------------- - -subroutine cgyro_nl_fftw_init - use cgyro_globals - implicit none - include 'fftw3.f03' - - ! Create plans once and for all, with global arrays fx,ux - plan_c2r = fftw_plan_dft_c2r_2d(nx,ny,fx(:,:,1),uxmany(:,:,1),FFTW_PATIENT) - plan_r2c = fftw_plan_dft_r2c_2d(nx,ny,uv(:,:,1),fx(:,:,1),FFTW_PATIENT) - -end subroutine cgyro_nl_fftw_init - -subroutine cgyro_nl_fftw_stepr(g_j, f_j, nl_idx, i_omp) - - use timer_lib - use parallel_lib - use cgyro_globals - - implicit none - - integer, intent(in) :: g_j, f_j - integer,intent(in) :: nl_idx ! 1=>A, 2=>B - integer,intent(in) :: i_omp - integer :: ix,iy - integer :: ir,itm,itl,itor - - include 'fftw3.f03' - - ! Poisson bracket in real space - uv(:,:,i_omp) = (uxmany(:,:,f_j)*vymany(:,:,g_j)-uymany(:,:,f_j)*vxmany(:,:,g_j))/(nx*ny) - - call fftw_execute_dft_r2c(plan_r2c,uv(:,:,i_omp),fx(:,:,i_omp)) - - ! NOTE: The FFT will generate an unwanted n=0,p=-nr/2 component - ! that will be filtered in the main time-stepping loop - - ! this should really be accounted against nl_mem, but hard to do with OMP - do itm=1,n_toroidal_procs - do itl=1,nt_loc - itor=itl + (itm-1)*nt_loc - do ir=1,n_radial - ix = ir-1-nx0/2 - if (ix < 0) ix = ix+nx - iy = itor-1 - if (nl_idx==1) then - fA_nl(ir,itl,f_j,itm) = fx(iy,ix,i_omp) - else - fB_nl(ir,itl,f_j,itm) = fx(iy,ix,i_omp) - endif - enddo - enddo - enddo - -end subroutine cgyro_nl_fftw_stepr - -! NOTE: call cgyro_nl_fftw_comm1 before cgyro_nl_fftw -subroutine cgyro_nl_fftw(ij) - - use timer_lib - use parallel_lib - use cgyro_nl_comm - use cgyro_globals - - implicit none - - !----------------------------------- - integer, intent(in) :: ij - !----------------------------------- - integer :: ix,iy - integer :: ir,it,itm,itl,it_loc - integer :: itor,mytm - integer :: j,p - integer :: i_omp - integer :: jtheta_min - - complex :: f0,g0 - - integer, external :: omp_get_thread_num - - include 'fftw3.f03' - - call cgyro_nl_fftw_comm_test() - - ! time to wait for the FA_nl to become avaialble - call timer_lib_in('nl_comm') - call parallel_slib_f_nc_wait(nsplitA,fpackA,fA_nl,fA_req) - fA_req_valid = .FALSE. - ! make sure reqs progress - call cgyro_nl_fftw_comm_test() - call timer_lib_out('nl_comm') - - call timer_lib_in('nl') - -! f_nl is (radial, nt_loc, theta, nv_loc1, toroidal_procs) -! where nv_loc1 * toroidal_procs >= nv_loc -!$omp parallel do schedule(dynamic,1) private(itm,itl,itor,iy,ir,p,ix,f0,i_omp,j) - do j=1,nsplitA - i_omp = omp_get_thread_num()+1 - - ! zero elements not otherwise set below - fx(0:ny2,nx2:nx0-1,i_omp) = 0.0 - fy(0:ny2,nx2:nx0-1,i_omp) = 0.0 - - ! Array mapping - do ir=1,n_radial - p = ir-1-nx0/2 - ix = p - if (ix < 0) ix = ix+nx - do itm=1,n_toroidal_procs - do itl=1,nt_loc - itor=itl + (itm-1)*nt_loc - iy = itor-1 - f0 = i_c*fA_nl(ir,itl,j,itm) - fx(iy,ix,i_omp) = p*f0 - fy(iy,ix,i_omp) = iy*f0 - enddo - enddo - if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 - ! Average elements so as to ensure - ! f(kx,ky=0) = f(-kx,ky=0)^* - ! This symmetry is required for complex input to c2r - f0 = 0.5*( fx(0,ix,i_omp)+conjg(fx(0,nx-ix,i_omp)) ) - fx(0,ix ,i_omp) = f0 - fx(0,nx-ix,i_omp) = conjg(f0) - endif - fx(n_toroidal:ny2,ix,i_omp) = 0.0 - fy(n_toroidal:ny2,ix,i_omp) = 0.0 - enddo - - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,fx(:,:,i_omp),uxmany(:,:,j)) - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,fy(:,:,i_omp),uymany(:,:,j)) - enddo ! j - - call timer_lib_out('nl') - - call timer_lib_in('nl_comm') - ! time to wait for the g_nl to become avaialble - call parallel_slib_f_fd_wait(n_field,n_radial,n_jtheta,gpack,g_nl,g_req) - g_req_valid = .FALSE. - ! make sure reqs progress - call cgyro_nl_fftw_comm_test() - call timer_lib_out('nl_comm') - - call timer_lib_in('nl') - -! g_nl is (n_field,n_radial,n_jtheta,nt_loc,n_toroidal_procs) -! jcev_c_nl is (n_field,n_radial,n_jtheta,nv_loc,nt_loc,n_toroidal_procs) -!$omp parallel do schedule(dynamic,1) & -!$omp& private(itor,mytm,itm,itl,iy,ir,p,ix,g0,i_omp,j,it,iv_loc,it_loc,jtheta_min) - do j=1,nsplit - i_omp = omp_get_thread_num()+1 - - ! zero elements not otherwise set below - gx(0:ny2,nx2:nx0-1,i_omp) = 0.0 - gy(0:ny2,nx2:nx0-1,i_omp) = 0.0 - - ! Array mapping - do ir=1,n_radial - p = ir-1-nx0/2 - ix = p - if (ix < 0) ix = ix+nx - do itm=1,n_toroidal_procs - do itl=1,nt_loc - itor = itl + (itm-1)*nt_loc - mytm = 1 + nt1/nt_loc !my toroidal proc number - it = 1+((mytm-1)*nsplit+j-1)/nv_loc - iv_loc = 1+modulo((mytm-1)*nsplit+j-1,nv_loc) - jtheta_min = 1+((mytm-1)*nsplit)/nv_loc - it_loc = it-jtheta_min+1 - - iy = itor-1 - if (it > n_theta) then - g0 = (0.0,0.0) - else - g0 = i_c*sum( jvec_c_nl(:,ir,it_loc,iv_loc,itor)*g_nl(:,ir,it_loc,itor)) - endif - gx(iy,ix,i_omp) = p*g0 - gy(iy,ix,i_omp) = iy*g0 - enddo - enddo - if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 - ! Average elements so as to ensure - ! g(kx,ky=0) = g(-kx,ky=0)^* - ! This symmetry is required for complex input to c2r - g0 = 0.5*( gx(0,ix,i_omp)+conjg(gx(0,nx-ix,i_omp)) ) - gx(0,ix ,i_omp) = g0 - gx(0,nx-ix,i_omp) = conjg(g0) - endif - gx(n_toroidal:ny2,ix,i_omp) = 0.0 - gy(n_toroidal:ny2,ix,i_omp) = 0.0 - enddo - - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,gx(:,:,i_omp),vxmany(:,:,j)) - - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,gy(:,:,i_omp),vymany(:,:,j)) - - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - if (j<=nsplitA) then - call cgyro_nl_fftw_stepr(j, j, 1, i_omp) - endif - ! else we will do it in the next loop - enddo ! j - - call timer_lib_out('nl') - - call timer_lib_in('nl_comm') - ! start the async reverse comm - ! can reuse the same req, no overlap with forward fA_req - call parallel_slib_r_nc_async(nsplitA,fA_nl,fpackA,fA_req) - fA_req_valid = .TRUE. - - if (nsplitB > 0) then - ! time to wait for the 2nd half of F_nl to become avaialble - call parallel_slib_f_nc_wait(nsplitB,fpackB,fB_nl,fB_req) - fB_req_valid = .FALSE. - endif - - ! make sure reqs progress - call cgyro_nl_fftw_comm_test() - call timer_lib_out('nl_comm') - - if (nsplitB > 0) then - call timer_lib_in('nl') - -! f_nl is (radial, nt_loc, theta, nv_loc1, toroidal_procs) -! where nv_loc1 * toroidal_procs >= nv_loc -!$omp parallel do schedule(dynamic,1) private(itm,itl,itor,iy,ir,p,ix,f0,i_omp,j) - do j=1,nsplitB - i_omp = omp_get_thread_num()+1 - - ! zero elements not otherwise set below - fx(0:ny2,nx2:nx0-1,i_omp) = 0.0 - fy(0:ny2,nx2:nx0-1,i_omp) = 0.0 - - ! Array mapping - do ir=1,n_radial - p = ir-1-nx0/2 - ix = p - if (ix < 0) ix = ix+nx - do itm=1,n_toroidal_procs - do itl=1,nt_loc - itor=itl + (itm-1)*nt_loc - iy = itor-1 - f0 = i_c*fB_nl(ir,itl,j,itm) - fx(iy,ix,i_omp) = p*f0 - fy(iy,ix,i_omp) = iy*f0 - enddo - enddo - if ((ix/=0) .and. (ix<(nx/2))) then ! happens after ix>nx/2 - ! Average elements so as to ensure - ! f(kx,ky=0) = f(-kx,ky=0)^* - ! This symmetry is required for complex input to c2r - f0 = 0.5*( fx(0,ix,i_omp)+conjg(fx(0,nx-ix,i_omp)) ) - fx(0,ix ,i_omp) = f0 - fx(0,nx-ix,i_omp) = conjg(f0) - endif - fx(n_toroidal:ny2,ix,i_omp) = 0.0 - fy(n_toroidal:ny2,ix,i_omp) = 0.0 - enddo - - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,fx(:,:,i_omp),uxmany(:,:,j)) - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call fftw_execute_dft_c2r(plan_c2r,fy(:,:,i_omp),uymany(:,:,j)) - if (i_omp==1) then - ! use the main thread to progress the async MPI - call cgyro_nl_fftw_comm_test() - endif - - call cgyro_nl_fftw_stepr(nsplitA+j, j, 2, i_omp) - enddo ! j - - call timer_lib_out('nl') - - call timer_lib_in('nl_comm') - ! start the async reverse comm - ! can reuse the same req, no overlap with forward fB_req - call parallel_slib_r_nc_async(nsplitB,fB_nl,fpackB,fB_req) - fB_req_valid = .TRUE. - ! make sure reqs progress - call cgyro_nl_fftw_comm_test() - call timer_lib_out('nl_comm') - endif ! if nsplitB>0 - -end subroutine cgyro_nl_fftw From 37a5626a4486b937701a3ba9186f317745aa0d40 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Wed, 4 Dec 2024 13:11:45 -0600 Subject: [PATCH 18/33] Fix exec.STAMPEDE3_GPU_IFX --- platform/exec/exec.STAMPEDE3_GPU_IFX | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/platform/exec/exec.STAMPEDE3_GPU_IFX b/platform/exec/exec.STAMPEDE3_GPU_IFX index dd2ca28d1..67b5134c0 100755 --- a/platform/exec/exec.STAMPEDE3_GPU_IFX +++ b/platform/exec/exec.STAMPEDE3_GPU_IFX @@ -26,5 +26,5 @@ export OMP_STACKSIZE=32M export I_MPI_OFFLOAD=1 -echo ibrun $exec -ibrun $exec +echo ibrun -n ${nmpi} $exec +ibrun -n ${nmpi} $exec From f3a247e2fb693470f973939cb0df5239bc98ef0a Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Wed, 4 Dec 2024 21:05:18 -0800 Subject: [PATCH 19/33] Updates to cgyro scripts --- cgyro/bin/cgyro_json | 4 ++-- cgyro/bin/cgyrodb | 47 ++++++++++++++++++++++++++++++------------- f2py/requirements.txt | 1 + 3 files changed, 36 insertions(+), 16 deletions(-) diff --git a/cgyro/bin/cgyro_json b/cgyro/bin/cgyro_json index 68bd7a536..dd6298a47 100755 --- a/cgyro/bin/cgyro_json +++ b/cgyro/bin/cgyro_json @@ -25,14 +25,14 @@ def opts(): description="CGYRO localdump utility", epilog=textwrap.dedent(mytext)) - parser.add_argument('-dir', + parser.add_argument('-e', help="working directory (default: cwd)", type=str, default='.') args=parser.parse_args() - return args.dir + return args.e mydir = opts() diff --git a/cgyro/bin/cgyrodb b/cgyro/bin/cgyrodb index 38751beb1..dacd501c3 100755 --- a/cgyro/bin/cgyrodb +++ b/cgyro/bin/cgyrodb @@ -13,6 +13,8 @@ from cgyro.data import cgyrodata pd.set_option('display.max_rows', None) +ignore = 'eslshared' + # Command line option parser def opts(): @@ -27,20 +29,32 @@ def opts(): description="CGYRO database utility", epilog=textwrap.dedent(mytext)) - parser.add_argument('-mode', - help='Mode switch (data,update)', - type=str, - default='data') + parser.add_argument('-ref', + help='Refresh directories', + action='store_true') + parser.add_argument('-json', + help='Generate IMAS and localdump files', + action='store_true') + parser.add_argument('-db', + help='Load the DB and print', + action='store_true') + parser.add_argument('-flux', + help='Add flux to DB', + action='store_true') args=parser.parse_args() - return args.mode + return args.ref,args.json,args.db,args.flux -mode = opts() +ref,json,db,doflux = opts() meta = {} -def gendict(sim,mode): +if (not ref) and (not json) and (not db): + print('Type "cgyrodb -h" for help') + sys.exit() + +def gendict(sim,doflux): mydict = {} @@ -60,7 +74,7 @@ def gendict(sim,mode): mydict['a/Ln1'] = 0.0 mydict['a/Lt1'] = 0.0 - if mode == 'flux': + if doflux: sim.getflux() y = np.sum(sim.ky_flux,axis=(2,3)) for ispec in range(sim.n_species): @@ -73,8 +87,6 @@ def gendict(sim,mode): return mydict -ignore = 'eslshared' - # First locate all directories y = [] for root,xd,xf in os.walk('./'): @@ -82,16 +94,23 @@ for root,xd,xf in os.walk('./'): if ignore not in root: y.append(root) -if mode == 'update': +if ref: # Run through directories and update for mdir in y: - print('Updating '+mdir) + print('Refreshing '+mdir) os.system('cgyro -t '+mdir) -else: + +if json: + # Run through directories and update + for mdir in y: + print('Dumping '+mdir) + os.system('cgyro_json -e '+mdir) + +if db: # Create master dictionary "meta" for mdir in tqdm(y): sim = cgyrodata(mdir+'/',silent=True) - meta[mdir]=gendict(sim,mode) + meta[mdir]=gendict(sim,doflux) df = pd.DataFrame(meta) dfpart = df.T[['n_n','n_radial','n_theta','q','s','kappa','a/Ln0','a/Lt0','a/Ln1','a/Lt1','nuee']] diff --git a/f2py/requirements.txt b/f2py/requirements.txt index 7e99da002..dc04f0530 100644 --- a/f2py/requirements.txt +++ b/f2py/requirements.txt @@ -5,3 +5,4 @@ matplotlib fortranformat scikit-image build +pandas From dbb0144a6731d1bd0eea3790fe1eb3ddfa818da9 Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Wed, 4 Dec 2024 21:09:26 -0800 Subject: [PATCH 20/33] Fixed cgyro_json --- cgyro/bin/cgyro_json | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/cgyro/bin/cgyro_json b/cgyro/bin/cgyro_json index dd6298a47..6d413dbc1 100755 --- a/cgyro/bin/cgyro_json +++ b/cgyro/bin/cgyro_json @@ -130,7 +130,7 @@ d['DLNNDR'] = sim.dlnndr[:].tolist() d['DLNTDR'] = sim.dlntdr[:].tolist() # JSON output -with open('json.cgyro.localdump','w') as f: +with open(mydir+'json.cgyro.localdump','w') as f: json.dump(d,f,indent=2,sort_keys=True) print('cgyro_json: wrote json.cgyro.localdump') #================================================================== @@ -139,7 +139,7 @@ with open('json.cgyro.localdump','w') as f: # standard localdump output # nmax = 0 -with open('out.cgyro.localdump','w') as f: +with open(mydir+'out.cgyro.localdump','w') as f: for key in d: x = d[key] if 'SHAPE' in key: @@ -231,7 +231,7 @@ d['ds_dr_minor_norm'][1] = sim.s_delta*lref/sim.rmin/np.cos(np.arcsin(sim.delta) d['ds_dr_minor_norm'][2] = -sim.s_zeta*lref/sim.rmin #----------------------------------------------------------------------- -with open('json.cgyro.imas','w') as f: +with open(mydir+'json.cgyro.imas','w') as f: json.dump(d,f,indent=2,sort_keys=True) print('cgyro_json: wrote json.cgyro.imas') #================================================================== From c2b9f0112469cf5b22ae83ff7e0c3f05db5e6a0d Mon Sep 17 00:00:00 2001 From: Jeff Candy <jcandy@san.rr.com> Date: Thu, 5 Dec 2024 00:19:50 -0800 Subject: [PATCH 21/33] Improvements to crgyrodb -- refresh now works without cgyro -t --- cgyro/bin/cgyrodb | 7 ++++--- 1 file changed, 4 insertions(+), 3 deletions(-) diff --git a/cgyro/bin/cgyrodb b/cgyro/bin/cgyrodb index dacd501c3..a3ea46ff4 100755 --- a/cgyro/bin/cgyrodb +++ b/cgyro/bin/cgyrodb @@ -53,7 +53,7 @@ meta = {} if (not ref) and (not json) and (not db): print('Type "cgyrodb -h" for help') sys.exit() - + def gendict(sim,doflux): mydict = {} @@ -76,7 +76,7 @@ def gendict(sim,doflux): if doflux: sim.getflux() - y = np.sum(sim.ky_flux,axis=(2,3)) + y = np.sum(sim.ky_flux,axis=(2,3)) for ispec in range(sim.n_species): g = average(y[ispec,0,:],sim.t,0.5,0.0) q = average(y[ispec,1,:],sim.t,0.5,0.0) @@ -98,7 +98,8 @@ if ref: # Run through directories and update for mdir in y: print('Refreshing '+mdir) - os.system('cgyro -t '+mdir) + os.system('cd '+mdir+' ; python $GACODE_ROOT/cgyro/bin/cgyro_parse.py') + os.system('cd '+mdir+' ; $GACODE_ROOT/cgyro/src/cgyro ') if json: # Run through directories and update From 5088beb8151df1c9430bc5fb1f5faa227e4433cc Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Thu, 5 Dec 2024 12:50:35 -0800 Subject: [PATCH 22/33] Added constant source option --- cgyro/src/cgyro_init_arrays.F90 | 3 +-- cgyro/src/cgyro_restart.F90 | 15 ++++++--------- cgyro/src/cgyro_source.F90 | 10 ++++++---- f2py/pygacode/cgyro/data.py | 8 ++++++-- 4 files changed, 19 insertions(+), 17 deletions(-) diff --git a/cgyro/src/cgyro_init_arrays.F90 b/cgyro/src/cgyro_init_arrays.F90 index b5318f4f2..1377dd3fb 100644 --- a/cgyro/src/cgyro_init_arrays.F90 +++ b/cgyro/src/cgyro_init_arrays.F90 @@ -13,8 +13,7 @@ subroutine cgyro_init_arrays integer :: ir,it,is,ie,ix integer :: itm,itl,itor,mytor,itf integer :: it_loc - integer :: jr,jt,id - integer :: i_field + integer :: jt integer :: l,ll integer :: iltheta_min complex :: carg diff --git a/cgyro/src/cgyro_restart.F90 b/cgyro/src/cgyro_restart.F90 index 44409c232..2f5616551 100644 --- a/cgyro/src/cgyro_restart.F90 +++ b/cgyro/src/cgyro_restart.F90 @@ -79,8 +79,8 @@ subroutine cgyro_write_restart_one integer(KIND=8) :: start_time,cp_time integer(KIND=8) :: count_rate, count_max real :: cp_dt - integer :: j,ic0,statusfd - integer :: ierr + integer :: statusfd + integer :: ierr,ic0,j ! use system_clock to be consistent with cgyro_kernel call system_clock(start_time,count_rate,count_max) @@ -341,10 +341,8 @@ subroutine cgyro_read_restart implicit none - integer :: igk - integer :: j,ic0 - - + integer :: igk,ic0,j + !--------------------------------------------------------- ! Read restart parameters from ASCII tag file. ! @@ -389,7 +387,6 @@ subroutine cgyro_read_restart enddo endif - end subroutine cgyro_read_restart @@ -517,7 +514,7 @@ subroutine cgyro_read_restart_one integer(KIND=8) :: count_rate, count_max real :: cp_dt integer, dimension(3) :: mpibuf - integer :: ic0,j,statusfd + integer :: statusfd ! use system_clock to be consistent with cgyro_kernel call system_clock(start_time,count_rate,count_max) @@ -645,7 +642,7 @@ subroutine cgyro_read_restart_slow integer(KIND=8) :: start_time,cp_time integer(KIND=8) :: count_rate, count_max real :: cp_dt - integer :: ic0,j,statusfd + integer :: statusfd integer :: ie,ix,is,itor integer :: t_iv diff --git a/cgyro/src/cgyro_source.F90 b/cgyro/src/cgyro_source.F90 index 069b48c0b..f44273965 100644 --- a/cgyro/src/cgyro_source.F90 +++ b/cgyro/src/cgyro_source.F90 @@ -20,10 +20,12 @@ subroutine cgyro_source call timer_lib_in('shear') - nu_eff = nu_global*(abs(gamma_e)+ & - maxval(abs(sdlnndr(:)))+ & - maxval(abs(sdlntdr(:)))+ & - maxval(abs( sbeta(:)))) + if (nu_global > 0.0) then + nu_eff = nu_global*(abs(gamma_e)+maxval(abs(sdlnndr(:)))+maxval(abs(sdlntdr(:)))+maxval(abs(sbeta(:)))) + else + nu_eff = abs(nu_global) + endif + sa = 1.0+exp(-delta_t/tau_ave)*sa ! Time-delay source diff --git a/f2py/pygacode/cgyro/data.py b/f2py/pygacode/cgyro/data.py index 42d12be11..84588cb6d 100644 --- a/f2py/pygacode/cgyro/data.py +++ b/f2py/pygacode/cgyro/data.py @@ -519,9 +519,13 @@ def getnorm(self,norm): self.tnorm = self.t self.tstr = TIME - self.fnorm = self.freq - self.fstr = [r'$(a/c_s)\, \omega$',r'$(a/c_s)\, \gamma$'] + try: + self.fnorm = self.freq + self.fstr = [r'$(a/c_s)\, \omega$',r'$(a/c_s)\, \gamma$'] + except: + pass + self.rhonorm = self.rho self.rhoi = r'\rho_s' From 5b06557ba8dad25985d541d3189ba528151ed277 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Thu, 5 Dec 2024 14:29:52 -0800 Subject: [PATCH 23/33] Fix str ared proc report in out.cgyro.mpi for velocity_order=2 --- cgyro/src/cgyro_mpi_grid.F90 | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cgyro/src/cgyro_mpi_grid.F90 b/cgyro/src/cgyro_mpi_grid.F90 index 95965b1ae..175606996 100644 --- a/cgyro/src/cgyro_mpi_grid.F90 +++ b/cgyro/src/cgyro_mpi_grid.F90 @@ -65,7 +65,7 @@ subroutine cgyro_mpi_grid nv_loc = nv/n_proc_1 nsplit = 1+(nv_loc*n_theta-1)/n_toroidal_procs nproc_3 = n_proc_1 - if ((n_proc_1 /= 1) .and. (velocity_order==2)) nproc_3 = n_proc_1/3 + if ((n_proc_1 /= 1) .and. (velocity_order==2)) nproc_3 = n_proc_1/n_species write(io,'(t2,4(i6,4x),f6.2,4x,i6,4x,i6,4x,i6)') & it,nc_loc,nv_loc,nsplit,16.0*n_radial*nt_loc*nsplit/1e6,& n_toroidal_procs,n_proc_1,nproc_3 From 74183c3dc67d637a016bd11fabda4960b90bd1f7 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Sun, 8 Dec 2024 06:25:08 -0800 Subject: [PATCH 24/33] Use cgyro_field_v for cgyro_field_v --- cgyro/src/cgyro_cleanup.F90 | 8 ++++++++ cgyro/src/cgyro_field.F90 | 15 ++++++++------- cgyro/src/cgyro_globals.F90 | 4 ++-- cgyro/src/cgyro_init_manager.F90 | 13 ++++++++++++- cgyro/src/cgyro_parallel_lib.F90 | 24 ++++++++++++++++++++++++ 5 files changed, 54 insertions(+), 10 deletions(-) diff --git a/cgyro/src/cgyro_cleanup.F90 b/cgyro/src/cgyro_cleanup.F90 index 0f3d0dd68..7828e8bf5 100644 --- a/cgyro/src/cgyro_cleanup.F90 +++ b/cgyro/src/cgyro_cleanup.F90 @@ -104,6 +104,14 @@ subroutine cgyro_cleanup ccl_del_device(gcoef) deallocate(gcoef) endif + if(allocated(field_v)) then + ccl_del_device(field_v) + deallocate(field_v) + endif + if(allocated(field_loc_v)) then + ccl_del_device(field_loc_v) + deallocate(field_loc_v) + endif if(allocated(field)) then ccl_del_device(field) deallocate(field) diff --git a/cgyro/src/cgyro_field.F90 b/cgyro/src/cgyro_field.F90 index ce88c5740..00cc0282f 100644 --- a/cgyro/src/cgyro_field.F90 +++ b/cgyro/src/cgyro_field.F90 @@ -28,7 +28,7 @@ subroutine cgyro_field_v_notae_s(start_t) call timer_lib_in('field') - field_loc(:,:,start_t:nt2) = (0.0,0.0) + field_loc_v(:,:,:) = (0.0,0.0) ! Poisson and Ampere RHS integrals of H @@ -37,13 +37,13 @@ subroutine cgyro_field_v_notae_s(start_t) call parallel_lib_nj_loc(nj_loc) !$omp parallel do collapse(2) private(ic_loc,iv,ic,k,j) - do itor=start_t,nt2 - do ic=nc1,nc2 + do ic=nc1,nc2 + do itor=start_t,nt2 ic_loc = ic-nc1+1 do k=1,nproc do j=1,nj_loc iv = j+(k-1)*nj_loc - field_loc(:,ic,itor) = field_loc(:,ic,itor)+dvjvec_v(:,ic_loc,itor,iv)*fsendf(j,itor,ic_loc,k) + field_loc_v(:,itor,ic) = field_loc_v(:,itor,ic)+dvjvec_v(:,ic_loc,itor,iv)*fsendf(j,itor,ic_loc,k) enddo enddo enddo @@ -53,8 +53,7 @@ subroutine cgyro_field_v_notae_s(start_t) call timer_lib_in('field_com') - call parallel_lib_sum_field(field_loc(:,:,start_t:nt2), & - field(:,:,start_t:nt2)) + call parallel_lib_collect_field(field_loc_v, field_v) call timer_lib_out('field_com') @@ -63,8 +62,10 @@ subroutine cgyro_field_v_notae_s(start_t) ! Poisson LHS factors !$omp parallel do do itor=start_t,nt2 + do ic=1,nc ! assuming (.not.(itor == 0 .and. ae_flag == 1)) - field(:,:,itor) = fcoef(:,:,itor)*field(:,:,itor) + field(:,ic,itor) = fcoef(:,ic,itor)*field_v(:,itor,ic) + enddo enddo call timer_lib_out('field') diff --git a/cgyro/src/cgyro_globals.F90 b/cgyro/src/cgyro_globals.F90 index a990e88f1..61ec763d2 100644 --- a/cgyro/src/cgyro_globals.F90 +++ b/cgyro/src/cgyro_globals.F90 @@ -368,9 +368,9 @@ module cgyro_globals ! Fields real, dimension(:,:,:), allocatable :: fcoef real, dimension(:,:,:), allocatable :: gcoef - complex, dimension(:,:,:), allocatable :: field + complex, dimension(:,:,:), allocatable :: field, field_v complex, dimension(:,:,:), allocatable :: field_dot - complex, dimension(:,:,:), allocatable :: field_loc + complex, dimension(:,:,:), allocatable :: field_loc, field_loc_v complex, dimension(:,:,:), allocatable :: field_old complex, dimension(:,:,:), allocatable :: field_old2 complex, dimension(:,:,:), allocatable :: field_old3 diff --git a/cgyro/src/cgyro_init_manager.F90 b/cgyro/src/cgyro_init_manager.F90 index 2c8b1ba3b..3e4ca231c 100644 --- a/cgyro/src/cgyro_init_manager.F90 +++ b/cgyro/src/cgyro_init_manager.F90 @@ -180,7 +180,7 @@ subroutine cgyro_init_manager allocate(gflux_loc(0:n_global,n_species,4,n_field,nt1:nt2)) allocate(cflux_tave(n_species,4)) allocate(gflux_tave(n_species,4)) - + allocate(recv_status(MPI_STATUS_SIZE)) allocate(source(n_theta,nv_loc,nt1:nt2)) @@ -191,6 +191,17 @@ subroutine cgyro_init_manager !$acc enter data create(fcoef,gcoef,field,field_loc,source) #endif + if (collision_field_model == 1) then + ! nc and nc_loc must be last, since it will be collated + allocate(field_v(n_field,nt1:nt2,nc)) + allocate(field_loc_v(n_field,nt1:nt2,nc1:nc2)) +#if defined(OMPGPU) +!$omp target enter data map(alloc:field_v,field_loc_v) +#elif defined(_OPENACC) +!$acc enter data create(field_v,field_loc_v) +#endif + endif + ! Velocity-distributed arrays select case(delta_t_method) diff --git a/cgyro/src/cgyro_parallel_lib.F90 b/cgyro/src/cgyro_parallel_lib.F90 index e649f2244..3b1d05f42 100644 --- a/cgyro/src/cgyro_parallel_lib.F90 +++ b/cgyro/src/cgyro_parallel_lib.F90 @@ -511,6 +511,30 @@ subroutine parallel_lib_sum_field_gpu(field_loc,field) end subroutine parallel_lib_sum_field_gpu + !========================================================= + + subroutine parallel_lib_collect_field(field_loc_v,field_v) + + use mpi + + implicit none + + complex, intent(in), dimension(:,:,:) :: field_loc_v + complex, intent(inout), dimension(:,:,:) :: field_v + integer :: ierr + + + call MPI_ALLGATHER(field_loc_v(:,:,:),& + size(field_loc_v(:,:,:)),& + MPI_DOUBLE_COMPLEX,& + field_v(:,:,:),& + size(field_loc_v(:,:,:)),& + MPI_DOUBLE_COMPLEX,& + lib_comm,& + ierr) + + end subroutine parallel_lib_collect_field + !========================================================= ! Species communicator !========================================================= From 84dedd4d6d2abdab01d322538c838a365704b969 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Sun, 8 Dec 2024 09:52:26 -0500 Subject: [PATCH 25/33] Use MPI_AllGather for cgyro_field_v_gpu, too --- cgyro/src/cgyro_field.F90 | 27 +++++---------------------- cgyro/src/cgyro_parallel_lib.F90 | 27 +++++++++++++++++++++++++++ 2 files changed, 32 insertions(+), 22 deletions(-) diff --git a/cgyro/src/cgyro_field.F90 b/cgyro/src/cgyro_field.F90 index 00cc0282f..451627c0f 100644 --- a/cgyro/src/cgyro_field.F90 +++ b/cgyro/src/cgyro_field.F90 @@ -123,22 +123,6 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) ! Poisson and Ampere RHS integrals of H -#if defined(OMPGPU) -!$omp target teams distribute parallel do simd collapse(3) & -!$omp& map(to:start_t) -#elif defined(_OPENACC) -!$acc parallel loop collapse(3) gang vector & -!$acc& independent copyin(start_t) & -!$acc& present(nt2,nc,n_field) default(none) -#endif - do itor=start_t,nt2 - do ic=1,nc - do i_f=1,n_field - field_loc(i_f,ic,itor) = (0.0,0.0) - enddo - enddo - enddo - #if defined(OMPGPU) !$omp target teams distribute collapse(3) & !$omp& private(ic_loc,field_loc_l) map(to:start_t,nproc,nj_loc) @@ -147,8 +131,8 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) !$acc& present(dvjvec_v,fsendf,field_loc) copyin(start_t,nproc,nj_loc) & !$acc& present(nt2,nc1,nc2,n_field,nv) default(none) #endif - do itor=start_t,nt2 - do ic=nc1,nc2 + do ic=nc1,nc2 + do itor=start_t,nt2 do i_f=1,n_field ic_loc = ic-nc1+1 field_loc_l = (0.0,0.0) @@ -164,7 +148,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) field_loc_l = field_loc_l+dvjvec_v(i_f,ic_loc,itor,iv)*fsendf(j,itor,ic_loc,k) enddo enddo - field_loc(i_f,ic,itor) = field_loc_l + field_loc_v(i_f,itor,ic) = field_loc_l enddo enddo enddo @@ -173,8 +157,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) call timer_lib_in('field_com') - call parallel_lib_sum_field_gpu(field_loc(:,:,start_t:nt2), & - field(:,:,start_t:nt2)) + call parallel_lib_collect_field_gpu(field_loc_v, field_v) call timer_lib_out('field_com') @@ -192,7 +175,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) ! assuming (.not.(itor == 0 .and. ae_flag == 1)) do ic=1,nc do i_f=1,n_field - field(i_f,ic,itor) = fcoef(i_f,ic,itor)*field(i_f,ic,itor) + field(i_f,ic,itor) = fcoef(i_f,ic,itor)*field_v(i_f,itor,ic) enddo enddo enddo diff --git a/cgyro/src/cgyro_parallel_lib.F90 b/cgyro/src/cgyro_parallel_lib.F90 index 3b1d05f42..5426cd5f5 100644 --- a/cgyro/src/cgyro_parallel_lib.F90 +++ b/cgyro/src/cgyro_parallel_lib.F90 @@ -535,6 +535,33 @@ subroutine parallel_lib_collect_field(field_loc_v,field_v) end subroutine parallel_lib_collect_field + !========================================================= + + subroutine parallel_lib_collect_field_gpu(field_loc_v,field_v) + + use mpi + + implicit none + + complex, intent(in), dimension(:,:,:) :: field_loc_v + complex, intent(inout), dimension(:,:,:) :: field_v + integer :: ierr + + cpl_use_device(field_loc_v,field_v) + + call MPI_ALLGATHER(field_loc_v(:,:,:),& + size(field_loc_v(:,:,:)),& + MPI_DOUBLE_COMPLEX,& + field_v(:,:,:),& + size(field_loc_v(:,:,:)),& + MPI_DOUBLE_COMPLEX,& + lib_comm,& + ierr) + + cpl_release_device(field_loc_v,field_v) + + end subroutine parallel_lib_collect_field_gpu + !========================================================= ! Species communicator !========================================================= From edd56875e767e373d77ddb71a8ea8fe01cb10dd8 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Sun, 8 Dec 2024 08:07:54 -0800 Subject: [PATCH 26/33] Improve handling of dvjvec_v --- cgyro/src/cgyro_field.F90 | 4 ++-- cgyro/src/cgyro_field_coefficients.F90 | 19 ++++++++++++++----- cgyro/src/cgyro_init_manager.F90 | 10 +++++----- 3 files changed, 21 insertions(+), 12 deletions(-) diff --git a/cgyro/src/cgyro_field.F90 b/cgyro/src/cgyro_field.F90 index 451627c0f..28b3f43af 100644 --- a/cgyro/src/cgyro_field.F90 +++ b/cgyro/src/cgyro_field.F90 @@ -43,7 +43,7 @@ subroutine cgyro_field_v_notae_s(start_t) do k=1,nproc do j=1,nj_loc iv = j+(k-1)*nj_loc - field_loc_v(:,itor,ic) = field_loc_v(:,itor,ic)+dvjvec_v(:,ic_loc,itor,iv)*fsendf(j,itor,ic_loc,k) + field_loc_v(:,itor,ic) = field_loc_v(:,itor,ic)+dvjvec_v(:,iv,itor,ic_loc)*fsendf(j,itor,ic_loc,k) enddo enddo enddo @@ -145,7 +145,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) do k=1,nproc do j=1,nj_loc iv = j+(k-1)*nj_loc - field_loc_l = field_loc_l+dvjvec_v(i_f,ic_loc,itor,iv)*fsendf(j,itor,ic_loc,k) + field_loc_l = field_loc_l+dvjvec_v(i_f,iv,itor,ic_loc)*fsendf(j,itor,ic_loc,k) enddo enddo field_loc_v(i_f,itor,ic) = field_loc_l diff --git a/cgyro/src/cgyro_field_coefficients.F90 b/cgyro/src/cgyro_field_coefficients.F90 index edc4cdb07..5acc04d6a 100644 --- a/cgyro/src/cgyro_field_coefficients.F90 +++ b/cgyro/src/cgyro_field_coefficients.F90 @@ -234,24 +234,33 @@ subroutine cgyro_field_coefficients jvec_c(:,ic,iv_loc,itor) enddo enddo - do ic=nc1,nc2 + if (collision_field_model == 1) then + do ic=nc1,nc2 ic_loc = ic-nc1+1 it = it_c(ic) do iv=1,nv is = is_v(iv) ix = ix_v(iv) ie = ie_v(iv) - dvjvec_v(:,ic_loc,itor,iv) = dens2_rot(it,is)*w_exi(ie,ix)*z(is)* & + dvjvec_v(:,iv,itor,ic_loc) = dens2_rot(it,is)*w_exi(ie,ix)*z(is)* & jvec_v(:,ic_loc,itor,iv) enddo - enddo + enddo + endif enddo !------------------------------------------------------------------------- #if defined(OMPGPU) -!$omp target update to(fcoef,gcoef,dvjvec_c,dvjvec_v) +!$omp target update to(fcoef,gcoef,dvjvec_c) +#elif defined(_OPENACC) +!$acc update device(fcoef,gcoef,dvjvec_c) +#endif + if (collision_field_model == 1) then +#if defined(OMPGPU) +!$omp target update to(dvjvec_v) #elif defined(_OPENACC) -!$acc update device(fcoef,gcoef,dvjvec_c,dvjvec_v) +!$acc update device(dvjvec_v) #endif + endif end subroutine cgyro_field_coefficients diff --git a/cgyro/src/cgyro_init_manager.F90 b/cgyro/src/cgyro_init_manager.F90 index 3e4ca231c..eecf99995 100644 --- a/cgyro/src/cgyro_init_manager.F90 +++ b/cgyro/src/cgyro_init_manager.F90 @@ -195,10 +195,11 @@ subroutine cgyro_init_manager ! nc and nc_loc must be last, since it will be collated allocate(field_v(n_field,nt1:nt2,nc)) allocate(field_loc_v(n_field,nt1:nt2,nc1:nc2)) + allocate(dvjvec_v(n_field,nv,nt1:nt2,nc_loc)) #if defined(OMPGPU) -!$omp target enter data map(alloc:field_v,field_loc_v) +!$omp target enter data map(alloc:field_v,field_loc_v,dvjvec_v) #elif defined(_OPENACC) -!$acc enter data create(field_v,field_loc_v) +!$acc enter data create(field_v,field_loc_v,dvjvec_v) #endif endif @@ -262,17 +263,16 @@ subroutine cgyro_init_manager allocate(jvec_c(n_field,nc,nv_loc,nt1:nt2)) allocate(jvec_v(n_field,nc_loc,nt1:nt2,nv)) allocate(dvjvec_c(n_field,nc,nv_loc,nt1:nt2)) - allocate(dvjvec_v(n_field,nc_loc,nt1:nt2,nv)) allocate(jxvec_c(n_field,nc,nv_loc,nt1:nt2)) allocate(upfac1(nc,nv_loc,nt1:nt2)) allocate(upfac2(nc,nv_loc,nt1:nt2)) #if defined(OMPGPU) !$omp target enter data map(alloc:cap_h_c,cap_h_ct,cap_h_c_dot,cap_h_c_old,cap_h_c_old2) -!$omp target enter data map(alloc:cap_h_v,dvjvec_c,dvjvec_v) +!$omp target enter data map(alloc:cap_h_v,dvjvec_c) #elif defined(_OPENACC) !$acc enter data create(cap_h_c,cap_h_ct,cap_h_c_dot,cap_h_c_old,cap_h_c_old2) -!$acc enter data create(cap_h_v,dvjvec_c,dvjvec_v) +!$acc enter data create(cap_h_v,dvjvec_c) #endif if (upwind_single_flag == 0) then From 9d949137cfb728165152a13be895ce2e2e1f85c2 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Sun, 8 Dec 2024 19:20:04 -0800 Subject: [PATCH 27/33] Properly account for field_loc_v and related buffers --- cgyro/src/cgyro_check_memory.F90 | 9 ++++++++- cgyro/src/cgyro_field_coefficients.F90 | 4 ++-- cgyro/src/cgyro_init_manager.F90 | 2 +- 3 files changed, 11 insertions(+), 4 deletions(-) diff --git a/cgyro/src/cgyro_check_memory.F90 b/cgyro/src/cgyro_check_memory.F90 index 0d52afbe4..bf18a8287 100644 --- a/cgyro/src/cgyro_check_memory.F90 +++ b/cgyro/src/cgyro_check_memory.F90 @@ -34,12 +34,19 @@ subroutine cgyro_check_memory(datafile) call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old') call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old2') call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old3') - call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,8,'fcoef') + call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_v') if (n_field < 3) then call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,8,'gcoef') else call cgyro_alloc_add_3d(io,5,nc,nt_loc,8,'gcoef') endif + if ((collision_model /= 5) .AND. (collision_field_model == 1)) then + call cgyro_alloc_add_3d(io,n_field,nt_loc,nc,16,'field_v') + call cgyro_alloc_add_3d(io,n_field,nt_loc,nc_loc,16,'field_loc_v') + call cgyro_alloc_add_4d(io,n_field,nv,nt_loc,nc_loc,16,'dvjvec_v') + endif + call cgyro_alloc_add_4d(io,n_field,nc,nv_loc,nt_loc,16,'dvjvec_c') + call cgyro_alloc_add_4d(io,n_field,nc,nv_loc,nt_loc,16,'jxvec_c') if (nonlinear_flag == 1) then write(io,*) diff --git a/cgyro/src/cgyro_field_coefficients.F90 b/cgyro/src/cgyro_field_coefficients.F90 index 5acc04d6a..58e1780b9 100644 --- a/cgyro/src/cgyro_field_coefficients.F90 +++ b/cgyro/src/cgyro_field_coefficients.F90 @@ -234,7 +234,7 @@ subroutine cgyro_field_coefficients jvec_c(:,ic,iv_loc,itor) enddo enddo - if (collision_field_model == 1) then + if ((collision_model /= 5) .AND. (collision_field_model == 1)) then do ic=nc1,nc2 ic_loc = ic-nc1+1 it = it_c(ic) @@ -255,7 +255,7 @@ subroutine cgyro_field_coefficients #elif defined(_OPENACC) !$acc update device(fcoef,gcoef,dvjvec_c) #endif - if (collision_field_model == 1) then + if ((collision_model /= 5) .AND. (collision_field_model == 1)) then #if defined(OMPGPU) !$omp target update to(dvjvec_v) #elif defined(_OPENACC) diff --git a/cgyro/src/cgyro_init_manager.F90 b/cgyro/src/cgyro_init_manager.F90 index eecf99995..956fb3372 100644 --- a/cgyro/src/cgyro_init_manager.F90 +++ b/cgyro/src/cgyro_init_manager.F90 @@ -191,7 +191,7 @@ subroutine cgyro_init_manager !$acc enter data create(fcoef,gcoef,field,field_loc,source) #endif - if (collision_field_model == 1) then + if ((collision_model /= 5) .AND. (collision_field_model == 1)) then ! nc and nc_loc must be last, since it will be collated allocate(field_v(n_field,nt1:nt2,nc)) allocate(field_loc_v(n_field,nt1:nt2,nc1:nc2)) From e443710f8bdcfca3bacdccd07b03f97422ea0860 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Sun, 8 Dec 2024 23:15:25 -0500 Subject: [PATCH 28/33] Fix unit in check_memory --- cgyro/src/cgyro_check_memory.F90 | 5 ++--- 1 file changed, 2 insertions(+), 3 deletions(-) diff --git a/cgyro/src/cgyro_check_memory.F90 b/cgyro/src/cgyro_check_memory.F90 index bf18a8287..8d0da3efc 100644 --- a/cgyro/src/cgyro_check_memory.F90 +++ b/cgyro/src/cgyro_check_memory.F90 @@ -43,10 +43,9 @@ subroutine cgyro_check_memory(datafile) if ((collision_model /= 5) .AND. (collision_field_model == 1)) then call cgyro_alloc_add_3d(io,n_field,nt_loc,nc,16,'field_v') call cgyro_alloc_add_3d(io,n_field,nt_loc,nc_loc,16,'field_loc_v') - call cgyro_alloc_add_4d(io,n_field,nv,nt_loc,nc_loc,16,'dvjvec_v') + call cgyro_alloc_add_4d(io,n_field,nv,nt_loc,nc_loc,8,'dvjvec_v') endif - call cgyro_alloc_add_4d(io,n_field,nc,nv_loc,nt_loc,16,'dvjvec_c') - call cgyro_alloc_add_4d(io,n_field,nc,nv_loc,nt_loc,16,'jxvec_c') + call cgyro_alloc_add_4d(io,n_field,nc,nv_loc,nt_loc,8,'dvjvec_c') if (nonlinear_flag == 1) then write(io,*) From b2023c1b6ea02f7ed9bb0b79f9dd5ee328b66a8d Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@ucsd.edu> Date: Mon, 9 Dec 2024 07:28:50 -0800 Subject: [PATCH 29/33] Fix typo --- cgyro/src/cgyro_check_memory.F90 | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/cgyro/src/cgyro_check_memory.F90 b/cgyro/src/cgyro_check_memory.F90 index 8d0da3efc..84a821f28 100644 --- a/cgyro/src/cgyro_check_memory.F90 +++ b/cgyro/src/cgyro_check_memory.F90 @@ -34,7 +34,7 @@ subroutine cgyro_check_memory(datafile) call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old') call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old2') call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_old3') - call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,16,'field_v') + call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,8,'fcoef') if (n_field < 3) then call cgyro_alloc_add_3d(io,n_field,nc,nt_loc,8,'gcoef') else From 9b62ef4edb3207056a3ab12f5c1526ade0c789c4 Mon Sep 17 00:00:00 2001 From: Igor Sfiligoi <isfiligoi@sdsc.edu> Date: Wed, 11 Dec 2024 09:47:19 -0800 Subject: [PATCH 30/33] Fix OpenACC related to #429 --- cgyro/src/cgyro_field.F90 | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/cgyro/src/cgyro_field.F90 b/cgyro/src/cgyro_field.F90 index 28b3f43af..64b365dca 100644 --- a/cgyro/src/cgyro_field.F90 +++ b/cgyro/src/cgyro_field.F90 @@ -118,7 +118,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) #if (!defined(OMPGPU)) && defined(_OPENACC) !$acc data present(fsendf) -!$acc data present(field,field_loc) +!$acc data present(field,field_v,field_loc_v) #endif ! Poisson and Ampere RHS integrals of H @@ -128,7 +128,7 @@ subroutine cgyro_field_v_notae_s_gpu(start_t) !$omp& private(ic_loc,field_loc_l) map(to:start_t,nproc,nj_loc) #elif defined(_OPENACC) !$acc parallel loop collapse(3) gang private(ic_loc,field_loc_l) & -!$acc& present(dvjvec_v,fsendf,field_loc) copyin(start_t,nproc,nj_loc) & +!$acc& present(dvjvec_v,fsendf) copyin(start_t,nproc,nj_loc) & !$acc& present(nt2,nc1,nc2,n_field,nv) default(none) #endif do ic=nc1,nc2 From 0033dd75c047e79ae42af94fa5e4f50205332cd6 Mon Sep 17 00:00:00 2001 From: Gary Staebler <staeblergm@ornl.gov> Date: Sun, 15 Dec 2024 23:51:23 -0500 Subject: [PATCH 31/33] Garysbranch (#430) * added tglf_p_prime_elite_in and call to put_elite, made zgeev default * added XHM shapes to globaldump file and beta_loc to read_input --- tglf/src/tglf_eigensolver.f90 | 2 +- tglf/src/tglf_interface.f90 | 33 +++++++++++++++++++++++++++++++++ tglf/src/tglf_read_input.f90 | 1 + tglf/src/tglf_run.F90 | 11 ++++++++++- 4 files changed, 45 insertions(+), 2 deletions(-) diff --git a/tglf/src/tglf_eigensolver.f90 b/tglf/src/tglf_eigensolver.f90 index e567c33f6..e3584976b 100644 --- a/tglf/src/tglf_eigensolver.f90 +++ b/tglf/src/tglf_eigensolver.f90 @@ -14,7 +14,7 @@ SUBROUTINE tglf_eigensolver IMPLICIT NONE ! CHARACTER(1) :: rightvectors - LOGICAL :: use_zgeev = .false. + LOGICAL :: use_zgeev = .true. INTEGER :: is,js INTEGER :: j1, j2, j, i INTEGER :: ifail,ib, jb, ia, ja, ia0, ja0 diff --git a/tglf/src/tglf_interface.f90 b/tglf/src/tglf_interface.f90 index f75cb3c8a..94d4a9937 100644 --- a/tglf/src/tglf_interface.f90 +++ b/tglf/src/tglf_interface.f90 @@ -200,6 +200,7 @@ module tglf_interface integer :: tglf_n_elite_in = 700 real :: tglf_q_elite_in = 2.0 real :: tglf_q_prime_elite_in = 16.0 + real :: tglf_p_prime_elite_in = 0.0 real :: tglf_R_elite_in(max_ELITE) real :: tglf_Z_elite_in(max_ELITE) real :: tglf_Bp_elite_in(max_ELITE) @@ -268,6 +269,11 @@ subroutine tglf_dump_local() close(1) return endif + if (tglf_geometry_flag_in == 3 ) then + write(1,*) 'DUMP NOT SUPPORTED FOR ELITE GEOMETRY' + close(1) + return + endif write(1,*) '# input.tglf generated by tglf_dump_local()' write(1,*) '#' @@ -459,6 +465,11 @@ subroutine tglf_dump_global() close(1) return endif + if (tglf_geometry_flag_in == 3 ) then + write(1,*) 'DUMP NOT SUPPORTED FOR ELITE GEOMETRY' + close(1) + return + endif write(1,*) '# input.tglf generated by tglf_dump_global()' write(1,*) '#' @@ -568,6 +579,28 @@ subroutine tglf_dump_global() write(1,30) 'S_DELTA_LOC',s_delta_loc write(1,30) 'ZETA_LOC',zeta_loc write(1,30) 'S_ZETA_LOC',s_zeta_loc + write(1,30) 'SHAPE_SIN3',shape_sin3_loc + write(1,30) 'SHAPE_S_SIN3',shape_s_sin3_loc + write(1,30) 'SHAPE_SIN4',shape_sin4_loc + write(1,30) 'SHAPE_S_SIN4',shape_s_sin4_loc + write(1,30) 'SHAPE_SIN5',shape_sin5_loc + write(1,30) 'SHAPE_S_SIN5',shape_s_sin5_loc + write(1,30) 'SHAPE_SIN6',shape_sin6_loc + write(1,30) 'SHAPE_S_SIN6',shape_s_sin6_loc + write(1,30) 'SHAPE_COS0',shape_cos0_loc + write(1,30) 'SHAPE_S_COS0',shape_s_cos0_loc + write(1,30) 'SHAPE_COS1',shape_cos1_loc + write(1,30) 'SHAPE_S_COS1',shape_cos1_loc + write(1,30) 'SHAPE_COS2',shape_cos2_loc + write(1,30) 'SHAPE_S_COS2',shape_cos2_loc + write(1,30) 'SHAPE_COS3',shape_cos3_loc + write(1,30) 'SHAPE_S_COS3',shape_cos3_loc + write(1,30) 'SHAPE_COS4',shape_cos4_loc + write(1,30) 'SHAPE_S_COS4',shape_s_cos4_loc + write(1,30) 'SHAPE_COS5',shape_cos5_loc + write(1,30) 'SHAPE_S_COS5',shape_cos5_loc + write(1,30) 'SHAPE_COS6',shape_cos6_loc + write(1,30) 'SHAPE_S_COS6',shape_cos6_loc write(1,30) 'P_PRIME_LOC',p_prime_loc write(1,30) 'Q_PRIME_LOC',q_prime_loc write(1,30) 'BETA_LOC',tglf_beta_loc_in diff --git a/tglf/src/tglf_read_input.f90 b/tglf/src/tglf_read_input.f90 index c3a5d3515..e7325fbff 100644 --- a/tglf/src/tglf_read_input.f90 +++ b/tglf/src/tglf_read_input.f90 @@ -215,6 +215,7 @@ subroutine tglf_read_input read(1,*) tglf_q_loc_in read(1,*) tglf_q_prime_loc_in read(1,*) tglf_p_prime_loc_in + read(1,*) tglf_beta_loc_in read(1,*) tglf_kx0_loc_in ! Set threshold for TGLF-NN execution versus full TGLF calculation diff --git a/tglf/src/tglf_run.F90 b/tglf/src/tglf_run.F90 index a1fd06df5..8b1dcb5b5 100644 --- a/tglf/src/tglf_run.F90 +++ b/tglf/src/tglf_run.F90 @@ -147,7 +147,16 @@ subroutine tglf_run() tglf_nfourier_in, & tglf_fourier_in) - else + elseif (tglf_geometry_flag_in == 3) then + + call put_ELITE_geometry(tglf_n_elite_in, & + tglf_q_elite_in, & + tglf_q_prime_elite_in, & + tglf_p_prime_elite_in, & + tglf_R_elite_in, & + tglf_Z_elite_in, & + tglf_Bp_elite_in ) + else ! default to s-alpha call put_s_alpha_geometry(tglf_rmin_sa_in, & tglf_rmaj_sa_in, & From b67348bf04a9575d0c2baa7283061861c8d5d925 Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Tue, 17 Dec 2024 16:22:00 -0800 Subject: [PATCH 32/33] Added Z_EFF to localdump --- cgyro/bin/cgyro_json | 1 + cgyro/src/cgyro_make_profiles.F90 | 2 +- cgyro/src/cgyro_write_initdata.f90 | 2 ++ f2py/pygacode/cgyro/data.py | 2 ++ 4 files changed, 6 insertions(+), 1 deletion(-) diff --git a/cgyro/bin/cgyro_json b/cgyro/bin/cgyro_json index 6d413dbc1..0b7ba076c 100755 --- a/cgyro/bin/cgyro_json +++ b/cgyro/bin/cgyro_json @@ -106,6 +106,7 @@ d['GAMMA_E'] = sim.gamma_e d['GAMMA_P'] = sim.gamma_p d['BETAE_UNIT'] = sim.betae_unit d['NU_EE'] = sim.nu[ielec] +d['Z_EFF'] = sim.z_eff d['ZMAG'] = sim.zmag d['DZMAG'] = sim.dzmag diff --git a/cgyro/src/cgyro_make_profiles.F90 b/cgyro/src/cgyro_make_profiles.F90 index 3b2a806f0..6ada243b1 100644 --- a/cgyro/src/cgyro_make_profiles.F90 +++ b/cgyro/src/cgyro_make_profiles.F90 @@ -290,7 +290,7 @@ subroutine cgyro_make_profiles endif - ! z_eff -- only use value from input.cgyro or input.profiles + ! z_eff -- only use value from input.cgyro or input.gacode ! if simple electron Lorentz collisions (1,5) and z_eff_method=1 ! else compute z_eff from the input ions' densities and charges if (.not. (z_eff_method == 1 .and. & diff --git a/cgyro/src/cgyro_write_initdata.f90 b/cgyro/src/cgyro_write_initdata.f90 index 44f32b358..14ab40b6b 100644 --- a/cgyro/src/cgyro_write_initdata.f90 +++ b/cgyro/src/cgyro_write_initdata.f90 @@ -229,6 +229,8 @@ subroutine cgyro_write_initdata write (io,fmtstr) sdlntdr(is) write (io,fmtstr) sbeta(is) enddo + ! Added 17 Dec 2024 + write (io,fmtstr) z_eff close(io) endif diff --git a/f2py/pygacode/cgyro/data.py b/f2py/pygacode/cgyro/data.py index 84588cb6d..0e67a3395 100644 --- a/f2py/pygacode/cgyro/data.py +++ b/f2py/pygacode/cgyro/data.py @@ -501,6 +501,8 @@ def getgrid(self): self.sdlnndr[i],p = self.eget(data,p) self.sdlntdr[i],p = self.eget(data,p) self.sbeta[i],p = self.eget(data,p) + # Added 17 Dec 2024 + self.z_eff,p = self.eget(data,p) if p == -1: print('WARNING: (getgrid) Data format outdated. Please run cgyro -t') From 452fc95b0942f31b80e0c3160943e35c3c055a77 Mon Sep 17 00:00:00 2001 From: Jeff Candy <candy@jaamweb.com> Date: Wed, 18 Dec 2024 07:52:55 -0800 Subject: [PATCH 33/33] Updated platform --- platform/exec/exec.MINT_OPENMPI | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/platform/exec/exec.MINT_OPENMPI b/platform/exec/exec.MINT_OPENMPI index 9f92d0033..bcb1db045 100755 --- a/platform/exec/exec.MINT_OPENMPI +++ b/platform/exec/exec.MINT_OPENMPI @@ -9,5 +9,5 @@ numa=${5} mpinuma=${6} cd $simdir -mpiexec -x OMP_NUM_THREADS=$nomp -np $nmpi $exec +mpiexec --use-hwthread-cpus -x OMP_NUM_THREADS=$nomp -np $nmpi $exec